From 526b4bd72f0d4ca7e0ce9640453ad16b8f69b177 Mon Sep 17 00:00:00 2001 From: zerorains Date: Mon, 2 Oct 2023 05:42:38 +0000 Subject: [PATCH 1/8] transplant fused_embedding_elt_wise_layer_norm_kernel --- paddle/fluid/operators/fused/CMakeLists.txt | 2 - .../fused_embedding_eltwise_layernorm_op.cc | 176 --------------- .../fused_embedding_eltwise_layernorm_op.cu | 162 -------------- .../operators/math/bert_encoder_functor.cu | 126 ----------- .../operators/math/bert_encoder_functor.h | 29 --- paddle/phi/api/yaml/fused_ops.yaml | 9 + paddle/phi/api/yaml/op_compat.yaml | 8 + paddle/phi/infermeta/fusion.cc | 76 +++++++ paddle/phi/infermeta/fusion.h | 8 + .../funcs/emb_eltwise_layer_norm_functor.cu | 210 ++++++++++++++++++ .../funcs/emb_eltwise_layer_norm_functor.h | 51 +++++ ...used_embedding_eltwise_layernorm_kernel.cu | 157 +++++++++++++ 12 files changed, 519 insertions(+), 495 deletions(-) delete mode 100644 paddle/fluid/operators/fused/fused_embedding_eltwise_layernorm_op.cc delete mode 100644 paddle/fluid/operators/fused/fused_embedding_eltwise_layernorm_op.cu create mode 100644 paddle/phi/kernels/funcs/emb_eltwise_layer_norm_functor.cu create mode 100644 paddle/phi/kernels/funcs/emb_eltwise_layer_norm_functor.h create mode 100644 paddle/phi/kernels/fusion/gpu/fused_embedding_eltwise_layernorm_kernel.cu diff --git a/paddle/fluid/operators/fused/CMakeLists.txt b/paddle/fluid/operators/fused/CMakeLists.txt index 89ea5def6fa6bc..5620ddaae96985 100755 --- a/paddle/fluid/operators/fused/CMakeLists.txt +++ b/paddle/fluid/operators/fused/CMakeLists.txt @@ -14,7 +14,6 @@ register_operators( skip_layernorm_op yolo_box_head_op yolo_box_post_op - fused_embedding_eltwise_layernorm_op fusion_group_op fusion_gru_op fusion_lstm_op @@ -76,7 +75,6 @@ if(WITH_GPU OR WITH_ROCM) op_library(skip_layernorm_op) op_library(yolo_box_head_op) op_library(yolo_box_post_op) - op_library(fused_embedding_eltwise_layernorm_op DEPS bert_encoder_functor) op_library(fused_gate_attention_op) # fusion_group if(NOT APPLE AND NOT WIN32) diff --git a/paddle/fluid/operators/fused/fused_embedding_eltwise_layernorm_op.cc b/paddle/fluid/operators/fused/fused_embedding_eltwise_layernorm_op.cc deleted file mode 100644 index 6f2c61a5cf4701..00000000000000 --- a/paddle/fluid/operators/fused/fused_embedding_eltwise_layernorm_op.cc +++ /dev/null @@ -1,176 +0,0 @@ -/* Copyright (c) 2019 PaddlePaddle Authors. All Rights Reserved. - -Licensed under the Apache License, Version 2.0 (the "License"); -you may not use this file except in compliance with the License. -You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - -Unless required by applicable law or agreed to in writing, software -distributed under the License is distributed on an "AS IS" BASIS, -WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. -See the License for the specific language governing permissions and -limitations under the License. */ - -#include - -#include "paddle/fluid/framework/op_registry.h" -#include "paddle/fluid/platform/errors.h" - -namespace paddle { -namespace operators { - -class EmbeddingEltWiseLayerNormOp : public framework::OperatorWithKernel { - public: - using framework::OperatorWithKernel::OperatorWithKernel; - - protected: - void InferShape(framework::InferShapeContext* context) const override { - PADDLE_ENFORCE_EQ( - context->Inputs("Ids").size(), - context->Inputs("Embs").size(), - platform::errors::InvalidArgument( - "Two inputs of EmbeddingEltWiseLayerNormOp shoube be " - "the same size, but received the size of input Ids = %d," - " the size of input Embs = %d", - context->Inputs("Ids").size(), - context->Inputs("Embs").size())); - PADDLE_ENFORCE_GE(context->Inputs("Embs").size(), - 2UL, - platform::errors::InvalidArgument( - "Input Embs of EmbeddingEltWiseLayerNormOp should " - "have at least 2 tensors")); - PADDLE_ENFORCE_GE(context->Inputs("Ids").size(), - 2UL, - platform::errors::InvalidArgument( - "Input Ids of EmbeddingEltWiseLayerNormOp should " - "have at least 2 tensors")); - - PADDLE_ENFORCE_EQ( - context->HasInput("Bias"), - true, - platform::errors::InvalidArgument( - "Input(Bias) of EmbeddingEltWiseLayerNormOp should not be null.")); - - PADDLE_ENFORCE_EQ( - context->HasInput("Scale"), - true, - platform::errors::InvalidArgument( - "Input(Scale) of EmbeddingEltWiseLayerNormOp should not be null.")); - - PADDLE_ENFORCE_EQ( - context->HasOutput("Out"), - true, - platform::errors::InvalidArgument( - "Output(Out) of EmbeddingEltWiseLayerNormOp should not be null.")); - - // batch * seq_len * 1 - auto ids_dims = context->GetInputsDim("Ids"); - // word_num * hidden - auto embs_dims = context->GetInputsDim("Embs"); - // hidden - auto dims_bias = context->GetInputDim("Bias"); - int batch = ids_dims[0][0]; - int seq_len = ids_dims[0][1]; - int hidden = embs_dims[0][1]; - for (auto& embs_dim : embs_dims) { - PADDLE_ENFORCE_EQ(embs_dim.size(), - 2, - platform::errors::InvalidArgument( - "The Emb dim's size shoule be 2, but found %d.", - embs_dim.size())); - PADDLE_ENFORCE_EQ( - embs_dim[1], - dims_bias[0], - platform::errors::InvalidArgument( - "The second dims (%d) of the Embedding should be equal " - "to the Bias's size(%d).", - embs_dim[1], - dims_bias[0])); - PADDLE_ENFORCE_EQ( - embs_dim[1], - hidden, - platform::errors::InvalidArgument( - "The second dimension size(%d) of the Embedding should be " - "equal to the hidden's size(%d)", - embs_dim[1], - hidden)); - } - - auto dim_output = phi::make_ddim({batch, seq_len, hidden}); - context->SetOutputDim("Out", dim_output); - context->ShareLoD("Ids", /*->*/ "Out"); - } - - protected: - phi::KernelKey GetExpectedKernelType( - const framework::ExecutionContext& ctx) const override { - auto inputs = ctx.MultiInput("Embs"); - auto input_data_type = framework::proto::VarType::Type(0); - bool flag = false; - for (auto* input : inputs) { - if (input->IsInitialized() && input->numel() > 0) { - input_data_type = framework::TransToProtoVarType(input->dtype()); - flag = true; - break; - } - } - if (flag == 0) { - PADDLE_THROW(platform::errors::PreconditionNotMet( - "All Inputs of fused_embedding_eltwise_layernorm OP are Empty!")); - } - return phi::KernelKey(input_data_type, ctx.GetPlace()); - } -}; - -class EmbeddingEltWiseLayerNormOpMaker - : public framework::OpProtoAndCheckerMaker { - public: - void Make() override { - AddInput("Ids", "Input id tensors of EmbeddingEltWiseLayerNorm op") - .AsDuplicable(); - AddInput("Embs", "Input emb tensors of EmbeddingEltWiseLayerNorm op") - .AsDuplicable(); - AddInput("Bias", "The LayerNorm Bias of EmbeddingEltWiseLayerNorm op"); - AddInput("Scale", "The LayerNorm Scale of EmbeddingEltWiseLayerNorm op"); - AddOutput("Out", "The output of EmbeddingEltWiseLayerNorm op"); - AddAttr("epsilon", - "Constant for numerical stability [default 1e-5].") - .SetDefault(1e-5) - .AddCustomChecker([](const float& epsilon) { - PADDLE_ENFORCE_GE( - epsilon, - 0.0f, - platform::errors::InvalidArgument( - "'epsilon' is %f, but it should be between 0.0 and 0.001", - epsilon)); - PADDLE_ENFORCE_LE( - epsilon, - 0.001f, - platform::errors::InvalidArgument( - "'epsilon' is %f, but it should be between 0.0 and 0.001.", - epsilon)); - }); - AddComment(R"DOC( -EmbeddingEltWiseLayerNorm Operator. - -This op is used for optimize the following structure in ernie model. -id1 -> lookup_table_op -> data1 -id2 -> lookup_table_op -> data2 - ... -idn -> lookup_table_op -> data_n -data1 + data2 + ... + data_n -> Y -Y -> layer_norm -> Out - -Not suggest to use in other case except has same structure as ernie. -)DOC"); - } -}; - -} // namespace operators -} // namespace paddle - -namespace ops = paddle::operators; -REGISTER_OP_WITHOUT_GRADIENT(fused_embedding_eltwise_layernorm, - ops::EmbeddingEltWiseLayerNormOp, - ops::EmbeddingEltWiseLayerNormOpMaker); diff --git a/paddle/fluid/operators/fused/fused_embedding_eltwise_layernorm_op.cu b/paddle/fluid/operators/fused/fused_embedding_eltwise_layernorm_op.cu deleted file mode 100644 index 35574331e17d7d..00000000000000 --- a/paddle/fluid/operators/fused/fused_embedding_eltwise_layernorm_op.cu +++ /dev/null @@ -1,162 +0,0 @@ -// Copyright (c) 2019 PaddlePaddle Authors. All Rights Reserved. -// -// Licensed under the Apache License, Version 2.0 (the "License"); -// you may not use this file except in compliance with the License. -// You may obtain a copy of the License at -// -// http://www.apache.org/licenses/LICENSE-2.0 -// -// Unless required by applicable law or agreed to in writing, software -// distributed under the License is distributed on an "AS IS" BASIS, -// WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. -// See the License for the specific language governing permissions and -// limitations under the License. - -#include - -#include -#include -#include - -#include "paddle/fluid/framework/convert_utils.h" -#include "paddle/fluid/framework/op_registry.h" -#include "paddle/fluid/memory/malloc.h" -#include "paddle/fluid/operators/math/bert_encoder_functor.h" -#include "paddle/fluid/platform/float16.h" -#include "paddle/phi/common/data_type.h" -#include "paddle/phi/kernels/funcs/blas/blas.h" - -namespace paddle { -namespace operators { - -template -class EmbeddingEltWiseLayerNormKernel : public framework::OpKernel { - public: - void Compute(const framework::ExecutionContext &context) const override { - auto &device_ctx = context.template device_context(); - auto ids = context.MultiInput("Ids"); - auto embs = context.MultiInput("Embs"); - int input_num = static_cast(ids.size()); - - phi::DenseTensor in_ids_( - framework::TransToPhiDataType(framework::proto::VarType::INT64)), - in_embs_( - framework::TransToPhiDataType(framework::proto::VarType::INT64)); - framework::DDim in_dim{input_num}; - int device_id; -#ifdef PADDLE_WITH_HIP - hipGetDevice(&device_id); -#else - cudaGetDevice(&device_id); -#endif - - auto &dev_ctx = context.template device_context(); - - in_ids_.Resize(in_dim); - in_embs_.Resize(in_dim); - - int64_t *in_ids_d = dev_ctx.template Alloc( - &in_ids_, in_ids_.numel() * sizeof(int64_t)); - int64_t *in_embs_d = dev_ctx.template Alloc( - &in_embs_, in_embs_.numel() * sizeof(int64_t)); - - std::vector in1s, in2s; - for (int i = 0; i < input_num; ++i) { - in1s.push_back(reinterpret_cast(ids[i]->data())); - in2s.push_back(reinterpret_cast(embs[i]->data())); - } -#ifdef PADDLE_WITH_HIP - hipMemcpyAsync(in_ids_d, - in1s.data(), - sizeof(int64_t) * input_num, - hipMemcpyHostToDevice, - device_ctx.stream()); - hipMemcpyAsync(in_embs_d, - in2s.data(), - sizeof(int64_t) * input_num, - hipMemcpyHostToDevice, - device_ctx.stream()); -#else - cudaMemcpyAsync(in_ids_d, - in1s.data(), - sizeof(int64_t) * input_num, - cudaMemcpyHostToDevice, - device_ctx.stream()); - cudaMemcpyAsync(in_embs_d, - in2s.data(), - sizeof(int64_t) * input_num, - cudaMemcpyHostToDevice, - device_ctx.stream()); -#endif - - auto *bias = context.Input("Bias"); - auto *scale = context.Input("Scale"); - auto *out = context.Output("Out"); - - // should be (B * S * hidden) - auto id0_dims = ids[0]->dims(); - auto emb0_dims = embs[0]->dims(); - - int batch = id0_dims[0]; - int seq_len = id0_dims[1]; - int hidden = emb0_dims[1]; - - auto *bias_d = bias->data(); - auto *scale_d = scale->data(); - auto *output_d = dev_ctx.template Alloc(out, out->numel() * sizeof(T)); - - float eps = context.Attr("epsilon"); - - if (std::is_same::value) { - const half *scale_new = reinterpret_cast(scale_d); - const half *bias_new = reinterpret_cast(bias_d); - half *output_new = reinterpret_cast(output_d); - - math::EmbEltwiseLayerNormFunctor emb_eltwise_layernorm_func; - emb_eltwise_layernorm_func(batch, - seq_len, - hidden, - in_ids_d, - scale_new, - bias_new, - in_embs_d, - output_new, - eps, - input_num, - device_ctx.stream()); - } else { - math::EmbEltwiseLayerNormFunctor emb_eltwise_layernorm_func; - emb_eltwise_layernorm_func(batch, - seq_len, - hidden, - in_ids_d, - scale_d, - bias_d, - in_embs_d, - output_d, - eps, - input_num, - device_ctx.stream()); - } - } -}; - -} // namespace operators -} // namespace paddle - -namespace ops = paddle::operators; -namespace plat = paddle::platform; -#if defined(PADDLE_WITH_CUDA) && CUDA_VERSION >= 10000 -PD_REGISTER_STRUCT_KERNEL(fused_embedding_eltwise_layernorm, - GPU, - ALL_LAYOUT, - ops::EmbeddingEltWiseLayerNormKernel, - float, - plat::float16) {} -#else -PD_REGISTER_STRUCT_KERNEL(fused_embedding_eltwise_layernorm, - GPU, - ALL_LAYOUT, - ops::EmbeddingEltWiseLayerNormKernel, - float) {} -#endif diff --git a/paddle/fluid/operators/math/bert_encoder_functor.cu b/paddle/fluid/operators/math/bert_encoder_functor.cu index 657b0b976ef621..9424ab8fa99247 100644 --- a/paddle/fluid/operators/math/bert_encoder_functor.cu +++ b/paddle/fluid/operators/math/bert_encoder_functor.cu @@ -129,132 +129,6 @@ __device__ inline void LayerNorm2(const phi::funcs::kvp &thread_data, } } -template -__global__ void EmbEltwiseLayernormKernel(int hidden, - const int64_t *ids, - const T *scale, - const T *bias, - const int64_t *embs, - T *output, - T eps, - int input_num) { - cub::Sum pair_sum; - // blockIdx.x: position in the sequence - // blockIdx.y: batch - // gridDim.x: Seq - // gridDim.y: Batch - - extern __shared__ int64_t array_id[]; - - const T rhidden = T(1.f) / T(hidden); - const int64_t seq_pos = blockIdx.y + blockIdx.x * gridDim.y; - if (threadIdx.x == 0) { - for (int i = 0; i < input_num; ++i) { - const int64_t *ids_p = reinterpret_cast(ids[i]); - array_id[i] = ids_p[seq_pos]; - } - } - __syncthreads(); - - const int64_t out_offset = seq_pos * hidden; - - phi::funcs::kvp thread_data(0, 0); - -#pragma unroll - for (int it = threadIdx.x; it < hidden; it += TPB) { - T val = 0; - for (int i = 0; i < input_num; ++i) { - val += reinterpret_cast(embs[i])[array_id[i] * hidden + it]; - } - - output[out_offset + it] = val; - const T rhiddenval = rhidden * val; - thread_data = - pair_sum(thread_data, phi::funcs::kvp(rhiddenval, rhiddenval * val)); - } - LayerNorm(thread_data, hidden, out_offset, bias, scale, output, eps); -} - -// HIP defined __HIP_NO_HALF_CONVERSIONS__ in hip.cmake -#ifndef __HIPCC__ // @{ Half kernel: EmbEltwiseLayernormKernel -template <> -__global__ void EmbEltwiseLayernormKernel(int hidden, - const int64_t *ids, - const half *scale, - const half *bias, - const int64_t *embs, - half *output, - half eps, - int input_num) { -#if CUDA_ARCH_FP16_SUPPORTED(__CUDA_ARCH__) - cub::Sum pair_sum; - // blockIdx.x: position in the sequence - // blockIdx.y: batch - // gridDim.x: Seq - // gridDim.y: Batch - - extern __shared__ int64_t array_id[]; - - const half rhidden = half(1.f) / half(hidden); - const int64_t seq_pos = blockIdx.y + blockIdx.x * gridDim.y; - if (threadIdx.x == 0) { - for (int i = 0; i < input_num; ++i) { - const int64_t *ids_p = reinterpret_cast(ids[i]); - array_id[i] = ids_p[seq_pos]; - } - } - __syncthreads(); - - const int64_t out_offset = seq_pos * hidden; - - phi::funcs::kvp thread_data(0, 0); - -#pragma unroll - for (int it = threadIdx.x; it < hidden; it += 256) { - half val = 0; - for (int i = 0; i < input_num; ++i) { - val += reinterpret_cast(embs[i])[array_id[i] * hidden + it]; - } - - output[out_offset + it] = val; - const half rhiddenval = rhidden * val; - thread_data = pair_sum(thread_data, - phi::funcs::kvp(rhiddenval, rhiddenval * val)); - } - LayerNorm( - thread_data, hidden, out_offset, bias, scale, output, eps); -#endif -} -#endif // @} End Half kernel: EmbEltwiseLayernormKernel - -template -void EmbEltwiseLayerNormFunctor::operator()(int batch, - int seq_len, - int hidden, - const int64_t *ids, - const T *scale, - const T *bias, - const int64_t *embs, - T *output, - float eps, - int input_num, - gpuStream_t stream) { - const unsigned tpb = 256; - const dim3 grid(seq_len, batch, 1); - const dim3 block(tpb, 1, 1); - int shared_bytes = input_num * sizeof(int64_t); - EmbEltwiseLayernormKernel<<>>( - hidden, ids, scale, bias, embs, output, eps, input_num); -} - -template class EmbEltwiseLayerNormFunctor; - -// device function 'operator()' is not supportted until cuda 10.0 -// HIP defined __HIP_NO_HALF_CONVERSIONS__ in hip.cmake -#if defined(PADDLE_WITH_CUDA) && CUDA_VERSION >= 10000 -template class EmbEltwiseLayerNormFunctor; -#endif - template __global__ void SkipLayerNormSmallKernel(int num, int hidden, diff --git a/paddle/fluid/operators/math/bert_encoder_functor.h b/paddle/fluid/operators/math/bert_encoder_functor.h index 6d31098686608a..76e27380b90e21 100644 --- a/paddle/fluid/operators/math/bert_encoder_functor.h +++ b/paddle/fluid/operators/math/bert_encoder_functor.h @@ -48,35 +48,6 @@ struct CUDATypeTraits { }; #if defined(PADDLE_WITH_CUDA) || defined(PADDLE_WITH_HIP) -// This functor involves a fusion calculation in Ernie or Bert. -// The fusion mode is as follows: -// -// in_var emb in_var emb -// | | | | -// lookup_table lookup_table -// | | -// lkt_var lkt_var -// \ / -// elementwise_add -// | -// elt_out_var -// -template -class EmbEltwiseLayerNormFunctor { - public: - void operator()(int batch, - int seq_len, - int hidden, - const int64_t *ids, - const T *scale, - const T *bias, - const int64_t *embs, - T *output, - float eps, - int input_num, - gpuStream_t stream); -}; - // This functor involves a fusion calculation in Ernie or Bert. // The fusion mode is as follows: // diff --git a/paddle/phi/api/yaml/fused_ops.yaml b/paddle/phi/api/yaml/fused_ops.yaml index 9f19dcf31d728c..5a89055041122c 100644 --- a/paddle/phi/api/yaml/fused_ops.yaml +++ b/paddle/phi/api/yaml/fused_ops.yaml @@ -145,6 +145,15 @@ backward : fused_dropout_add_grad support_dygraph_mode : true +- op : fused_embedding_eltwise_layernorm + args : (Tensor[] ids, Tensor[] embs, Tensor bias, Tensor scale, float epsilon = 0.00001f) + output : Tensor(out) + infer_meta : + func : FusedEmbeddingEltWiseLayerNormInferMeta + kernel : + func : fused_embedding_eltwise_layernorm + data_type : ids + - op : fused_linear_param_grad_add args : (Tensor x, Tensor dout, Tensor dweight, Tensor dbias, bool multi_precision = true, bool has_bias = true) output : Tensor(dweight_out), Tensor(dbias_out) diff --git a/paddle/phi/api/yaml/op_compat.yaml b/paddle/phi/api/yaml/op_compat.yaml index f74df02af26d2f..98b0f57bf87a0b 100755 --- a/paddle/phi/api/yaml/op_compat.yaml +++ b/paddle/phi/api/yaml/op_compat.yaml @@ -1255,6 +1255,14 @@ attrs : [bool use_cudnn = false, float fuse_alpha = 0.0f, float fuse_beta = 0.0f, float Scale_in = 1.0f, float Scale_out = 1.0f, float Scale_in_eltwise = 1.0f, 'float[] Scale_weights = {1.0f}'] +- op : fused_embedding_eltwise_layernorm + inputs : + {ids : Ids, embs : Embs, bias : Bias, scale : Scale} + outputs : + out : Out + attrs : + {epsilon : epsilon} + - op : fused_feedforward backward: fused_feedforward_grad inputs: diff --git a/paddle/phi/infermeta/fusion.cc b/paddle/phi/infermeta/fusion.cc index 6846b5928c1163..8064128cc7c70e 100644 --- a/paddle/phi/infermeta/fusion.cc +++ b/paddle/phi/infermeta/fusion.cc @@ -1842,4 +1842,80 @@ void SqueezeExcitationInferMeta(const MetaTensor& x, out->set_dims(DDim(out_shape.data(), static_cast(out_shape.size()))); } +void FusedEmbeddingEltWiseLayerNormInferMeta( + const std::vector& ids, + const std::vector& embs, + const MetaTensor& bias, + const MetaTensor& scale, + const float epsilon, + MetaTensor* out) { + PADDLE_ENFORCE_EQ( + ids.size(), + embs.size(), + phi::errors::InvalidArgument( + "Two inputs of EmbeddingEltWiseLayerNormOp shoube be " + "the same size, but received the size of input Ids = %d," + " the size of input Embs = %d", + ids.size(), + embs.size())); + PADDLE_ENFORCE_GE(embs.size(), + 2UL, + phi::errors::InvalidArgument( + "Input Embs of EmbeddingEltWiseLayerNormOp should " + "have at least 2 tensors")); + PADDLE_ENFORCE_GE(ids.size(), + 2UL, + phi::errors::InvalidArgument( + "Input Ids of EmbeddingEltWiseLayerNormOp should " + "have at least 2 tensors")); + + // batch * seq_len * 1 + std::vector ids_dims, embs_dims; + ids_dims.reserve(ids.size()); + std::transform(ids.begin(), + ids.end(), + std::back_inserter(ids_dims), + [](MetaTensor* var) { return var->dims(); }); + // word_num * hidden + embs_dims.reserve(embs.size()); + std::transform(embs.begin(), + embs.end(), + std::back_inserter(embs_dims), + [](MetaTensor* var) { return var->dims(); }); + // hidden + DDim dims_bias = bias.dims(); + + int batch = ids_dims[0][0]; + int seq_len = ids_dims[0][1]; + int hidden = embs_dims[0][1]; + for (auto& embs_dim : embs_dims) { + PADDLE_ENFORCE_EQ( + embs_dim.size(), + 2, + phi::errors::InvalidArgument( + "The Emb dim's size shoule be 2, but found %d.", embs_dim.size())); + PADDLE_ENFORCE_EQ( + embs_dim[1], + dims_bias[0], + platform::errors::InvalidArgument( + "The second dims (%d) of the Embedding should be equal " + "to the Bias's size(%d).", + embs_dim[1], + dims_bias[0])); + PADDLE_ENFORCE_EQ( + embs_dim[1], + hidden, + platform::errors::InvalidArgument( + "The second dimension size(%d) of the Embedding should be " + "equal to the hidden's size(%d)", + embs_dim[1], + hidden)); + } + + auto dim_output = phi::make_ddim({batch, seq_len, hidden}); + out->set_dims(dim_output); + out->share_lod(ids); + // context->ShareLoD("Ids", /*->*/ "Out"); +} + } // namespace phi diff --git a/paddle/phi/infermeta/fusion.h b/paddle/phi/infermeta/fusion.h index fe3ebe989cdc38..f996b0ccf78db5 100644 --- a/paddle/phi/infermeta/fusion.h +++ b/paddle/phi/infermeta/fusion.h @@ -485,4 +485,12 @@ void SqueezeExcitationInferMeta(const MetaTensor& x, const std::vector& filter_dims, MetaTensor* out); +void FusedEmbeddingEltWiseLayerNormInferMeta( + const std::vector& ids, + const std::vector& embs, + const MetaTensor& bias, + const MetaTensor& scale, + const float epsilon, + MetaTensor* out); + } // namespace phi diff --git a/paddle/phi/kernels/funcs/emb_eltwise_layer_norm_functor.cu b/paddle/phi/kernels/funcs/emb_eltwise_layer_norm_functor.cu new file mode 100644 index 00000000000000..5d4611fa9d09a9 --- /dev/null +++ b/paddle/phi/kernels/funcs/emb_eltwise_layer_norm_functor.cu @@ -0,0 +1,210 @@ +// Copyright (c) 2023 PaddlePaddle Authors. All Rights Reserved. +// +// Licensed under the Apache License, Version 2.0 (the "License"); +// you may not use this file except in compliance with the License. +// You may obtain a copy of the License at +// +// http://www.apache.org/licenses/LICENSE-2.0 +// +// Unless required by applicable law or agreed to in writing, software +// distributed under the License is distributed on an "AS IS" BASIS, +// WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +// See the License for the specific language governing permissions and +// limitations under the License. + +#ifdef PADDLE_WITH_CUDA +#include +#include + +#include // NOLINT +#endif +#ifdef PADDLE_WITH_HIP +#include + +#include +namespace cub = hipcub; +#endif + +#include "paddle/phi/kernels/funcs/emb_eltwise_layer_norm_functor.h" + +#include "paddle/phi/common/float16.h" +#include "paddle/phi/kernels/funcs/blas/blas.h" +#include "paddle/phi/kernels/funcs/math_cuda_utils.h" + +namespace phi { +namespace funcs { + +template +__device__ inline T rsqrt(const T& x); + +template <> +__device__ inline float rsqrt(const float& x) { + return rsqrtf(x); +} + +template +__device__ __forceinline__ T local_rsqrt(T num) { + return rsqrt(static_cast(num)); +} +#if CUDA_ARCH_FP16_SUPPORTED(__CUDA_ARCH__) +__device__ __forceinline__ half local_rsqrt(half num) { return hrsqrt(num); } +#endif + +template +__device__ inline void LayerNorm(const phi::funcs::kvp& thread_data, + const int ld, + const int offset, + const T* bias, + const T* scale, + T* output, + T eps) { + using BlockReduce = cub::BlockReduce, TPB>; + __shared__ typename BlockReduce::TempStorage temp_storage; + __shared__ T mu; // mean + __shared__ T rsigma; // 1 / std.dev. + + const auto sum_kv = BlockReduce(temp_storage).Reduce(thread_data, cub::Sum()); + + if (threadIdx.x == 0) { + mu = sum_kv.key; + rsigma = local_rsqrt(sum_kv.value - mu * mu + eps); + } + __syncthreads(); + + for (int i = threadIdx.x; i < ld; i += TPB) { + const int idx = offset + i; + const T val = output[idx]; + const T g(scale[i]); + const T b(bias[i]); + output[idx] = g * (val - mu) * rsigma + b; + } +} + +template +__global__ void EmbEltwiseLayernormKernel(int hidden, + const int64_t* ids, + const T* scale, + const T* bias, + const int64_t* embs, + T* output, + T eps, + int input_num) { + cub::Sum pair_sum; + // blockIdx.x: position in the sequence + // blockIdx.y: batch + // gridDim.x: Seq + // gridDim.y: Batch + + extern __shared__ int64_t array_id[]; + + const T rhidden = T(1.f) / T(hidden); + const int64_t seq_pos = blockIdx.y + blockIdx.x * gridDim.y; + if (threadIdx.x == 0) { + for (int i = 0; i < input_num; ++i) { + const int64_t* ids_p = reinterpret_cast(ids[i]); + array_id[i] = ids_p[seq_pos]; + } + } + __syncthreads(); + + const int64_t out_offset = seq_pos * hidden; + + phi::funcs::kvp thread_data(0, 0); + +#pragma unroll + for (int it = threadIdx.x; it < hidden; it += TPB) { + T val = 0; + for (int i = 0; i < input_num; ++i) { + val += reinterpret_cast(embs[i])[array_id[i] * hidden + it]; + } + + output[out_offset + it] = val; + const T rhiddenval = rhidden * val; + thread_data = + pair_sum(thread_data, phi::funcs::kvp(rhiddenval, rhiddenval * val)); + } + LayerNorm(thread_data, hidden, out_offset, bias, scale, output, eps); +} + +// HIP defined __HIP_NO_HALF_CONVERSIONS__ in hip.cmake +#ifndef __HIPCC__ // @{ Half kernel: EmbEltwiseLayernormKernel +template <> +__global__ void EmbEltwiseLayernormKernel(int hidden, + const int64_t* ids, + const half* scale, + const half* bias, + const int64_t* embs, + half* output, + half eps, + int input_num) { +#if CUDA_ARCH_FP16_SUPPORTED(__CUDA_ARCH__) + cub::Sum pair_sum; + // blockIdx.x: position in the sequence + // blockIdx.y: batch + // gridDim.x: Seq + // gridDim.y: Batch + + extern __shared__ int64_t array_id[]; + + const half rhidden = half(1.f) / half(hidden); + const int64_t seq_pos = blockIdx.y + blockIdx.x * gridDim.y; + if (threadIdx.x == 0) { + for (int i = 0; i < input_num; ++i) { + const int64_t* ids_p = reinterpret_cast(ids[i]); + array_id[i] = ids_p[seq_pos]; + } + } + __syncthreads(); + + const int64_t out_offset = seq_pos * hidden; + + phi::funcs::kvp thread_data(0, 0); + +#pragma unroll + for (int it = threadIdx.x; it < hidden; it += 256) { + half val = 0; + for (int i = 0; i < input_num; ++i) { + val += reinterpret_cast(embs[i])[array_id[i] * hidden + it]; + } + + output[out_offset + it] = val; + const half rhiddenval = rhidden * val; + thread_data = pair_sum(thread_data, + phi::funcs::kvp(rhiddenval, rhiddenval * val)); + } + LayerNorm( + thread_data, hidden, out_offset, bias, scale, output, eps); +#endif +} +#endif // @} End Half kernel: EmbEltwiseLayernormKernel + +template +void EmbEltwiseLayerNormFunctor::operator()(int batch, + int seq_len, + int hidden, + const int64_t* ids, + const T* scale, + const T* bias, + const int64_t* embs, + T* output, + float eps, + int input_num, + gpuStream_t stream) { + const unsigned tpb = 256; + const dim3 grid(seq_len, batch, 1); + const dim3 block(tpb, 1, 1); + int shared_bytes = input_num * sizeof(int64_t); + EmbEltwiseLayernormKernel<<>>( + hidden, ids, scale, bias, embs, output, eps, input_num); +} + +template class EmbEltwiseLayerNormFunctor; + +// device function 'operator()' is not supportted until cuda 10.0 +// HIP defined __HIP_NO_HALF_CONVERSIONS__ in hip.cmake +#if defined(PADDLE_WITH_CUDA) && CUDA_VERSION >= 10000 +template class EmbEltwiseLayerNormFunctor; +#endif + +} // namespace funcs +} // namespace phi diff --git a/paddle/phi/kernels/funcs/emb_eltwise_layer_norm_functor.h b/paddle/phi/kernels/funcs/emb_eltwise_layer_norm_functor.h new file mode 100644 index 00000000000000..d50224dd5bdaf5 --- /dev/null +++ b/paddle/phi/kernels/funcs/emb_eltwise_layer_norm_functor.h @@ -0,0 +1,51 @@ +// Copyright (c) 2023 PaddlePaddle Authors. All Rights Reserved. +// +// Licensed under the Apache License, Version 2.0 (the "License"); +// you may not use this file except in compliance with the License. +// You may obtain a copy of the License at +// +// http://www.apache.org/licenses/LICENSE-2.0 +// +// Unless required by applicable law or agreed to in writing, software +// distributed under the License is distributed on an "AS IS" BASIS, +// WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +// See the License for the specific language governing permissions and +// limitations under the License. + +#pragma once + +#include "paddle/phi/backends/gpu/gpu_context.h" + +namespace phi { +namespace funcs { + +// This functor involves a fusion calculation in Ernie or Bert. +// The fusion mode is as follows: +// +// in_var emb in_var emb +// | | | | +// lookup_table lookup_table +// | | +// lkt_var lkt_var +// \ / +// elementwise_add +// | +// elt_out_var +// +template +class EmbEltwiseLayerNormFunctor { + public: + void operator()(int batch, + int seq_len, + int hidden, + const int64_t* ids, + const T* scale, + const T* bias, + const int64_t* embs, + T* output, + float eps, + int input_num, + gpuStream_t stream); +}; +} // namespace funcs +} // namespace phi diff --git a/paddle/phi/kernels/fusion/gpu/fused_embedding_eltwise_layernorm_kernel.cu b/paddle/phi/kernels/fusion/gpu/fused_embedding_eltwise_layernorm_kernel.cu new file mode 100644 index 00000000000000..c093eeaf0880ed --- /dev/null +++ b/paddle/phi/kernels/fusion/gpu/fused_embedding_eltwise_layernorm_kernel.cu @@ -0,0 +1,157 @@ +// Copyright (c) 2023 PaddlePaddle Authors. All Rights Reserved. +// +// Licensed under the Apache License, Version 2.0 (the "License"); +// you may not use this file except in compliance with the License. +// You may obtain a copy of the License at +// +// http://www.apache.org/licenses/LICENSE-2.0 +// +// Unless required by applicable law or agreed to in writing, software +// distributed under the License is distributed on an "AS IS" BASIS, +// WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +// See the License for the specific language governing permissions and +// limitations under the License. + +#include +#include + +#include "paddle/phi/common/float16.h" +#include "paddle/phi/core/enforce.h" +#include "paddle/phi/core/errors.h" +#include "paddle/phi/core/kernel_registry.h" +#include "paddle/phi/core/tensor_utils.h" +#include "paddle/phi/kernels/funcs/emb_eltwise_layer_norm_functor.h" + +namespace phi { +namespace fusion { + +template +void EmbeddingEltWiseLayerNormKernel( + const Context& dev_ctx, + const std::vector& ids, + const std::vector& embs, + const DenseTensor& bias, + const DenseTensor& scale, + const float epsilon, + DenseTensor* out) { + PADDLE_ENFORCE_GE( + epsilon, + 0.0f, + phi::errors::InvalidArgument( + "'epsilon' is %f, but it should be between 0.0 and 0.001", epsilon)); + PADDLE_ENFORCE_LE( + epsilon, + 0.001f, + phi::errors::InvalidArgument( + "'epsilon' is %f, but it should be between 0.0 and 0.001.", epsilon)); + int input_num = static_cast(ids.size()); + + DenseTensor in_ids_(phi::TransToPhiDataType(phi::dtype::int64)), + in_embs_(phi::TransToPhiDataType(phi::dtype::int64)); + DDim in_dim{input_num}; + int device_id; +#ifdef PADDLE_WITH_HIP + hipGetDevice(&device_id); +#else + cudaGetDevice(&device_id); +#endif + + in_ids_.Resize(in_dim); + in_embs_.Resize(in_dim); + + int64_t* in_ids_d = dev_ctx.template Alloc( + &in_ids_, in_ids_.numel() * sizeof(int64_t)); + int64_t* in_embs_d = dev_ctx.template Alloc( + &in_embs_, in_embs_.numel() * sizeof(int64_t)); + + std::vector in1s, in2s; + for (int i = 0; i < input_num; ++i) { + in1s.push_back(reinterpret_cast(ids[i]->data())); + in2s.push_back(reinterpret_cast(embs[i]->data())); + } +#ifdef PADDLE_WITH_HIP + hipMemcpyAsync(in_ids_d, + in1s.data(), + sizeof(int64_t) * input_num, + hipMemcpyHostToDevice, + device_ctx.stream()); + hipMemcpyAsync(in_embs_d, + in2s.data(), + sizeof(int64_t) * input_num, + hipMemcpyHostToDevice, + device_ctx.stream()); +#else + cudaMemcpyAsync(in_ids_d, + in1s.data(), + sizeof(int64_t) * input_num, + cudaMemcpyHostToDevice, + device_ctx.stream()); + cudaMemcpyAsync(in_embs_d, + in2s.data(), + sizeof(int64_t) * input_num, + cudaMemcpyHostToDevice, + device_ctx.stream()); +#endif + + // should be (B * S * hidden) + auto id0_dims = ids[0]->dims(); + auto emb0_dims = embs[0]->dims(); + + int batch = id0_dims[0]; + int seq_len = id0_dims[1]; + int hidden = emb0_dims[1]; + + auto* bias_d = bias.data(); + auto* scale_d = scale.data(); + auto* output_d = dev_ctx.template Alloc(out, out->numel() * sizeof(T)); + + if (std::is_same::value) { + const half* scale_new = reinterpret_cast(scale_d); + const half* bias_new = reinterpret_cast(bias_d); + half* output_new = reinterpret_cast(output_d); + + phi::funcs::EmbEltwiseLayerNormFunctor emb_eltwise_layernorm_func; + emb_eltwise_layernorm_func(batch, + seq_len, + hidden, + in_ids_d, + scale_new, + bias_new, + in_embs_d, + output_new, + eps, + input_num, + device_ctx.stream()); + } else { + phi::funcs::EmbEltwiseLayerNormFunctor emb_eltwise_layernorm_func; + emb_eltwise_layernorm_func(batch, + seq_len, + hidden, + in_ids_d, + scale_d, + bias_d, + in_embs_d, + output_d, + eps, + input_num, + device_ctx.stream()); + } +} + +} // namespace fusion +} // namespace phi + +#if defined(PADDLE_WITH_CUDA) && CUDA_VERSION >= 10000 +PD_REGISTER_KERNEL(fused_embedding_eltwise_layernorm, + GPU, + ALL_LAYOUT, + phi::fusion::EmbeddingEltWiseLayerNormKernel, + float, + phi::dtype::float16) {} +#else +PD_REGISTER_KERNEL(fused_embedding_eltwise_layernorm, + GPU, + ALL_LAYOUT, + phi::fusion::EmbeddingEltWiseLayerNormKernel, + float) {} +#endif From 3b648d4df1648fb0513a08d97f736bedac95ce0a Mon Sep 17 00:00:00 2001 From: zerorains Date: Tue, 3 Oct 2023 10:24:10 +0000 Subject: [PATCH 2/8] fix the error --- paddle/phi/infermeta/fusion.cc | 10 +++++----- ...used_embedding_eltwise_layernorm_kernel.cu | 19 +++++++++---------- 2 files changed, 14 insertions(+), 15 deletions(-) diff --git a/paddle/phi/infermeta/fusion.cc b/paddle/phi/infermeta/fusion.cc index 8064128cc7c70e..cc588c1bd02531 100644 --- a/paddle/phi/infermeta/fusion.cc +++ b/paddle/phi/infermeta/fusion.cc @@ -1875,13 +1875,13 @@ void FusedEmbeddingEltWiseLayerNormInferMeta( std::transform(ids.begin(), ids.end(), std::back_inserter(ids_dims), - [](MetaTensor* var) { return var->dims(); }); + [](const MetaTensor* var) { return var->dims(); }); // word_num * hidden embs_dims.reserve(embs.size()); std::transform(embs.begin(), embs.end(), std::back_inserter(embs_dims), - [](MetaTensor* var) { return var->dims(); }); + [](const MetaTensor* var) { return var->dims(); }); // hidden DDim dims_bias = bias.dims(); @@ -1897,7 +1897,7 @@ void FusedEmbeddingEltWiseLayerNormInferMeta( PADDLE_ENFORCE_EQ( embs_dim[1], dims_bias[0], - platform::errors::InvalidArgument( + phi::errors::InvalidArgument( "The second dims (%d) of the Embedding should be equal " "to the Bias's size(%d).", embs_dim[1], @@ -1905,7 +1905,7 @@ void FusedEmbeddingEltWiseLayerNormInferMeta( PADDLE_ENFORCE_EQ( embs_dim[1], hidden, - platform::errors::InvalidArgument( + phi::errors::InvalidArgument( "The second dimension size(%d) of the Embedding should be " "equal to the hidden's size(%d)", embs_dim[1], @@ -1914,7 +1914,7 @@ void FusedEmbeddingEltWiseLayerNormInferMeta( auto dim_output = phi::make_ddim({batch, seq_len, hidden}); out->set_dims(dim_output); - out->share_lod(ids); + // out->share_lod(ids); // context->ShareLoD("Ids", /*->*/ "Out"); } diff --git a/paddle/phi/kernels/fusion/gpu/fused_embedding_eltwise_layernorm_kernel.cu b/paddle/phi/kernels/fusion/gpu/fused_embedding_eltwise_layernorm_kernel.cu index c093eeaf0880ed..0344a71b970622 100644 --- a/paddle/phi/kernels/fusion/gpu/fused_embedding_eltwise_layernorm_kernel.cu +++ b/paddle/phi/kernels/fusion/gpu/fused_embedding_eltwise_layernorm_kernel.cu @@ -46,8 +46,7 @@ void EmbeddingEltWiseLayerNormKernel( "'epsilon' is %f, but it should be between 0.0 and 0.001.", epsilon)); int input_num = static_cast(ids.size()); - DenseTensor in_ids_(phi::TransToPhiDataType(phi::dtype::int64)), - in_embs_(phi::TransToPhiDataType(phi::dtype::int64)); + DenseTensor in_ids_(phi::DataType::INT64), in_embs_(phi::DataType::INT64); DDim in_dim{input_num}; int device_id; #ifdef PADDLE_WITH_HIP @@ -74,23 +73,23 @@ void EmbeddingEltWiseLayerNormKernel( in1s.data(), sizeof(int64_t) * input_num, hipMemcpyHostToDevice, - device_ctx.stream()); + dev_ctx.stream()); hipMemcpyAsync(in_embs_d, in2s.data(), sizeof(int64_t) * input_num, hipMemcpyHostToDevice, - device_ctx.stream()); + dev_ctx.stream()); #else cudaMemcpyAsync(in_ids_d, in1s.data(), sizeof(int64_t) * input_num, cudaMemcpyHostToDevice, - device_ctx.stream()); + dev_ctx.stream()); cudaMemcpyAsync(in_embs_d, in2s.data(), sizeof(int64_t) * input_num, cudaMemcpyHostToDevice, - device_ctx.stream()); + dev_ctx.stream()); #endif // should be (B * S * hidden) @@ -119,9 +118,9 @@ void EmbeddingEltWiseLayerNormKernel( bias_new, in_embs_d, output_new, - eps, + epsilon, input_num, - device_ctx.stream()); + dev_ctx.stream()); } else { phi::funcs::EmbEltwiseLayerNormFunctor emb_eltwise_layernorm_func; emb_eltwise_layernorm_func(batch, @@ -132,9 +131,9 @@ void EmbeddingEltWiseLayerNormKernel( bias_d, in_embs_d, output_d, - eps, + epsilon, input_num, - device_ctx.stream()); + dev_ctx.stream()); } } From e5d31f4bf8e60519d9069fb7eb00f31ad71c1c1f Mon Sep 17 00:00:00 2001 From: zerorains Date: Wed, 4 Oct 2023 01:59:48 +0000 Subject: [PATCH 3/8] fix some bug --- paddle/phi/api/yaml/fused_ops.yaml | 2 +- paddle/phi/api/yaml/op_compat.yaml | 7 +++++-- 2 files changed, 6 insertions(+), 3 deletions(-) diff --git a/paddle/phi/api/yaml/fused_ops.yaml b/paddle/phi/api/yaml/fused_ops.yaml index 5a89055041122c..09263abc310982 100644 --- a/paddle/phi/api/yaml/fused_ops.yaml +++ b/paddle/phi/api/yaml/fused_ops.yaml @@ -152,7 +152,7 @@ func : FusedEmbeddingEltWiseLayerNormInferMeta kernel : func : fused_embedding_eltwise_layernorm - data_type : ids + data_type : embs - op : fused_linear_param_grad_add args : (Tensor x, Tensor dout, Tensor dweight, Tensor dbias, bool multi_precision = true, bool has_bias = true) diff --git a/paddle/phi/api/yaml/op_compat.yaml b/paddle/phi/api/yaml/op_compat.yaml index 98b0f57bf87a0b..67c5194ea08587 100755 --- a/paddle/phi/api/yaml/op_compat.yaml +++ b/paddle/phi/api/yaml/op_compat.yaml @@ -1257,11 +1257,14 @@ - op : fused_embedding_eltwise_layernorm inputs : - {ids : Ids, embs : Embs, bias : Bias, scale : Scale} + ids : Ids + embs : Embs + bias : Bias + scale : Scale outputs : out : Out attrs : - {epsilon : epsilon} + epsilon : epsilon - op : fused_feedforward backward: fused_feedforward_grad From a5f9b18dde2ebb0706852165ef733c66af362849 Mon Sep 17 00:00:00 2001 From: zerorains Date: Wed, 4 Oct 2023 06:15:25 +0000 Subject: [PATCH 4/8] move the transpose to phi but new IR have a bug in output==nullptr. embedding_eltwise_op also have the bug in new IR. because the wrong memory accesss --- paddle/fluid/operators/fused/CMakeLists.txt | 5 - .../fusion_transpose_flatten_concat_op.cc | 132 ------------------ .../fusion_transpose_flatten_concat_op.cu.cc | 128 ----------------- .../fusion_transpose_flatten_concat_op.h | 51 ------- paddle/phi/api/yaml/fused_ops.yaml | 9 ++ paddle/phi/api/yaml/op_compat.yaml | 10 ++ paddle/phi/infermeta/fusion.cc | 61 ++++++++ paddle/phi/infermeta/fusion.h | 7 + paddle/phi/kernels/funcs/common_shape.h | 25 ++++ .../fusion_transpose_flatten_concat_kernel.cu | 127 +++++++++++++++++ .../0_ir_map_op_to_another_pass.dot | 57 ++++++++ .../10_ir_multihead_matmul_fuse_pass_v2.dot | 57 ++++++++ .../11_ir_vit_attention_fuse_pass.dot | 57 ++++++++ ...r_fused_multi_transformer_encoder_pass.dot | 57 ++++++++ ...r_fused_multi_transformer_decoder_pass.dot | 57 ++++++++ ...ulti_transformer_encoder_fuse_qkv_pass.dot | 57 ++++++++ ...ulti_transformer_decoder_fuse_qkv_pass.dot | 57 ++++++++ ...s_fused_multi_transformer_encoder_pass.dot | 57 ++++++++ ...ulti_transformer_encoder_fuse_qkv_pass.dot | 57 ++++++++ ...ulti_transformer_decoder_fuse_qkv_pass.dot | 57 ++++++++ ...9_ir_fuse_multi_transformer_layer_pass.dot | 57 ++++++++ .../__main___cache_dir/1_ir_is_test_pass.dot | 57 ++++++++ ...0_ir_gpu_cpu_squeeze2_matmul_fuse_pass.dot | 57 ++++++++ ...1_ir_gpu_cpu_reshape2_matmul_fuse_pass.dot | 57 ++++++++ ...2_ir_gpu_cpu_flatten2_matmul_fuse_pass.dot | 57 ++++++++ ...3_ir_gpu_cpu_map_matmul_v2_to_mul_pass.dot | 57 ++++++++ ...r_gpu_cpu_map_matmul_v2_to_matmul_pass.dot | 57 ++++++++ .../25_ir_matmul_scale_fuse_pass.dot | 57 ++++++++ .../26_ir_multihead_matmul_fuse_pass_v3.dot | 57 ++++++++ .../27_ir_gpu_cpu_map_matmul_to_mul_pass.dot | 57 ++++++++ .../__main___cache_dir/28_ir_fc_fuse_pass.dot | 57 ++++++++ ..._ir_fc_elementwise_layernorm_fuse_pass.dot | 57 ++++++++ .../2_ir_simplify_with_basic_ops_pass.dot | 57 ++++++++ ..._ir_conv_elementwise_add_act_fuse_pass.dot | 57 ++++++++ ...ir_conv_elementwise_add2_act_fuse_pass.dot | 57 ++++++++ .../32_ir_conv_elementwise_add_fuse_pass.dot | 57 ++++++++ ..._ir_transpose_flatten_concat_fuse_pass.dot | 33 +++++ ..._ir_conv2d_fusion_layout_transfer_pass.dot | 33 +++++ .../35_ir_transfer_layout_elim_pass.dot | 33 +++++ .../36_ir_auto_mixed_precision_pass.dot | 33 +++++ .../37_ir_identity_op_clean_pass.dot | 33 +++++ .../38_ir_inplace_op_var_pass.dot | 33 +++++ ...ir_delete_quant_dequant_linear_op_pass.dot | 57 ++++++++ ...r_delete_weight_dequant_linear_op_pass.dot | 57 ++++++++ .../5_ir_constant_folding_pass.dot | 57 ++++++++ .../6_ir_silu_fuse_pass.dot | 57 ++++++++ .../7_ir_conv_bn_fuse_pass.dot | 57 ++++++++ .../8_ir_conv_eltwiseadd_bn_fuse_pass.dot | 57 ++++++++ ..._embedding_eltwise_layernorm_fuse_pass.dot | 57 ++++++++ .../auto_mixed_precision_pass.pdmodel | Bin 0 -> 612 bytes .../constant_folding_pass.pdmodel | Bin 0 -> 1899 bytes ...conv2d_fusion_layout_transfer_pass.pdmodel | Bin 0 -> 612 bytes .../conv_bn_fuse_pass.pdmodel | Bin 0 -> 1899 bytes ...onv_elementwise_add2_act_fuse_pass.pdmodel | Bin 0 -> 1899 bytes ...conv_elementwise_add_act_fuse_pass.pdmodel | Bin 0 -> 1899 bytes .../conv_elementwise_add_fuse_pass.pdmodel | Bin 0 -> 1899 bytes .../conv_eltwiseadd_bn_fuse_pass.pdmodel | Bin 0 -> 1899 bytes ...elete_quant_dequant_linear_op_pass.pdmodel | Bin 0 -> 1899 bytes ...lete_weight_dequant_linear_op_pass.pdmodel | Bin 0 -> 1899 bytes ...edding_eltwise_layernorm_fuse_pass.pdmodel | Bin 0 -> 1899 bytes ...fc_elementwise_layernorm_fuse_pass.pdmodel | Bin 0 -> 1899 bytes .../__main___cache_dir/fc_fuse_pass.pdmodel | Bin 0 -> 1899 bytes .../fuse_multi_transformer_layer_pass.pdmodel | Bin 0 -> 1899 bytes ..._transformer_decoder_fuse_qkv_pass.pdmodel | Bin 0 -> 1899 bytes ...sed_multi_transformer_decoder_pass.pdmodel | Bin 0 -> 1899 bytes ..._transformer_encoder_fuse_qkv_pass.pdmodel | Bin 0 -> 1899 bytes ...sed_multi_transformer_encoder_pass.pdmodel | Bin 0 -> 1899 bytes .../gpu_cpu_flatten2_matmul_fuse_pass.pdmodel | Bin 0 -> 1899 bytes .../gpu_cpu_map_matmul_to_mul_pass.pdmodel | Bin 0 -> 1899 bytes ...u_cpu_map_matmul_v2_to_matmul_pass.pdmodel | Bin 0 -> 1899 bytes .../gpu_cpu_map_matmul_v2_to_mul_pass.pdmodel | Bin 0 -> 1899 bytes .../gpu_cpu_reshape2_matmul_fuse_pass.pdmodel | Bin 0 -> 1899 bytes .../gpu_cpu_squeeze2_matmul_fuse_pass.pdmodel | Bin 0 -> 1899 bytes .../identity_op_clean_pass.pdmodel | Bin 0 -> 612 bytes .../inplace_op_var_pass.pdmodel | Bin 0 -> 612 bytes .../__main___cache_dir/is_test_pass.pdmodel | Bin 0 -> 1899 bytes .../map_op_to_another_pass.pdmodel | Bin 0 -> 1899 bytes .../matmul_scale_fuse_pass.pdmodel | Bin 0 -> 1899 bytes ..._transformer_decoder_fuse_qkv_pass.pdmodel | Bin 0 -> 1899 bytes ..._transformer_encoder_fuse_qkv_pass.pdmodel | Bin 0 -> 1899 bytes ...sed_multi_transformer_encoder_pass.pdmodel | Bin 0 -> 1899 bytes .../multihead_matmul_fuse_pass_v2.pdmodel | Bin 0 -> 1899 bytes .../multihead_matmul_fuse_pass_v3.pdmodel | Bin 0 -> 1899 bytes .../__main___cache_dir/silu_fuse_pass.pdmodel | Bin 0 -> 1899 bytes .../simplify_with_basic_ops_pass.pdmodel | Bin 0 -> 1899 bytes .../transfer_layout_elim_pass.pdmodel | Bin 0 -> 612 bytes ...transpose_flatten_concat_fuse_pass.pdmodel | Bin 0 -> 612 bytes .../vit_attention_fuse_pass.pdmodel | Bin 0 -> 1899 bytes 88 files changed, 2318 insertions(+), 316 deletions(-) delete mode 100644 paddle/fluid/operators/fused/fusion_transpose_flatten_concat_op.cc delete mode 100644 paddle/fluid/operators/fused/fusion_transpose_flatten_concat_op.cu.cc delete mode 100644 paddle/fluid/operators/fused/fusion_transpose_flatten_concat_op.h create mode 100644 paddle/phi/kernels/fusion/gpu/fusion_transpose_flatten_concat_kernel.cu create mode 100644 test/ir/inference/__main___cache_dir/0_ir_map_op_to_another_pass.dot create mode 100644 test/ir/inference/__main___cache_dir/10_ir_multihead_matmul_fuse_pass_v2.dot create mode 100644 test/ir/inference/__main___cache_dir/11_ir_vit_attention_fuse_pass.dot create mode 100644 test/ir/inference/__main___cache_dir/12_ir_fused_multi_transformer_encoder_pass.dot create mode 100644 test/ir/inference/__main___cache_dir/13_ir_fused_multi_transformer_decoder_pass.dot create mode 100644 test/ir/inference/__main___cache_dir/14_ir_fused_multi_transformer_encoder_fuse_qkv_pass.dot create mode 100644 test/ir/inference/__main___cache_dir/15_ir_fused_multi_transformer_decoder_fuse_qkv_pass.dot create mode 100644 test/ir/inference/__main___cache_dir/16_ir_multi_devices_fused_multi_transformer_encoder_pass.dot create mode 100644 test/ir/inference/__main___cache_dir/17_ir_multi_devices_fused_multi_transformer_encoder_fuse_qkv_pass.dot create mode 100644 test/ir/inference/__main___cache_dir/18_ir_multi_devices_fused_multi_transformer_decoder_fuse_qkv_pass.dot create mode 100644 test/ir/inference/__main___cache_dir/19_ir_fuse_multi_transformer_layer_pass.dot create mode 100644 test/ir/inference/__main___cache_dir/1_ir_is_test_pass.dot create mode 100644 test/ir/inference/__main___cache_dir/20_ir_gpu_cpu_squeeze2_matmul_fuse_pass.dot create mode 100644 test/ir/inference/__main___cache_dir/21_ir_gpu_cpu_reshape2_matmul_fuse_pass.dot create mode 100644 test/ir/inference/__main___cache_dir/22_ir_gpu_cpu_flatten2_matmul_fuse_pass.dot create mode 100644 test/ir/inference/__main___cache_dir/23_ir_gpu_cpu_map_matmul_v2_to_mul_pass.dot create mode 100644 test/ir/inference/__main___cache_dir/24_ir_gpu_cpu_map_matmul_v2_to_matmul_pass.dot create mode 100644 test/ir/inference/__main___cache_dir/25_ir_matmul_scale_fuse_pass.dot create mode 100644 test/ir/inference/__main___cache_dir/26_ir_multihead_matmul_fuse_pass_v3.dot create mode 100644 test/ir/inference/__main___cache_dir/27_ir_gpu_cpu_map_matmul_to_mul_pass.dot create mode 100644 test/ir/inference/__main___cache_dir/28_ir_fc_fuse_pass.dot create mode 100644 test/ir/inference/__main___cache_dir/29_ir_fc_elementwise_layernorm_fuse_pass.dot create mode 100644 test/ir/inference/__main___cache_dir/2_ir_simplify_with_basic_ops_pass.dot create mode 100644 test/ir/inference/__main___cache_dir/30_ir_conv_elementwise_add_act_fuse_pass.dot create mode 100644 test/ir/inference/__main___cache_dir/31_ir_conv_elementwise_add2_act_fuse_pass.dot create mode 100644 test/ir/inference/__main___cache_dir/32_ir_conv_elementwise_add_fuse_pass.dot create mode 100644 test/ir/inference/__main___cache_dir/33_ir_transpose_flatten_concat_fuse_pass.dot create mode 100644 test/ir/inference/__main___cache_dir/34_ir_conv2d_fusion_layout_transfer_pass.dot create mode 100644 test/ir/inference/__main___cache_dir/35_ir_transfer_layout_elim_pass.dot create mode 100644 test/ir/inference/__main___cache_dir/36_ir_auto_mixed_precision_pass.dot create mode 100644 test/ir/inference/__main___cache_dir/37_ir_identity_op_clean_pass.dot create mode 100644 test/ir/inference/__main___cache_dir/38_ir_inplace_op_var_pass.dot create mode 100644 test/ir/inference/__main___cache_dir/3_ir_delete_quant_dequant_linear_op_pass.dot create mode 100644 test/ir/inference/__main___cache_dir/4_ir_delete_weight_dequant_linear_op_pass.dot create mode 100644 test/ir/inference/__main___cache_dir/5_ir_constant_folding_pass.dot create mode 100644 test/ir/inference/__main___cache_dir/6_ir_silu_fuse_pass.dot create mode 100644 test/ir/inference/__main___cache_dir/7_ir_conv_bn_fuse_pass.dot create mode 100644 test/ir/inference/__main___cache_dir/8_ir_conv_eltwiseadd_bn_fuse_pass.dot create mode 100644 test/ir/inference/__main___cache_dir/9_ir_embedding_eltwise_layernorm_fuse_pass.dot create mode 100644 test/ir/inference/__main___cache_dir/auto_mixed_precision_pass.pdmodel create mode 100644 test/ir/inference/__main___cache_dir/constant_folding_pass.pdmodel create mode 100644 test/ir/inference/__main___cache_dir/conv2d_fusion_layout_transfer_pass.pdmodel create mode 100644 test/ir/inference/__main___cache_dir/conv_bn_fuse_pass.pdmodel create mode 100644 test/ir/inference/__main___cache_dir/conv_elementwise_add2_act_fuse_pass.pdmodel create mode 100644 test/ir/inference/__main___cache_dir/conv_elementwise_add_act_fuse_pass.pdmodel create mode 100644 test/ir/inference/__main___cache_dir/conv_elementwise_add_fuse_pass.pdmodel create mode 100644 test/ir/inference/__main___cache_dir/conv_eltwiseadd_bn_fuse_pass.pdmodel create mode 100644 test/ir/inference/__main___cache_dir/delete_quant_dequant_linear_op_pass.pdmodel create mode 100644 test/ir/inference/__main___cache_dir/delete_weight_dequant_linear_op_pass.pdmodel create mode 100644 test/ir/inference/__main___cache_dir/embedding_eltwise_layernorm_fuse_pass.pdmodel create mode 100644 test/ir/inference/__main___cache_dir/fc_elementwise_layernorm_fuse_pass.pdmodel create mode 100644 test/ir/inference/__main___cache_dir/fc_fuse_pass.pdmodel create mode 100644 test/ir/inference/__main___cache_dir/fuse_multi_transformer_layer_pass.pdmodel create mode 100644 test/ir/inference/__main___cache_dir/fused_multi_transformer_decoder_fuse_qkv_pass.pdmodel create mode 100644 test/ir/inference/__main___cache_dir/fused_multi_transformer_decoder_pass.pdmodel create mode 100644 test/ir/inference/__main___cache_dir/fused_multi_transformer_encoder_fuse_qkv_pass.pdmodel create mode 100644 test/ir/inference/__main___cache_dir/fused_multi_transformer_encoder_pass.pdmodel create mode 100644 test/ir/inference/__main___cache_dir/gpu_cpu_flatten2_matmul_fuse_pass.pdmodel create mode 100644 test/ir/inference/__main___cache_dir/gpu_cpu_map_matmul_to_mul_pass.pdmodel create mode 100644 test/ir/inference/__main___cache_dir/gpu_cpu_map_matmul_v2_to_matmul_pass.pdmodel create mode 100644 test/ir/inference/__main___cache_dir/gpu_cpu_map_matmul_v2_to_mul_pass.pdmodel create mode 100644 test/ir/inference/__main___cache_dir/gpu_cpu_reshape2_matmul_fuse_pass.pdmodel create mode 100644 test/ir/inference/__main___cache_dir/gpu_cpu_squeeze2_matmul_fuse_pass.pdmodel create mode 100644 test/ir/inference/__main___cache_dir/identity_op_clean_pass.pdmodel create mode 100644 test/ir/inference/__main___cache_dir/inplace_op_var_pass.pdmodel create mode 100644 test/ir/inference/__main___cache_dir/is_test_pass.pdmodel create mode 100644 test/ir/inference/__main___cache_dir/map_op_to_another_pass.pdmodel create mode 100644 test/ir/inference/__main___cache_dir/matmul_scale_fuse_pass.pdmodel create mode 100644 test/ir/inference/__main___cache_dir/multi_devices_fused_multi_transformer_decoder_fuse_qkv_pass.pdmodel create mode 100644 test/ir/inference/__main___cache_dir/multi_devices_fused_multi_transformer_encoder_fuse_qkv_pass.pdmodel create mode 100644 test/ir/inference/__main___cache_dir/multi_devices_fused_multi_transformer_encoder_pass.pdmodel create mode 100644 test/ir/inference/__main___cache_dir/multihead_matmul_fuse_pass_v2.pdmodel create mode 100644 test/ir/inference/__main___cache_dir/multihead_matmul_fuse_pass_v3.pdmodel create mode 100644 test/ir/inference/__main___cache_dir/silu_fuse_pass.pdmodel create mode 100644 test/ir/inference/__main___cache_dir/simplify_with_basic_ops_pass.pdmodel create mode 100644 test/ir/inference/__main___cache_dir/transfer_layout_elim_pass.pdmodel create mode 100644 test/ir/inference/__main___cache_dir/transpose_flatten_concat_fuse_pass.pdmodel create mode 100644 test/ir/inference/__main___cache_dir/vit_attention_fuse_pass.pdmodel diff --git a/paddle/fluid/operators/fused/CMakeLists.txt b/paddle/fluid/operators/fused/CMakeLists.txt index 5620ddaae96985..0984c9da2e1e24 100755 --- a/paddle/fluid/operators/fused/CMakeLists.txt +++ b/paddle/fluid/operators/fused/CMakeLists.txt @@ -7,7 +7,6 @@ register_operators( EXCLUDES fused_bn_activation_op conv_fusion_op - fusion_transpose_flatten_concat_op fusion_conv_inception_op fused_fc_elementwise_layernorm_op self_dp_attention_op @@ -60,11 +59,7 @@ if(WITH_GPU OR WITH_ROCM) if(NOT ${CUDNN_VERSION} VERSION_LESS 7100) op_library(conv_fusion_op) endif() - # fusion_transpose_flatten_concat_op # HIP not support cudnnTransformTensor - if(NOT WITH_ROCM) - op_library(fusion_transpose_flatten_concat_op) - endif() # fusion_conv_inception_op needs cudnn 7 above # HIP not support cudnnConvolutionBiasActivationForward if((NOT WITH_ROCM) AND (NOT ${CUDNN_VERSION} VERSION_LESS 7100)) diff --git a/paddle/fluid/operators/fused/fusion_transpose_flatten_concat_op.cc b/paddle/fluid/operators/fused/fusion_transpose_flatten_concat_op.cc deleted file mode 100644 index e7bb037a3f3aaf..00000000000000 --- a/paddle/fluid/operators/fused/fusion_transpose_flatten_concat_op.cc +++ /dev/null @@ -1,132 +0,0 @@ -/* Copyright (c) 2016 PaddlePaddle Authors. All Rights Reserved. - -Licensed under the Apache License, Version 2.0 (the "License"); -you may not use this file except in compliance with the License. -You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - -Unless required by applicable law or agreed to in writing, software -distributed under the License is distributed on an "AS IS" BASIS, -WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. -See the License for the specific language governing permissions and -limitations under the License. */ - -#include "paddle/fluid/operators/fused/fusion_transpose_flatten_concat_op.h" - -#include -#include - -#include "paddle/fluid/framework/op_registry.h" - -namespace paddle { -namespace operators { - -class TransposeFlattenConcatFusionOp : public framework::OperatorWithKernel { - public: - using framework::OperatorWithKernel::OperatorWithKernel; - - void InferShape(framework::InferShapeContext *ctx) const override { - PADDLE_ENFORCE_GE( - ctx->Inputs("X").size(), - 1UL, - platform::errors::InvalidArgument( - "Inputs(X) of TransposeFlattenConcat op should not be empty.")); - PADDLE_ENFORCE_EQ( - ctx->HasOutput("Out"), - true, - platform::errors::InvalidArgument( - "Inputs(X) of TransposeFlattenConcat op should not be empty.")); - - auto ins = ctx->GetInputsDim("X"); - const size_t n = ins.size(); - PADDLE_ENFORCE_GT(n, - 0, - platform::errors::InvalidArgument( - "The size of Inputs(X)'s dimension should be greater " - " than 0, but received %d.", - n)); - - std::vector trans_axis = - ctx->Attrs().Get>("trans_axis"); - int flatten_axis = ctx->Attrs().Get("flatten_axis"); - int concat_axis = ctx->Attrs().Get("concat_axis"); - - size_t x_rank = ins[0].size(); - size_t trans_axis_size = trans_axis.size(); - PADDLE_ENFORCE_EQ(x_rank, - trans_axis_size, - platform::errors::InvalidArgument( - "The input tensor's rank(%d) " - "should be equal to the permutation axis's size(%d)", - x_rank, - trans_axis_size)); - - auto dims0 = - GetFlattenShape(flatten_axis, GetPermuteShape(trans_axis, ins[0])); - std::vector out_dims(dims0); - for (size_t i = 1; i < n; i++) { - auto dimsi = - GetFlattenShape(flatten_axis, GetPermuteShape(trans_axis, ins[i])); - for (int j = 0; j < static_cast(dims0.size()); j++) { - if (j == concat_axis) { - out_dims[concat_axis] += dimsi[j]; - } else { - PADDLE_ENFORCE_EQ(out_dims[j], - dimsi[j], - platform::errors::InvalidArgument( - "After flatting, the %d-th dim should be save " - "except the specify axis.", - j)); - } - } - } - if (out_dims[concat_axis] < 0) { - out_dims[concat_axis] = -1; - } - ctx->SetOutputDim("Out", phi::make_ddim(out_dims)); - } -}; - -class TransposeFlattenConcatFusionOpMaker - : public framework::OpProtoAndCheckerMaker { - public: - void Make() override { - AddInput( - "X", - "(Tensor) The input tensor, tensors with rank up to 6 are supported.") - .AsDuplicable(); - AddOutput("Out", "(Tensor)The output tensor."); - AddAttr>( - "trans_axis", - "(vector) A list of values, and the size of the list should be " - "the same with the input tensor rank. This operator permutes the input " - "tensor's axes according to the values given."); - AddAttr("flatten_axis", - "(int)" - "Indicate up to which input dimensions (exclusive) should be" - "flattened to the outer dimension of the output. The value" - "for axis must be in the range [0, R], where R is the rank of" - "the input tensor. When axis = 0, the shape of the output" - "tensor is (1, (d_0 X d_1 ... d_n), where the shape of the" - "input tensor is (d_0, d_1, ... d_n)."); - AddAttr("concat_axis", - "The axis along which the input tensors will be concatenated. " - "It should be 0 or 1, since the tensor is 2D after flatting."); - AddComment(R"DOC( - - -)DOC"); - } -}; - -} // namespace operators -} // namespace paddle - -namespace ops = paddle::operators; -REGISTER_OPERATOR( - fusion_transpose_flatten_concat, - ops::TransposeFlattenConcatFusionOp, - ops::TransposeFlattenConcatFusionOpMaker, - paddle::framework::EmptyGradOpMaker, - paddle::framework::EmptyGradOpMaker); diff --git a/paddle/fluid/operators/fused/fusion_transpose_flatten_concat_op.cu.cc b/paddle/fluid/operators/fused/fusion_transpose_flatten_concat_op.cu.cc deleted file mode 100644 index 3d843ac6409ec5..00000000000000 --- a/paddle/fluid/operators/fused/fusion_transpose_flatten_concat_op.cu.cc +++ /dev/null @@ -1,128 +0,0 @@ -/* Copyright (c) 2016 PaddlePaddle Authors. All Rights Reserved. - -Licensed under the Apache License, Version 2.0 (the "License"); -you may not use this file except in compliance with the License. -You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - -Unless required by applicable law or agreed to in writing, software -distributed under the License is distributed on an "AS IS" BASIS, -WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. -See the License for the specific language governing permissions and -limitations under the License. */ - -#include "paddle/fluid/operators/fused/fusion_transpose_flatten_concat_op.h" - -#include "paddle/fluid/framework/op_registry.h" -#include "paddle/fluid/platform/device/gpu/gpu_dnn.h" -#include "paddle/fluid/platform/place.h" - -namespace paddle { -namespace operators { - -template -using CudnnDataType = platform::CudnnDataType; - -template -class TransposeFlattenConcatFusionKernel : public framework::OpKernel { - public: - void Compute(const framework::ExecutionContext& ctx) const override { - auto ins = ctx.MultiInput("X"); - auto* out = ctx.Output("Out"); - auto& dev_ctx = ctx.template device_context(); - dev_ctx.Alloc(out, out->numel() * sizeof(T)); - auto odims = out->dims(); - - std::vector trans_axis = ctx.Attr>("trans_axis"); - int flatten_axis = ctx.Attr("flatten_axis"); - int concat_axis = ctx.Attr("concat_axis"); - - int rank = ins[0]->dims().size(); - // use at least 4D in cudnnTransformTensor - int max_dim = rank < 4 ? 4 : rank; - std::vector stride_x(max_dim, 0); - std::vector stride_y(max_dim, 0); - std::vector dims_y(max_dim, 0); - - cudnnTensorDescriptor_t in_desc; - cudnnTensorDescriptor_t out_desc; - PADDLE_ENFORCE_GPU_SUCCESS( - platform::dynload::cudnnCreateTensorDescriptor(&in_desc)); - PADDLE_ENFORCE_GPU_SUCCESS( - platform::dynload::cudnnCreateTensorDescriptor(&out_desc)); - cudnnDataType_t cudnn_dtype = CudnnDataType::type; - - auto handle = dev_ctx.cudnn_handle(); - - T* odata = out->data(); - for (auto& item : ins) { - auto perm_shape = GetPermuteShape(trans_axis, item->dims()); - int osize = 1; - auto idims = item->dims(); - for (int i = 0; i < rank; i++) { - stride_x[i] = 1; - for (int j = trans_axis[i] + 1; j < rank; j++) { - stride_x[i] *= idims[j]; - } - dims_y[i] = perm_shape[i]; - osize *= perm_shape[i]; - } - stride_y[rank - 1] = 1; - for (int i = rank - 2; i >= 0; i--) { - if (((i + 1) == flatten_axis) && (concat_axis == 1)) { - stride_y[i] = odims[1]; - } else { - stride_y[i] = stride_y[i + 1] * perm_shape[i + 1]; - } - } - - // Since concat is after flatten, the output is 2D tensor. - // If concat_axis is 0, each input's permutated tensor is continuous. - // If concat_axis is 1, the stride of 0-th dim of each input's - // permutated tensor is odims()[1]. - - for (int i = rank; i < max_dim; i++) { - stride_x[i] = 1; - stride_y[i] = 1; - dims_y[i] = 1; - } - - PADDLE_ENFORCE_GPU_SUCCESS(platform::dynload::cudnnSetTensorNdDescriptor( - in_desc, cudnn_dtype, max_dim, dims_y.data(), stride_x.data())); - PADDLE_ENFORCE_GPU_SUCCESS(platform::dynload::cudnnSetTensorNdDescriptor( - out_desc, cudnn_dtype, max_dim, dims_y.data(), stride_y.data())); - - PADDLE_ENFORCE_GPU_SUCCESS(platform::dynload::cudnnTransformTensor( - handle, - CudnnDataType::kOne(), - in_desc, - static_cast(item->data()), - CudnnDataType::kZero(), - out_desc, - static_cast(odata))); - if (concat_axis == 0) { - odata += osize; - } else { - auto flat_shape = GetFlattenShape(flatten_axis, perm_shape); - odata += flat_shape[1]; - } - } - PADDLE_ENFORCE_GPU_SUCCESS( - platform::dynload::cudnnDestroyTensorDescriptor(in_desc)); - PADDLE_ENFORCE_GPU_SUCCESS( - platform::dynload::cudnnDestroyTensorDescriptor(out_desc)); - } -}; - -} // namespace operators -} // namespace paddle - -namespace ops = paddle::operators; - -PD_REGISTER_STRUCT_KERNEL(fusion_transpose_flatten_concat, - GPU, - ALL_LAYOUT, - ops::TransposeFlattenConcatFusionKernel, - float, - double) {} diff --git a/paddle/fluid/operators/fused/fusion_transpose_flatten_concat_op.h b/paddle/fluid/operators/fused/fusion_transpose_flatten_concat_op.h deleted file mode 100644 index 52140c0ca46ee6..00000000000000 --- a/paddle/fluid/operators/fused/fusion_transpose_flatten_concat_op.h +++ /dev/null @@ -1,51 +0,0 @@ -/* Copyright (c) 2016 PaddlePaddle Authors. All Rights Reserved. - -Licensed under the Apache License, Version 2.0 (the "License"); -you may not use this file except in compliance with the License. -You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - -Unless required by applicable law or agreed to in writing, software -distributed under the License is distributed on an "AS IS" BASIS, -WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. -See the License for the specific language governing permissions and -limitations under the License. */ - -#pragma once - -#include -#include - -#include "paddle/phi/core/ddim.h" - -namespace paddle { -namespace operators { - -inline std::vector GetPermuteShape(const std::vector& axis, - const framework::DDim& in_dims) { - std::vector out_dims(in_dims.size()); - for (size_t i = 0; i < axis.size(); i++) { - out_dims[i] = in_dims[axis[i]]; - } - return out_dims; -} - -inline std::vector GetFlattenShape(const int axis, - const std::vector& in_dims) { - int64_t outer = 1, inner = 1; - for (int i = 0; i < static_cast(in_dims.size()); ++i) { - if (i < axis) { - outer *= in_dims[i]; - } else { - inner *= in_dims[i]; - } - } - std::vector out_shape(2); - out_shape[0] = outer; - out_shape[1] = inner; - return out_shape; -} - -} // namespace operators -} // namespace paddle diff --git a/paddle/phi/api/yaml/fused_ops.yaml b/paddle/phi/api/yaml/fused_ops.yaml index 09263abc310982..8028d60282cced 100644 --- a/paddle/phi/api/yaml/fused_ops.yaml +++ b/paddle/phi/api/yaml/fused_ops.yaml @@ -197,6 +197,15 @@ func : fused_scale_bias_relu_conv_bnstats data_type : x +- op : fusion_transpose_flatten_concat + args : (Tensor[] x, int[] trans_axis, int flatten_axis, int concat_axis) + output : Tensor(out) + infer_meta : + func : FusionTransposeFlattenConcatInferMeta + kernel : + func : fusion_transpose_flatten_concat + data_type : x + - op : generate_sequence_xpu args : (Tensor x, DataType dtype) output : Tensor diff --git a/paddle/phi/api/yaml/op_compat.yaml b/paddle/phi/api/yaml/op_compat.yaml index 67c5194ea08587..cc91a3e4e29b09 100755 --- a/paddle/phi/api/yaml/op_compat.yaml +++ b/paddle/phi/api/yaml/op_compat.yaml @@ -1302,6 +1302,16 @@ extra : attrs : [str data_format = "AnyLayout"] +- op : fusion_transpose_flatten_concat + inputs : + x : X + outputs : + out : Out + attrs : + trans_axis : trans_axis + flatten_axis : flatten_axis + concat_axis : concat_axis + - op : gather backward : gather_grad inputs : diff --git a/paddle/phi/infermeta/fusion.cc b/paddle/phi/infermeta/fusion.cc index cc588c1bd02531..1703a52965cd1a 100644 --- a/paddle/phi/infermeta/fusion.cc +++ b/paddle/phi/infermeta/fusion.cc @@ -1918,4 +1918,65 @@ void FusedEmbeddingEltWiseLayerNormInferMeta( // context->ShareLoD("Ids", /*->*/ "Out"); } +void FusionTransposeFlattenConcatInferMeta( + const std::vector& x, + const std::vector& trans_axis, + const int flatten_axis, + const int concat_axis, + MetaTensor* out) { + PADDLE_ENFORCE_GE( + x.size(), + 1UL, + phi::errors::InvalidArgument( + "Inputs(X) of TransposeFlattenConcat op should not be empty.")); + + std::vector ins; + ins.reserve(x.size()); + std::transform( + x.begin(), x.end(), std::back_inserter(ins), [](const MetaTensor* var) { + return var->dims(); + }); + const size_t n = ins.size(); + PADDLE_ENFORCE_GT(n, + 0, + phi::errors::InvalidArgument( + "The size of Inputs(X)'s dimension should be greater " + " than 0, but received %d.", + n)); + + size_t x_rank = ins[0].size(); + size_t trans_axis_size = trans_axis.size(); + PADDLE_ENFORCE_EQ(x_rank, + trans_axis_size, + phi::errors::InvalidArgument( + "The input tensor's rank(%d) " + "should be equal to the permutation axis's size(%d)", + x_rank, + trans_axis_size)); + + auto dims0 = phi::funcs::GetFlattenShape( + flatten_axis, phi::funcs::GetPermuteShape(trans_axis, ins[0])); + std::vector out_dims(dims0); + for (size_t i = 1; i < n; i++) { + auto dimsi = phi::funcs::GetFlattenShape( + flatten_axis, phi::funcs::GetPermuteShape(trans_axis, ins[i])); + for (int j = 0; j < static_cast(dims0.size()); j++) { + if (j == concat_axis) { + out_dims[concat_axis] += dimsi[j]; + } else { + PADDLE_ENFORCE_EQ(out_dims[j], + dimsi[j], + phi::errors::InvalidArgument( + "After flatting, the %d-th dim should be save " + "except the specify axis.", + j)); + } + } + } + if (out_dims[concat_axis] < 0) { + out_dims[concat_axis] = -1; + } + out->set_dims(phi::make_ddim(out_dims)); +} + } // namespace phi diff --git a/paddle/phi/infermeta/fusion.h b/paddle/phi/infermeta/fusion.h index f996b0ccf78db5..caf8085e27215d 100644 --- a/paddle/phi/infermeta/fusion.h +++ b/paddle/phi/infermeta/fusion.h @@ -493,4 +493,11 @@ void FusedEmbeddingEltWiseLayerNormInferMeta( const float epsilon, MetaTensor* out); +void FusionTransposeFlattenConcatInferMeta( + const std::vector& x, + const std::vector& trans_axis, + const int flatten_axis, + const int concat_axis, + MetaTensor* out); + } // namespace phi diff --git a/paddle/phi/kernels/funcs/common_shape.h b/paddle/phi/kernels/funcs/common_shape.h index 8db9a92f47d5aa..d186bda9ceb959 100644 --- a/paddle/phi/kernels/funcs/common_shape.h +++ b/paddle/phi/kernels/funcs/common_shape.h @@ -244,5 +244,30 @@ inline int64_t CalStride(phi::DDim dim) { return strides; } +inline std::vector GetPermuteShape(const std::vector &axis, + const DDim &in_dims) { + std::vector out_dims(in_dims.size()); + for (size_t i = 0; i < axis.size(); i++) { + out_dims[i] = in_dims[axis[i]]; + } + return out_dims; +} + +inline std::vector GetFlattenShape(const int axis, + const std::vector &in_dims) { + int64_t outer = 1, inner = 1; + for (int i = 0; i < static_cast(in_dims.size()); ++i) { + if (i < axis) { + outer *= in_dims[i]; + } else { + inner *= in_dims[i]; + } + } + std::vector out_shape(2); + out_shape[0] = outer; + out_shape[1] = inner; + return out_shape; +} + } // namespace funcs } // namespace phi diff --git a/paddle/phi/kernels/fusion/gpu/fusion_transpose_flatten_concat_kernel.cu b/paddle/phi/kernels/fusion/gpu/fusion_transpose_flatten_concat_kernel.cu new file mode 100644 index 00000000000000..954fbd67b96abc --- /dev/null +++ b/paddle/phi/kernels/fusion/gpu/fusion_transpose_flatten_concat_kernel.cu @@ -0,0 +1,127 @@ +// Copyright (c) 2023 PaddlePaddle Authors. All Rights Reserved. +// +// Licensed under the Apache License, Version 2.0 (the "License"); +// you may not use this file except in compliance with the License. +// You may obtain a copy of the License at +// +// http://www.apache.org/licenses/LICENSE-2.0 +// +// Unless required by applicable law or agreed to in writing, software +// distributed under the License is distributed on an "AS IS" BASIS, +// WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +// See the License for the specific language governing permissions and +// limitations under the License. + +#include +#include + +#include "paddle/phi/backends/gpu/gpu_dnn.h" +#include "paddle/phi/common/float16.h" +#include "paddle/phi/core/enforce.h" +#include "paddle/phi/core/errors.h" +#include "paddle/phi/core/kernel_registry.h" +#include "paddle/phi/core/tensor_utils.h" +#include "paddle/phi/kernels/funcs/common_shape.h" + +namespace phi { +namespace fusion { + +template +using CudnnDataType = phi::backends::gpu::CudnnDataType; + +template +void TransposeFlattenConcatFusionKernel( + const Context& dev_ctx, + const std::vector& x, + const std::vector& trans_axis, + const int flatten_axis, + const int concat_axis, + DenseTensor* out) { + dev_ctx.template Alloc(out, out->numel() * sizeof(T)); + auto odims = out->dims(); + + int rank = x[0]->dims().size(); + // use at least 4D in cudnnTransformTensor + int max_dim = rank < 4 ? 4 : rank; + std::vector stride_x(max_dim, 0); + std::vector stride_y(max_dim, 0); + std::vector dims_y(max_dim, 0); + + cudnnTensorDescriptor_t in_desc; + cudnnTensorDescriptor_t out_desc; + PADDLE_ENFORCE_GPU_SUCCESS( + phi::dynload::cudnnCreateTensorDescriptor(&in_desc)); + PADDLE_ENFORCE_GPU_SUCCESS( + phi::dynload::cudnnCreateTensorDescriptor(&out_desc)); + cudnnDataType_t cudnn_dtype = CudnnDataType::type; + + auto handle = dev_ctx.cudnn_handle(); + + T* odata = out->data(); + for (auto& item : x) { + auto perm_shape = phi::funcs::GetPermuteShape(trans_axis, item->dims()); + int osize = 1; + auto idims = item->dims(); + for (int i = 0; i < rank; i++) { + stride_x[i] = 1; + for (int j = trans_axis[i] + 1; j < rank; j++) { + stride_x[i] *= idims[j]; + } + dims_y[i] = perm_shape[i]; + osize *= perm_shape[i]; + } + stride_y[rank - 1] = 1; + for (int i = rank - 2; i >= 0; i--) { + if (((i + 1) == flatten_axis) && (concat_axis == 1)) { + stride_y[i] = odims[1]; + } else { + stride_y[i] = stride_y[i + 1] * perm_shape[i + 1]; + } + } + + // Since concat is after flatten, the output is 2D tensor. + // If concat_axis is 0, each input's permutated tensor is continuous. + // If concat_axis is 1, the stride of 0-th dim of each input's + // permutated tensor is odims()[1]. + + for (int i = rank; i < max_dim; i++) { + stride_x[i] = 1; + stride_y[i] = 1; + dims_y[i] = 1; + } + + PADDLE_ENFORCE_GPU_SUCCESS(phi::dynload::cudnnSetTensorNdDescriptor( + in_desc, cudnn_dtype, max_dim, dims_y.data(), stride_x.data())); + PADDLE_ENFORCE_GPU_SUCCESS(phi::dynload::cudnnSetTensorNdDescriptor( + out_desc, cudnn_dtype, max_dim, dims_y.data(), stride_y.data())); + + PADDLE_ENFORCE_GPU_SUCCESS(phi::dynload::cudnnTransformTensor( + handle, + CudnnDataType::kOne(), + in_desc, + static_cast(item->data()), + CudnnDataType::kZero(), + out_desc, + static_cast(odata))); + if (concat_axis == 0) { + odata += osize; + } else { + auto flat_shape = phi::funcs::GetFlattenShape(flatten_axis, perm_shape); + odata += flat_shape[1]; + } + } + PADDLE_ENFORCE_GPU_SUCCESS( + phi::dynload::cudnnDestroyTensorDescriptor(in_desc)); + PADDLE_ENFORCE_GPU_SUCCESS( + phi::dynload::cudnnDestroyTensorDescriptor(out_desc)); +} + +} // namespace fusion +} // namespace phi + +PD_REGISTER_KERNEL(fusion_transpose_flatten_concat, + GPU, + ALL_LAYOUT, + phi::fusion::TransposeFlattenConcatFusionKernel, + float, + double) {} diff --git a/test/ir/inference/__main___cache_dir/0_ir_map_op_to_another_pass.dot b/test/ir/inference/__main___cache_dir/0_ir_map_op_to_another_pass.dot new file mode 100644 index 00000000000000..64c6bd712ce060 --- /dev/null +++ b/test/ir/inference/__main___cache_dir/0_ir_map_op_to_another_pass.dot @@ -0,0 +1,57 @@ +digraph G { + node_80841[label="trans_out1(12) +9,1" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] + node_80840[label="flatten2(14)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] + node_80837[label="feed(3)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] + node_80836[label="xshape1(16) +0,9,1" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] + node_80823[label="transpose2(5)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] + node_80822[label="trans_shape1(13) +0,1,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] + node_80826[label="feed(0)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] + node_80839[label="concat_out(18) +2,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] + node_80825[label="transpose2_x1(2) +1,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] + node_80820[label="fetch(20)" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] + node_80828[label="concat(17)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] + node_80827[label="flatten2_out0(9) +1,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] + node_80829[label="trans_out0(6) +9,1" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] + node_80838[label="xshape0(10) +0,9,1" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] + node_80824[label="transpose2_x0(4) +1,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] + node_80830[label="feed(1)" shape="box" style="rounded,filled,bold" fontname="Arial" color="#148b97" fontcolor="#ffffff"] + node_80833[label="place_holder_weight(21) +1" shape="box" style="rounded,filled,bold" fontname="Arial" color="#148b97" fontcolor="#ffffff"] + node_80831[label="trans_shape0(7) +0,1,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] + node_80835[label="flatten2(8)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] + node_80832[label="transpose2(11)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] + node_80821[label="fetch(19)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] + node_80834[label="flatten2_out1(15) +1,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] + node_80821->node_80820 + node_80823->node_80829 + node_80823->node_80831 + node_80824->node_80823 + node_80825->node_80832 + node_80826->node_80825 + node_80827->node_80828 + node_80828->node_80839 + node_80829->node_80835 + node_80830->node_80826 + node_80830->node_80837 + node_80832->node_80841 + node_80832->node_80822 + node_80834->node_80828 + node_80835->node_80827 + node_80835->node_80838 + node_80837->node_80824 + node_80839->node_80821 + node_80840->node_80834 + node_80840->node_80836 + node_80841->node_80840 +} // end G diff --git a/test/ir/inference/__main___cache_dir/10_ir_multihead_matmul_fuse_pass_v2.dot b/test/ir/inference/__main___cache_dir/10_ir_multihead_matmul_fuse_pass_v2.dot new file mode 100644 index 00000000000000..6a846db107bafd --- /dev/null +++ b/test/ir/inference/__main___cache_dir/10_ir_multihead_matmul_fuse_pass_v2.dot @@ -0,0 +1,57 @@ +digraph G { + node_81061[label="trans_out1(12) +9,1" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] + node_81060[label="flatten2(14)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] + node_81057[label="feed(3)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] + node_81056[label="xshape1(16) +0,9,1" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] + node_81043[label="transpose2(5)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] + node_81042[label="trans_shape1(13) +0,1,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] + node_81046[label="feed(0)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] + node_81059[label="concat_out(18) +2,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] + node_81045[label="transpose2_x1(2) +1,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] + node_81040[label="fetch(20)" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] + node_81048[label="concat(17)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] + node_81047[label="flatten2_out0(9) +1,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] + node_81049[label="trans_out0(6) +9,1" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] + node_81058[label="xshape0(10) +0,9,1" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] + node_81044[label="transpose2_x0(4) +1,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] + node_81050[label="feed(1)" shape="box" style="rounded,filled,bold" fontname="Arial" color="#148b97" fontcolor="#ffffff"] + node_81053[label="place_holder_weight(21) +1" shape="box" style="rounded,filled,bold" fontname="Arial" color="#148b97" fontcolor="#ffffff"] + node_81051[label="trans_shape0(7) +0,1,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] + node_81055[label="flatten2(8)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] + node_81052[label="transpose2(11)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] + node_81041[label="fetch(19)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] + node_81054[label="flatten2_out1(15) +1,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] + node_81041->node_81040 + node_81043->node_81049 + node_81043->node_81051 + node_81044->node_81043 + node_81045->node_81052 + node_81046->node_81045 + node_81047->node_81048 + node_81048->node_81059 + node_81049->node_81055 + node_81050->node_81046 + node_81050->node_81057 + node_81052->node_81061 + node_81052->node_81042 + node_81054->node_81048 + node_81055->node_81047 + node_81055->node_81058 + node_81057->node_81044 + node_81059->node_81041 + node_81060->node_81054 + node_81060->node_81056 + node_81061->node_81060 +} // end G diff --git a/test/ir/inference/__main___cache_dir/11_ir_vit_attention_fuse_pass.dot b/test/ir/inference/__main___cache_dir/11_ir_vit_attention_fuse_pass.dot new file mode 100644 index 00000000000000..6d96192646e317 --- /dev/null +++ b/test/ir/inference/__main___cache_dir/11_ir_vit_attention_fuse_pass.dot @@ -0,0 +1,57 @@ +digraph G { + node_81083[label="trans_out1(12) +9,1" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] + node_81082[label="flatten2(14)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] + node_81079[label="feed(3)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] + node_81078[label="xshape1(16) +0,9,1" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] + node_81065[label="transpose2(5)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] + node_81064[label="trans_shape1(13) +0,1,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] + node_81068[label="feed(0)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] + node_81081[label="concat_out(18) +2,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] + node_81067[label="transpose2_x1(2) +1,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] + node_81062[label="fetch(20)" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] + node_81070[label="concat(17)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] + node_81069[label="flatten2_out0(9) +1,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] + node_81071[label="trans_out0(6) +9,1" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] + node_81080[label="xshape0(10) +0,9,1" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] + node_81066[label="transpose2_x0(4) +1,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] + node_81072[label="feed(1)" shape="box" style="rounded,filled,bold" fontname="Arial" color="#148b97" fontcolor="#ffffff"] + node_81075[label="place_holder_weight(21) +1" shape="box" style="rounded,filled,bold" fontname="Arial" color="#148b97" fontcolor="#ffffff"] + node_81073[label="trans_shape0(7) +0,1,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] + node_81077[label="flatten2(8)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] + node_81074[label="transpose2(11)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] + node_81063[label="fetch(19)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] + node_81076[label="flatten2_out1(15) +1,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] + node_81063->node_81062 + node_81065->node_81071 + node_81065->node_81073 + node_81066->node_81065 + node_81067->node_81074 + node_81068->node_81067 + node_81069->node_81070 + node_81070->node_81081 + node_81071->node_81077 + node_81072->node_81068 + node_81072->node_81079 + node_81074->node_81083 + node_81074->node_81064 + node_81076->node_81070 + node_81077->node_81069 + node_81077->node_81080 + node_81079->node_81066 + node_81081->node_81063 + node_81082->node_81076 + node_81082->node_81078 + node_81083->node_81082 +} // end G diff --git a/test/ir/inference/__main___cache_dir/12_ir_fused_multi_transformer_encoder_pass.dot b/test/ir/inference/__main___cache_dir/12_ir_fused_multi_transformer_encoder_pass.dot new file mode 100644 index 00000000000000..bbe3eae82e9fb5 --- /dev/null +++ b/test/ir/inference/__main___cache_dir/12_ir_fused_multi_transformer_encoder_pass.dot @@ -0,0 +1,57 @@ +digraph G { + node_81105[label="trans_out1(12) +9,1" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] + node_81104[label="flatten2(14)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] + node_81101[label="feed(3)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] + node_81100[label="xshape1(16) +0,9,1" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] + node_81087[label="transpose2(5)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] + node_81086[label="trans_shape1(13) +0,1,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] + node_81090[label="feed(0)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] + node_81103[label="concat_out(18) +2,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] + node_81089[label="transpose2_x1(2) +1,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] + node_81084[label="fetch(20)" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] + node_81092[label="concat(17)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] + node_81091[label="flatten2_out0(9) +1,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] + node_81093[label="trans_out0(6) +9,1" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] + node_81102[label="xshape0(10) +0,9,1" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] + node_81088[label="transpose2_x0(4) +1,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] + node_81094[label="feed(1)" shape="box" style="rounded,filled,bold" fontname="Arial" color="#148b97" fontcolor="#ffffff"] + node_81097[label="place_holder_weight(21) +1" shape="box" style="rounded,filled,bold" fontname="Arial" color="#148b97" fontcolor="#ffffff"] + node_81095[label="trans_shape0(7) +0,1,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] + node_81099[label="flatten2(8)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] + node_81096[label="transpose2(11)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] + node_81085[label="fetch(19)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] + node_81098[label="flatten2_out1(15) +1,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] + node_81085->node_81084 + node_81087->node_81093 + node_81087->node_81095 + node_81088->node_81087 + node_81089->node_81096 + node_81090->node_81089 + node_81091->node_81092 + node_81092->node_81103 + node_81093->node_81099 + node_81094->node_81090 + node_81094->node_81101 + node_81096->node_81105 + node_81096->node_81086 + node_81098->node_81092 + node_81099->node_81091 + node_81099->node_81102 + node_81101->node_81088 + node_81103->node_81085 + node_81104->node_81098 + node_81104->node_81100 + node_81105->node_81104 +} // end G diff --git a/test/ir/inference/__main___cache_dir/13_ir_fused_multi_transformer_decoder_pass.dot b/test/ir/inference/__main___cache_dir/13_ir_fused_multi_transformer_decoder_pass.dot new file mode 100644 index 00000000000000..63f0706a1f9ee1 --- /dev/null +++ b/test/ir/inference/__main___cache_dir/13_ir_fused_multi_transformer_decoder_pass.dot @@ -0,0 +1,57 @@ +digraph G { + node_81127[label="trans_out1(12) +9,1" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] + node_81126[label="flatten2(14)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] + node_81123[label="feed(3)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] + node_81122[label="xshape1(16) +0,9,1" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] + node_81109[label="transpose2(5)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] + node_81108[label="trans_shape1(13) +0,1,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] + node_81112[label="feed(0)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] + node_81125[label="concat_out(18) +2,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] + node_81111[label="transpose2_x1(2) +1,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] + node_81106[label="fetch(20)" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] + node_81114[label="concat(17)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] + node_81113[label="flatten2_out0(9) +1,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] + node_81115[label="trans_out0(6) +9,1" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] + node_81124[label="xshape0(10) +0,9,1" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] + node_81110[label="transpose2_x0(4) +1,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] + node_81116[label="feed(1)" shape="box" style="rounded,filled,bold" fontname="Arial" color="#148b97" fontcolor="#ffffff"] + node_81119[label="place_holder_weight(21) +1" shape="box" style="rounded,filled,bold" fontname="Arial" color="#148b97" fontcolor="#ffffff"] + node_81117[label="trans_shape0(7) +0,1,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] + node_81121[label="flatten2(8)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] + node_81118[label="transpose2(11)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] + node_81107[label="fetch(19)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] + node_81120[label="flatten2_out1(15) +1,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] + node_81107->node_81106 + node_81109->node_81115 + node_81109->node_81117 + node_81110->node_81109 + node_81111->node_81118 + node_81112->node_81111 + node_81113->node_81114 + node_81114->node_81125 + node_81115->node_81121 + node_81116->node_81112 + node_81116->node_81123 + node_81118->node_81127 + node_81118->node_81108 + node_81120->node_81114 + node_81121->node_81113 + node_81121->node_81124 + node_81123->node_81110 + node_81125->node_81107 + node_81126->node_81120 + node_81126->node_81122 + node_81127->node_81126 +} // end G diff --git a/test/ir/inference/__main___cache_dir/14_ir_fused_multi_transformer_encoder_fuse_qkv_pass.dot b/test/ir/inference/__main___cache_dir/14_ir_fused_multi_transformer_encoder_fuse_qkv_pass.dot new file mode 100644 index 00000000000000..7a7b0fa8d38d70 --- /dev/null +++ b/test/ir/inference/__main___cache_dir/14_ir_fused_multi_transformer_encoder_fuse_qkv_pass.dot @@ -0,0 +1,57 @@ +digraph G { + node_81149[label="trans_out1(12) +9,1" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] + node_81148[label="flatten2(14)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] + node_81145[label="feed(3)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] + node_81144[label="xshape1(16) +0,9,1" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] + node_81131[label="transpose2(5)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] + node_81130[label="trans_shape1(13) +0,1,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] + node_81134[label="feed(0)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] + node_81147[label="concat_out(18) +2,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] + node_81133[label="transpose2_x1(2) +1,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] + node_81128[label="fetch(20)" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] + node_81136[label="concat(17)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] + node_81135[label="flatten2_out0(9) +1,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] + node_81137[label="trans_out0(6) +9,1" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] + node_81146[label="xshape0(10) +0,9,1" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] + node_81132[label="transpose2_x0(4) +1,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] + node_81138[label="feed(1)" shape="box" style="rounded,filled,bold" fontname="Arial" color="#148b97" fontcolor="#ffffff"] + node_81141[label="place_holder_weight(21) +1" shape="box" style="rounded,filled,bold" fontname="Arial" color="#148b97" fontcolor="#ffffff"] + node_81139[label="trans_shape0(7) +0,1,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] + node_81143[label="flatten2(8)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] + node_81140[label="transpose2(11)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] + node_81129[label="fetch(19)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] + node_81142[label="flatten2_out1(15) +1,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] + node_81129->node_81128 + node_81131->node_81137 + node_81131->node_81139 + node_81132->node_81131 + node_81133->node_81140 + node_81134->node_81133 + node_81135->node_81136 + node_81136->node_81147 + node_81137->node_81143 + node_81138->node_81134 + node_81138->node_81145 + node_81140->node_81149 + node_81140->node_81130 + node_81142->node_81136 + node_81143->node_81135 + node_81143->node_81146 + node_81145->node_81132 + node_81147->node_81129 + node_81148->node_81142 + node_81148->node_81144 + node_81149->node_81148 +} // end G diff --git a/test/ir/inference/__main___cache_dir/15_ir_fused_multi_transformer_decoder_fuse_qkv_pass.dot b/test/ir/inference/__main___cache_dir/15_ir_fused_multi_transformer_decoder_fuse_qkv_pass.dot new file mode 100644 index 00000000000000..38abc5cb38e9fd --- /dev/null +++ b/test/ir/inference/__main___cache_dir/15_ir_fused_multi_transformer_decoder_fuse_qkv_pass.dot @@ -0,0 +1,57 @@ +digraph G { + node_81171[label="trans_out1(12) +9,1" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] + node_81170[label="flatten2(14)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] + node_81167[label="feed(3)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] + node_81166[label="xshape1(16) +0,9,1" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] + node_81153[label="transpose2(5)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] + node_81152[label="trans_shape1(13) +0,1,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] + node_81156[label="feed(0)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] + node_81169[label="concat_out(18) +2,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] + node_81155[label="transpose2_x1(2) +1,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] + node_81150[label="fetch(20)" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] + node_81158[label="concat(17)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] + node_81157[label="flatten2_out0(9) +1,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] + node_81159[label="trans_out0(6) +9,1" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] + node_81168[label="xshape0(10) +0,9,1" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] + node_81154[label="transpose2_x0(4) +1,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] + node_81160[label="feed(1)" shape="box" style="rounded,filled,bold" fontname="Arial" color="#148b97" fontcolor="#ffffff"] + node_81163[label="place_holder_weight(21) +1" shape="box" style="rounded,filled,bold" fontname="Arial" color="#148b97" fontcolor="#ffffff"] + node_81161[label="trans_shape0(7) +0,1,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] + node_81165[label="flatten2(8)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] + node_81162[label="transpose2(11)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] + node_81151[label="fetch(19)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] + node_81164[label="flatten2_out1(15) +1,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] + node_81151->node_81150 + node_81153->node_81159 + node_81153->node_81161 + node_81154->node_81153 + node_81155->node_81162 + node_81156->node_81155 + node_81157->node_81158 + node_81158->node_81169 + node_81159->node_81165 + node_81160->node_81156 + node_81160->node_81167 + node_81162->node_81171 + node_81162->node_81152 + node_81164->node_81158 + node_81165->node_81157 + node_81165->node_81168 + node_81167->node_81154 + node_81169->node_81151 + node_81170->node_81164 + node_81170->node_81166 + node_81171->node_81170 +} // end G diff --git a/test/ir/inference/__main___cache_dir/16_ir_multi_devices_fused_multi_transformer_encoder_pass.dot b/test/ir/inference/__main___cache_dir/16_ir_multi_devices_fused_multi_transformer_encoder_pass.dot new file mode 100644 index 00000000000000..4a4819f679bc8c --- /dev/null +++ b/test/ir/inference/__main___cache_dir/16_ir_multi_devices_fused_multi_transformer_encoder_pass.dot @@ -0,0 +1,57 @@ +digraph G { + node_81193[label="trans_out1(12) +9,1" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] + node_81192[label="flatten2(14)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] + node_81189[label="feed(3)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] + node_81188[label="xshape1(16) +0,9,1" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] + node_81175[label="transpose2(5)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] + node_81174[label="trans_shape1(13) +0,1,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] + node_81178[label="feed(0)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] + node_81191[label="concat_out(18) +2,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] + node_81177[label="transpose2_x1(2) +1,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] + node_81172[label="fetch(20)" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] + node_81180[label="concat(17)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] + node_81179[label="flatten2_out0(9) +1,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] + node_81181[label="trans_out0(6) +9,1" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] + node_81190[label="xshape0(10) +0,9,1" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] + node_81176[label="transpose2_x0(4) +1,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] + node_81182[label="feed(1)" shape="box" style="rounded,filled,bold" fontname="Arial" color="#148b97" fontcolor="#ffffff"] + node_81185[label="place_holder_weight(21) +1" shape="box" style="rounded,filled,bold" fontname="Arial" color="#148b97" fontcolor="#ffffff"] + node_81183[label="trans_shape0(7) +0,1,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] + node_81187[label="flatten2(8)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] + node_81184[label="transpose2(11)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] + node_81173[label="fetch(19)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] + node_81186[label="flatten2_out1(15) +1,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] + node_81173->node_81172 + node_81175->node_81181 + node_81175->node_81183 + node_81176->node_81175 + node_81177->node_81184 + node_81178->node_81177 + node_81179->node_81180 + node_81180->node_81191 + node_81181->node_81187 + node_81182->node_81178 + node_81182->node_81189 + node_81184->node_81193 + node_81184->node_81174 + node_81186->node_81180 + node_81187->node_81179 + node_81187->node_81190 + node_81189->node_81176 + node_81191->node_81173 + node_81192->node_81186 + node_81192->node_81188 + node_81193->node_81192 +} // end G diff --git a/test/ir/inference/__main___cache_dir/17_ir_multi_devices_fused_multi_transformer_encoder_fuse_qkv_pass.dot b/test/ir/inference/__main___cache_dir/17_ir_multi_devices_fused_multi_transformer_encoder_fuse_qkv_pass.dot new file mode 100644 index 00000000000000..2565ecb293a2f1 --- /dev/null +++ b/test/ir/inference/__main___cache_dir/17_ir_multi_devices_fused_multi_transformer_encoder_fuse_qkv_pass.dot @@ -0,0 +1,57 @@ +digraph G { + node_81215[label="trans_out1(12) +9,1" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] + node_81214[label="flatten2(14)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] + node_81211[label="feed(3)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] + node_81210[label="xshape1(16) +0,9,1" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] + node_81197[label="transpose2(5)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] + node_81196[label="trans_shape1(13) +0,1,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] + node_81200[label="feed(0)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] + node_81213[label="concat_out(18) +2,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] + node_81199[label="transpose2_x1(2) +1,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] + node_81194[label="fetch(20)" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] + node_81202[label="concat(17)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] + node_81201[label="flatten2_out0(9) +1,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] + node_81203[label="trans_out0(6) +9,1" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] + node_81212[label="xshape0(10) +0,9,1" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] + node_81198[label="transpose2_x0(4) +1,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] + node_81204[label="feed(1)" shape="box" style="rounded,filled,bold" fontname="Arial" color="#148b97" fontcolor="#ffffff"] + node_81207[label="place_holder_weight(21) +1" shape="box" style="rounded,filled,bold" fontname="Arial" color="#148b97" fontcolor="#ffffff"] + node_81205[label="trans_shape0(7) +0,1,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] + node_81209[label="flatten2(8)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] + node_81206[label="transpose2(11)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] + node_81195[label="fetch(19)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] + node_81208[label="flatten2_out1(15) +1,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] + node_81195->node_81194 + node_81197->node_81203 + node_81197->node_81205 + node_81198->node_81197 + node_81199->node_81206 + node_81200->node_81199 + node_81201->node_81202 + node_81202->node_81213 + node_81203->node_81209 + node_81204->node_81200 + node_81204->node_81211 + node_81206->node_81215 + node_81206->node_81196 + node_81208->node_81202 + node_81209->node_81201 + node_81209->node_81212 + node_81211->node_81198 + node_81213->node_81195 + node_81214->node_81208 + node_81214->node_81210 + node_81215->node_81214 +} // end G diff --git a/test/ir/inference/__main___cache_dir/18_ir_multi_devices_fused_multi_transformer_decoder_fuse_qkv_pass.dot b/test/ir/inference/__main___cache_dir/18_ir_multi_devices_fused_multi_transformer_decoder_fuse_qkv_pass.dot new file mode 100644 index 00000000000000..d17f3b620ad786 --- /dev/null +++ b/test/ir/inference/__main___cache_dir/18_ir_multi_devices_fused_multi_transformer_decoder_fuse_qkv_pass.dot @@ -0,0 +1,57 @@ +digraph G { + node_81237[label="trans_out1(12) +9,1" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] + node_81236[label="flatten2(14)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] + node_81233[label="feed(3)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] + node_81232[label="xshape1(16) +0,9,1" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] + node_81219[label="transpose2(5)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] + node_81218[label="trans_shape1(13) +0,1,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] + node_81222[label="feed(0)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] + node_81235[label="concat_out(18) +2,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] + node_81221[label="transpose2_x1(2) +1,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] + node_81216[label="fetch(20)" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] + node_81224[label="concat(17)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] + node_81223[label="flatten2_out0(9) +1,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] + node_81225[label="trans_out0(6) +9,1" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] + node_81234[label="xshape0(10) +0,9,1" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] + node_81220[label="transpose2_x0(4) +1,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] + node_81226[label="feed(1)" shape="box" style="rounded,filled,bold" fontname="Arial" color="#148b97" fontcolor="#ffffff"] + node_81229[label="place_holder_weight(21) +1" shape="box" style="rounded,filled,bold" fontname="Arial" color="#148b97" fontcolor="#ffffff"] + node_81227[label="trans_shape0(7) +0,1,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] + node_81231[label="flatten2(8)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] + node_81228[label="transpose2(11)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] + node_81217[label="fetch(19)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] + node_81230[label="flatten2_out1(15) +1,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] + node_81217->node_81216 + node_81219->node_81225 + node_81219->node_81227 + node_81220->node_81219 + node_81221->node_81228 + node_81222->node_81221 + node_81223->node_81224 + node_81224->node_81235 + node_81225->node_81231 + node_81226->node_81222 + node_81226->node_81233 + node_81228->node_81237 + node_81228->node_81218 + node_81230->node_81224 + node_81231->node_81223 + node_81231->node_81234 + node_81233->node_81220 + node_81235->node_81217 + node_81236->node_81230 + node_81236->node_81232 + node_81237->node_81236 +} // end G diff --git a/test/ir/inference/__main___cache_dir/19_ir_fuse_multi_transformer_layer_pass.dot b/test/ir/inference/__main___cache_dir/19_ir_fuse_multi_transformer_layer_pass.dot new file mode 100644 index 00000000000000..8e39f9d20094a2 --- /dev/null +++ b/test/ir/inference/__main___cache_dir/19_ir_fuse_multi_transformer_layer_pass.dot @@ -0,0 +1,57 @@ +digraph G { + node_81259[label="trans_out1(12) +9,1" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] + node_81258[label="flatten2(14)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] + node_81255[label="feed(3)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] + node_81254[label="xshape1(16) +0,9,1" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] + node_81241[label="transpose2(5)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] + node_81240[label="trans_shape1(13) +0,1,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] + node_81244[label="feed(0)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] + node_81257[label="concat_out(18) +2,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] + node_81243[label="transpose2_x1(2) +1,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] + node_81238[label="fetch(20)" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] + node_81246[label="concat(17)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] + node_81245[label="flatten2_out0(9) +1,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] + node_81247[label="trans_out0(6) +9,1" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] + node_81256[label="xshape0(10) +0,9,1" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] + node_81242[label="transpose2_x0(4) +1,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] + node_81248[label="feed(1)" shape="box" style="rounded,filled,bold" fontname="Arial" color="#148b97" fontcolor="#ffffff"] + node_81251[label="place_holder_weight(21) +1" shape="box" style="rounded,filled,bold" fontname="Arial" color="#148b97" fontcolor="#ffffff"] + node_81249[label="trans_shape0(7) +0,1,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] + node_81253[label="flatten2(8)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] + node_81250[label="transpose2(11)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] + node_81239[label="fetch(19)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] + node_81252[label="flatten2_out1(15) +1,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] + node_81239->node_81238 + node_81241->node_81247 + node_81241->node_81249 + node_81242->node_81241 + node_81243->node_81250 + node_81244->node_81243 + node_81245->node_81246 + node_81246->node_81257 + node_81247->node_81253 + node_81248->node_81244 + node_81248->node_81255 + node_81250->node_81259 + node_81250->node_81240 + node_81252->node_81246 + node_81253->node_81245 + node_81253->node_81256 + node_81255->node_81242 + node_81257->node_81239 + node_81258->node_81252 + node_81258->node_81254 + node_81259->node_81258 +} // end G diff --git a/test/ir/inference/__main___cache_dir/1_ir_is_test_pass.dot b/test/ir/inference/__main___cache_dir/1_ir_is_test_pass.dot new file mode 100644 index 00000000000000..a27b7aaa39949a --- /dev/null +++ b/test/ir/inference/__main___cache_dir/1_ir_is_test_pass.dot @@ -0,0 +1,57 @@ +digraph G { + node_80863[label="trans_out1(12) +9,1" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] + node_80862[label="flatten2(14)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] + node_80859[label="feed(3)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] + node_80858[label="xshape1(16) +0,9,1" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] + node_80845[label="transpose2(5)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] + node_80844[label="trans_shape1(13) +0,1,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] + node_80848[label="feed(0)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] + node_80861[label="concat_out(18) +2,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] + node_80847[label="transpose2_x1(2) +1,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] + node_80842[label="fetch(20)" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] + node_80850[label="concat(17)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] + node_80849[label="flatten2_out0(9) +1,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] + node_80851[label="trans_out0(6) +9,1" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] + node_80860[label="xshape0(10) +0,9,1" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] + node_80846[label="transpose2_x0(4) +1,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] + node_80852[label="feed(1)" shape="box" style="rounded,filled,bold" fontname="Arial" color="#148b97" fontcolor="#ffffff"] + node_80855[label="place_holder_weight(21) +1" shape="box" style="rounded,filled,bold" fontname="Arial" color="#148b97" fontcolor="#ffffff"] + node_80853[label="trans_shape0(7) +0,1,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] + node_80857[label="flatten2(8)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] + node_80854[label="transpose2(11)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] + node_80843[label="fetch(19)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] + node_80856[label="flatten2_out1(15) +1,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] + node_80843->node_80842 + node_80845->node_80851 + node_80845->node_80853 + node_80846->node_80845 + node_80847->node_80854 + node_80848->node_80847 + node_80849->node_80850 + node_80850->node_80861 + node_80851->node_80857 + node_80852->node_80848 + node_80852->node_80859 + node_80854->node_80863 + node_80854->node_80844 + node_80856->node_80850 + node_80857->node_80849 + node_80857->node_80860 + node_80859->node_80846 + node_80861->node_80843 + node_80862->node_80856 + node_80862->node_80858 + node_80863->node_80862 +} // end G diff --git a/test/ir/inference/__main___cache_dir/20_ir_gpu_cpu_squeeze2_matmul_fuse_pass.dot b/test/ir/inference/__main___cache_dir/20_ir_gpu_cpu_squeeze2_matmul_fuse_pass.dot new file mode 100644 index 00000000000000..6e527fbe33641a --- /dev/null +++ b/test/ir/inference/__main___cache_dir/20_ir_gpu_cpu_squeeze2_matmul_fuse_pass.dot @@ -0,0 +1,57 @@ +digraph G { + node_81281[label="trans_out1(12) +9,1" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] + node_81280[label="flatten2(14)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] + node_81277[label="feed(3)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] + node_81276[label="xshape1(16) +0,9,1" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] + node_81263[label="transpose2(5)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] + node_81262[label="trans_shape1(13) +0,1,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] + node_81266[label="feed(0)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] + node_81279[label="concat_out(18) +2,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] + node_81265[label="transpose2_x1(2) +1,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] + node_81260[label="fetch(20)" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] + node_81268[label="concat(17)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] + node_81267[label="flatten2_out0(9) +1,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] + node_81269[label="trans_out0(6) +9,1" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] + node_81278[label="xshape0(10) +0,9,1" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] + node_81264[label="transpose2_x0(4) +1,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] + node_81270[label="feed(1)" shape="box" style="rounded,filled,bold" fontname="Arial" color="#148b97" fontcolor="#ffffff"] + node_81273[label="place_holder_weight(21) +1" shape="box" style="rounded,filled,bold" fontname="Arial" color="#148b97" fontcolor="#ffffff"] + node_81271[label="trans_shape0(7) +0,1,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] + node_81275[label="flatten2(8)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] + node_81272[label="transpose2(11)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] + node_81261[label="fetch(19)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] + node_81274[label="flatten2_out1(15) +1,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] + node_81261->node_81260 + node_81263->node_81269 + node_81263->node_81271 + node_81264->node_81263 + node_81265->node_81272 + node_81266->node_81265 + node_81267->node_81268 + node_81268->node_81279 + node_81269->node_81275 + node_81270->node_81266 + node_81270->node_81277 + node_81272->node_81281 + node_81272->node_81262 + node_81274->node_81268 + node_81275->node_81267 + node_81275->node_81278 + node_81277->node_81264 + node_81279->node_81261 + node_81280->node_81274 + node_81280->node_81276 + node_81281->node_81280 +} // end G diff --git a/test/ir/inference/__main___cache_dir/21_ir_gpu_cpu_reshape2_matmul_fuse_pass.dot b/test/ir/inference/__main___cache_dir/21_ir_gpu_cpu_reshape2_matmul_fuse_pass.dot new file mode 100644 index 00000000000000..6fa1997fba9e83 --- /dev/null +++ b/test/ir/inference/__main___cache_dir/21_ir_gpu_cpu_reshape2_matmul_fuse_pass.dot @@ -0,0 +1,57 @@ +digraph G { + node_81303[label="trans_out1(12) +9,1" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] + node_81302[label="flatten2(14)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] + node_81299[label="feed(3)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] + node_81298[label="xshape1(16) +0,9,1" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] + node_81285[label="transpose2(5)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] + node_81284[label="trans_shape1(13) +0,1,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] + node_81288[label="feed(0)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] + node_81301[label="concat_out(18) +2,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] + node_81287[label="transpose2_x1(2) +1,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] + node_81282[label="fetch(20)" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] + node_81290[label="concat(17)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] + node_81289[label="flatten2_out0(9) +1,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] + node_81291[label="trans_out0(6) +9,1" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] + node_81300[label="xshape0(10) +0,9,1" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] + node_81286[label="transpose2_x0(4) +1,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] + node_81292[label="feed(1)" shape="box" style="rounded,filled,bold" fontname="Arial" color="#148b97" fontcolor="#ffffff"] + node_81295[label="place_holder_weight(21) +1" shape="box" style="rounded,filled,bold" fontname="Arial" color="#148b97" fontcolor="#ffffff"] + node_81293[label="trans_shape0(7) +0,1,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] + node_81297[label="flatten2(8)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] + node_81294[label="transpose2(11)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] + node_81283[label="fetch(19)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] + node_81296[label="flatten2_out1(15) +1,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] + node_81283->node_81282 + node_81285->node_81291 + node_81285->node_81293 + node_81286->node_81285 + node_81287->node_81294 + node_81288->node_81287 + node_81289->node_81290 + node_81290->node_81301 + node_81291->node_81297 + node_81292->node_81288 + node_81292->node_81299 + node_81294->node_81303 + node_81294->node_81284 + node_81296->node_81290 + node_81297->node_81289 + node_81297->node_81300 + node_81299->node_81286 + node_81301->node_81283 + node_81302->node_81296 + node_81302->node_81298 + node_81303->node_81302 +} // end G diff --git a/test/ir/inference/__main___cache_dir/22_ir_gpu_cpu_flatten2_matmul_fuse_pass.dot b/test/ir/inference/__main___cache_dir/22_ir_gpu_cpu_flatten2_matmul_fuse_pass.dot new file mode 100644 index 00000000000000..c3da65577a2f12 --- /dev/null +++ b/test/ir/inference/__main___cache_dir/22_ir_gpu_cpu_flatten2_matmul_fuse_pass.dot @@ -0,0 +1,57 @@ +digraph G { + node_81325[label="trans_out1(12) +9,1" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] + node_81324[label="flatten2(14)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] + node_81321[label="feed(3)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] + node_81320[label="xshape1(16) +0,9,1" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] + node_81307[label="transpose2(5)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] + node_81306[label="trans_shape1(13) +0,1,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] + node_81310[label="feed(0)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] + node_81323[label="concat_out(18) +2,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] + node_81309[label="transpose2_x1(2) +1,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] + node_81304[label="fetch(20)" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] + node_81312[label="concat(17)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] + node_81311[label="flatten2_out0(9) +1,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] + node_81313[label="trans_out0(6) +9,1" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] + node_81322[label="xshape0(10) +0,9,1" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] + node_81308[label="transpose2_x0(4) +1,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] + node_81314[label="feed(1)" shape="box" style="rounded,filled,bold" fontname="Arial" color="#148b97" fontcolor="#ffffff"] + node_81317[label="place_holder_weight(21) +1" shape="box" style="rounded,filled,bold" fontname="Arial" color="#148b97" fontcolor="#ffffff"] + node_81315[label="trans_shape0(7) +0,1,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] + node_81319[label="flatten2(8)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] + node_81316[label="transpose2(11)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] + node_81305[label="fetch(19)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] + node_81318[label="flatten2_out1(15) +1,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] + node_81305->node_81304 + node_81307->node_81313 + node_81307->node_81315 + node_81308->node_81307 + node_81309->node_81316 + node_81310->node_81309 + node_81311->node_81312 + node_81312->node_81323 + node_81313->node_81319 + node_81314->node_81310 + node_81314->node_81321 + node_81316->node_81325 + node_81316->node_81306 + node_81318->node_81312 + node_81319->node_81311 + node_81319->node_81322 + node_81321->node_81308 + node_81323->node_81305 + node_81324->node_81318 + node_81324->node_81320 + node_81325->node_81324 +} // end G diff --git a/test/ir/inference/__main___cache_dir/23_ir_gpu_cpu_map_matmul_v2_to_mul_pass.dot b/test/ir/inference/__main___cache_dir/23_ir_gpu_cpu_map_matmul_v2_to_mul_pass.dot new file mode 100644 index 00000000000000..c5bfe7de3ca44e --- /dev/null +++ b/test/ir/inference/__main___cache_dir/23_ir_gpu_cpu_map_matmul_v2_to_mul_pass.dot @@ -0,0 +1,57 @@ +digraph G { + node_81347[label="trans_out1(12) +9,1" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] + node_81346[label="flatten2(14)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] + node_81343[label="feed(3)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] + node_81342[label="xshape1(16) +0,9,1" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] + node_81329[label="transpose2(5)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] + node_81328[label="trans_shape1(13) +0,1,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] + node_81332[label="feed(0)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] + node_81345[label="concat_out(18) +2,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] + node_81331[label="transpose2_x1(2) +1,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] + node_81326[label="fetch(20)" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] + node_81334[label="concat(17)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] + node_81333[label="flatten2_out0(9) +1,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] + node_81335[label="trans_out0(6) +9,1" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] + node_81344[label="xshape0(10) +0,9,1" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] + node_81330[label="transpose2_x0(4) +1,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] + node_81336[label="feed(1)" shape="box" style="rounded,filled,bold" fontname="Arial" color="#148b97" fontcolor="#ffffff"] + node_81339[label="place_holder_weight(21) +1" shape="box" style="rounded,filled,bold" fontname="Arial" color="#148b97" fontcolor="#ffffff"] + node_81337[label="trans_shape0(7) +0,1,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] + node_81341[label="flatten2(8)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] + node_81338[label="transpose2(11)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] + node_81327[label="fetch(19)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] + node_81340[label="flatten2_out1(15) +1,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] + node_81327->node_81326 + node_81329->node_81335 + node_81329->node_81337 + node_81330->node_81329 + node_81331->node_81338 + node_81332->node_81331 + node_81333->node_81334 + node_81334->node_81345 + node_81335->node_81341 + node_81336->node_81332 + node_81336->node_81343 + node_81338->node_81347 + node_81338->node_81328 + node_81340->node_81334 + node_81341->node_81333 + node_81341->node_81344 + node_81343->node_81330 + node_81345->node_81327 + node_81346->node_81340 + node_81346->node_81342 + node_81347->node_81346 +} // end G diff --git a/test/ir/inference/__main___cache_dir/24_ir_gpu_cpu_map_matmul_v2_to_matmul_pass.dot b/test/ir/inference/__main___cache_dir/24_ir_gpu_cpu_map_matmul_v2_to_matmul_pass.dot new file mode 100644 index 00000000000000..cb631d6343fb54 --- /dev/null +++ b/test/ir/inference/__main___cache_dir/24_ir_gpu_cpu_map_matmul_v2_to_matmul_pass.dot @@ -0,0 +1,57 @@ +digraph G { + node_81369[label="trans_out1(12) +9,1" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] + node_81368[label="flatten2(14)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] + node_81365[label="feed(3)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] + node_81364[label="xshape1(16) +0,9,1" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] + node_81351[label="transpose2(5)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] + node_81350[label="trans_shape1(13) +0,1,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] + node_81354[label="feed(0)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] + node_81367[label="concat_out(18) +2,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] + node_81353[label="transpose2_x1(2) +1,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] + node_81348[label="fetch(20)" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] + node_81356[label="concat(17)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] + node_81355[label="flatten2_out0(9) +1,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] + node_81357[label="trans_out0(6) +9,1" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] + node_81366[label="xshape0(10) +0,9,1" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] + node_81352[label="transpose2_x0(4) +1,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] + node_81358[label="feed(1)" shape="box" style="rounded,filled,bold" fontname="Arial" color="#148b97" fontcolor="#ffffff"] + node_81361[label="place_holder_weight(21) +1" shape="box" style="rounded,filled,bold" fontname="Arial" color="#148b97" fontcolor="#ffffff"] + node_81359[label="trans_shape0(7) +0,1,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] + node_81363[label="flatten2(8)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] + node_81360[label="transpose2(11)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] + node_81349[label="fetch(19)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] + node_81362[label="flatten2_out1(15) +1,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] + node_81349->node_81348 + node_81351->node_81357 + node_81351->node_81359 + node_81352->node_81351 + node_81353->node_81360 + node_81354->node_81353 + node_81355->node_81356 + node_81356->node_81367 + node_81357->node_81363 + node_81358->node_81354 + node_81358->node_81365 + node_81360->node_81369 + node_81360->node_81350 + node_81362->node_81356 + node_81363->node_81355 + node_81363->node_81366 + node_81365->node_81352 + node_81367->node_81349 + node_81368->node_81362 + node_81368->node_81364 + node_81369->node_81368 +} // end G diff --git a/test/ir/inference/__main___cache_dir/25_ir_matmul_scale_fuse_pass.dot b/test/ir/inference/__main___cache_dir/25_ir_matmul_scale_fuse_pass.dot new file mode 100644 index 00000000000000..2a0da227c6f8db --- /dev/null +++ b/test/ir/inference/__main___cache_dir/25_ir_matmul_scale_fuse_pass.dot @@ -0,0 +1,57 @@ +digraph G { + node_81391[label="trans_out1(12) +9,1" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] + node_81390[label="flatten2(14)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] + node_81387[label="feed(3)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] + node_81386[label="xshape1(16) +0,9,1" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] + node_81373[label="transpose2(5)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] + node_81372[label="trans_shape1(13) +0,1,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] + node_81376[label="feed(0)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] + node_81389[label="concat_out(18) +2,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] + node_81375[label="transpose2_x1(2) +1,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] + node_81370[label="fetch(20)" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] + node_81378[label="concat(17)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] + node_81377[label="flatten2_out0(9) +1,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] + node_81379[label="trans_out0(6) +9,1" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] + node_81388[label="xshape0(10) +0,9,1" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] + node_81374[label="transpose2_x0(4) +1,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] + node_81380[label="feed(1)" shape="box" style="rounded,filled,bold" fontname="Arial" color="#148b97" fontcolor="#ffffff"] + node_81383[label="place_holder_weight(21) +1" shape="box" style="rounded,filled,bold" fontname="Arial" color="#148b97" fontcolor="#ffffff"] + node_81381[label="trans_shape0(7) +0,1,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] + node_81385[label="flatten2(8)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] + node_81382[label="transpose2(11)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] + node_81371[label="fetch(19)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] + node_81384[label="flatten2_out1(15) +1,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] + node_81371->node_81370 + node_81373->node_81379 + node_81373->node_81381 + node_81374->node_81373 + node_81375->node_81382 + node_81376->node_81375 + node_81377->node_81378 + node_81378->node_81389 + node_81379->node_81385 + node_81380->node_81376 + node_81380->node_81387 + node_81382->node_81391 + node_81382->node_81372 + node_81384->node_81378 + node_81385->node_81377 + node_81385->node_81388 + node_81387->node_81374 + node_81389->node_81371 + node_81390->node_81384 + node_81390->node_81386 + node_81391->node_81390 +} // end G diff --git a/test/ir/inference/__main___cache_dir/26_ir_multihead_matmul_fuse_pass_v3.dot b/test/ir/inference/__main___cache_dir/26_ir_multihead_matmul_fuse_pass_v3.dot new file mode 100644 index 00000000000000..e84824652f8378 --- /dev/null +++ b/test/ir/inference/__main___cache_dir/26_ir_multihead_matmul_fuse_pass_v3.dot @@ -0,0 +1,57 @@ +digraph G { + node_81413[label="trans_out1(12) +9,1" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] + node_81412[label="flatten2(14)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] + node_81409[label="feed(3)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] + node_81408[label="xshape1(16) +0,9,1" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] + node_81395[label="transpose2(5)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] + node_81394[label="trans_shape1(13) +0,1,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] + node_81398[label="feed(0)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] + node_81411[label="concat_out(18) +2,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] + node_81397[label="transpose2_x1(2) +1,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] + node_81392[label="fetch(20)" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] + node_81400[label="concat(17)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] + node_81399[label="flatten2_out0(9) +1,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] + node_81401[label="trans_out0(6) +9,1" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] + node_81410[label="xshape0(10) +0,9,1" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] + node_81396[label="transpose2_x0(4) +1,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] + node_81402[label="feed(1)" shape="box" style="rounded,filled,bold" fontname="Arial" color="#148b97" fontcolor="#ffffff"] + node_81405[label="place_holder_weight(21) +1" shape="box" style="rounded,filled,bold" fontname="Arial" color="#148b97" fontcolor="#ffffff"] + node_81403[label="trans_shape0(7) +0,1,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] + node_81407[label="flatten2(8)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] + node_81404[label="transpose2(11)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] + node_81393[label="fetch(19)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] + node_81406[label="flatten2_out1(15) +1,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] + node_81393->node_81392 + node_81395->node_81401 + node_81395->node_81403 + node_81396->node_81395 + node_81397->node_81404 + node_81398->node_81397 + node_81399->node_81400 + node_81400->node_81411 + node_81401->node_81407 + node_81402->node_81398 + node_81402->node_81409 + node_81404->node_81413 + node_81404->node_81394 + node_81406->node_81400 + node_81407->node_81399 + node_81407->node_81410 + node_81409->node_81396 + node_81411->node_81393 + node_81412->node_81406 + node_81412->node_81408 + node_81413->node_81412 +} // end G diff --git a/test/ir/inference/__main___cache_dir/27_ir_gpu_cpu_map_matmul_to_mul_pass.dot b/test/ir/inference/__main___cache_dir/27_ir_gpu_cpu_map_matmul_to_mul_pass.dot new file mode 100644 index 00000000000000..704b489ba15791 --- /dev/null +++ b/test/ir/inference/__main___cache_dir/27_ir_gpu_cpu_map_matmul_to_mul_pass.dot @@ -0,0 +1,57 @@ +digraph G { + node_81435[label="trans_out1(12) +9,1" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] + node_81434[label="flatten2(14)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] + node_81431[label="feed(3)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] + node_81430[label="xshape1(16) +0,9,1" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] + node_81417[label="transpose2(5)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] + node_81416[label="trans_shape1(13) +0,1,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] + node_81420[label="feed(0)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] + node_81433[label="concat_out(18) +2,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] + node_81419[label="transpose2_x1(2) +1,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] + node_81414[label="fetch(20)" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] + node_81422[label="concat(17)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] + node_81421[label="flatten2_out0(9) +1,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] + node_81423[label="trans_out0(6) +9,1" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] + node_81432[label="xshape0(10) +0,9,1" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] + node_81418[label="transpose2_x0(4) +1,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] + node_81424[label="feed(1)" shape="box" style="rounded,filled,bold" fontname="Arial" color="#148b97" fontcolor="#ffffff"] + node_81427[label="place_holder_weight(21) +1" shape="box" style="rounded,filled,bold" fontname="Arial" color="#148b97" fontcolor="#ffffff"] + node_81425[label="trans_shape0(7) +0,1,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] + node_81429[label="flatten2(8)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] + node_81426[label="transpose2(11)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] + node_81415[label="fetch(19)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] + node_81428[label="flatten2_out1(15) +1,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] + node_81415->node_81414 + node_81417->node_81423 + node_81417->node_81425 + node_81418->node_81417 + node_81419->node_81426 + node_81420->node_81419 + node_81421->node_81422 + node_81422->node_81433 + node_81423->node_81429 + node_81424->node_81420 + node_81424->node_81431 + node_81426->node_81435 + node_81426->node_81416 + node_81428->node_81422 + node_81429->node_81421 + node_81429->node_81432 + node_81431->node_81418 + node_81433->node_81415 + node_81434->node_81428 + node_81434->node_81430 + node_81435->node_81434 +} // end G diff --git a/test/ir/inference/__main___cache_dir/28_ir_fc_fuse_pass.dot b/test/ir/inference/__main___cache_dir/28_ir_fc_fuse_pass.dot new file mode 100644 index 00000000000000..17951d83acd464 --- /dev/null +++ b/test/ir/inference/__main___cache_dir/28_ir_fc_fuse_pass.dot @@ -0,0 +1,57 @@ +digraph G { + node_81457[label="trans_out1(12) +9,1" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] + node_81456[label="flatten2(14)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] + node_81453[label="feed(3)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] + node_81452[label="xshape1(16) +0,9,1" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] + node_81439[label="transpose2(5)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] + node_81438[label="trans_shape1(13) +0,1,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] + node_81442[label="feed(0)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] + node_81455[label="concat_out(18) +2,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] + node_81441[label="transpose2_x1(2) +1,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] + node_81436[label="fetch(20)" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] + node_81444[label="concat(17)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] + node_81443[label="flatten2_out0(9) +1,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] + node_81445[label="trans_out0(6) +9,1" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] + node_81454[label="xshape0(10) +0,9,1" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] + node_81440[label="transpose2_x0(4) +1,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] + node_81446[label="feed(1)" shape="box" style="rounded,filled,bold" fontname="Arial" color="#148b97" fontcolor="#ffffff"] + node_81449[label="place_holder_weight(21) +1" shape="box" style="rounded,filled,bold" fontname="Arial" color="#148b97" fontcolor="#ffffff"] + node_81447[label="trans_shape0(7) +0,1,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] + node_81451[label="flatten2(8)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] + node_81448[label="transpose2(11)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] + node_81437[label="fetch(19)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] + node_81450[label="flatten2_out1(15) +1,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] + node_81437->node_81436 + node_81439->node_81445 + node_81439->node_81447 + node_81440->node_81439 + node_81441->node_81448 + node_81442->node_81441 + node_81443->node_81444 + node_81444->node_81455 + node_81445->node_81451 + node_81446->node_81442 + node_81446->node_81453 + node_81448->node_81457 + node_81448->node_81438 + node_81450->node_81444 + node_81451->node_81443 + node_81451->node_81454 + node_81453->node_81440 + node_81455->node_81437 + node_81456->node_81450 + node_81456->node_81452 + node_81457->node_81456 +} // end G diff --git a/test/ir/inference/__main___cache_dir/29_ir_fc_elementwise_layernorm_fuse_pass.dot b/test/ir/inference/__main___cache_dir/29_ir_fc_elementwise_layernorm_fuse_pass.dot new file mode 100644 index 00000000000000..6e1d7dcd396f5b --- /dev/null +++ b/test/ir/inference/__main___cache_dir/29_ir_fc_elementwise_layernorm_fuse_pass.dot @@ -0,0 +1,57 @@ +digraph G { + node_81479[label="trans_out1(12) +9,1" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] + node_81478[label="flatten2(14)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] + node_81475[label="feed(3)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] + node_81474[label="xshape1(16) +0,9,1" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] + node_81461[label="transpose2(5)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] + node_81460[label="trans_shape1(13) +0,1,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] + node_81464[label="feed(0)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] + node_81477[label="concat_out(18) +2,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] + node_81463[label="transpose2_x1(2) +1,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] + node_81458[label="fetch(20)" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] + node_81466[label="concat(17)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] + node_81465[label="flatten2_out0(9) +1,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] + node_81467[label="trans_out0(6) +9,1" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] + node_81476[label="xshape0(10) +0,9,1" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] + node_81462[label="transpose2_x0(4) +1,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] + node_81468[label="feed(1)" shape="box" style="rounded,filled,bold" fontname="Arial" color="#148b97" fontcolor="#ffffff"] + node_81471[label="place_holder_weight(21) +1" shape="box" style="rounded,filled,bold" fontname="Arial" color="#148b97" fontcolor="#ffffff"] + node_81469[label="trans_shape0(7) +0,1,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] + node_81473[label="flatten2(8)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] + node_81470[label="transpose2(11)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] + node_81459[label="fetch(19)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] + node_81472[label="flatten2_out1(15) +1,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] + node_81459->node_81458 + node_81461->node_81467 + node_81461->node_81469 + node_81462->node_81461 + node_81463->node_81470 + node_81464->node_81463 + node_81465->node_81466 + node_81466->node_81477 + node_81467->node_81473 + node_81468->node_81464 + node_81468->node_81475 + node_81470->node_81479 + node_81470->node_81460 + node_81472->node_81466 + node_81473->node_81465 + node_81473->node_81476 + node_81475->node_81462 + node_81477->node_81459 + node_81478->node_81472 + node_81478->node_81474 + node_81479->node_81478 +} // end G diff --git a/test/ir/inference/__main___cache_dir/2_ir_simplify_with_basic_ops_pass.dot b/test/ir/inference/__main___cache_dir/2_ir_simplify_with_basic_ops_pass.dot new file mode 100644 index 00000000000000..372017e98cc307 --- /dev/null +++ b/test/ir/inference/__main___cache_dir/2_ir_simplify_with_basic_ops_pass.dot @@ -0,0 +1,57 @@ +digraph G { + node_80885[label="trans_out1(12) +9,1" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] + node_80884[label="flatten2(14)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] + node_80881[label="feed(3)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] + node_80880[label="xshape1(16) +0,9,1" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] + node_80867[label="transpose2(5)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] + node_80866[label="trans_shape1(13) +0,1,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] + node_80870[label="feed(0)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] + node_80883[label="concat_out(18) +2,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] + node_80869[label="transpose2_x1(2) +1,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] + node_80864[label="fetch(20)" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] + node_80872[label="concat(17)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] + node_80871[label="flatten2_out0(9) +1,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] + node_80873[label="trans_out0(6) +9,1" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] + node_80882[label="xshape0(10) +0,9,1" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] + node_80868[label="transpose2_x0(4) +1,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] + node_80874[label="feed(1)" shape="box" style="rounded,filled,bold" fontname="Arial" color="#148b97" fontcolor="#ffffff"] + node_80877[label="place_holder_weight(21) +1" shape="box" style="rounded,filled,bold" fontname="Arial" color="#148b97" fontcolor="#ffffff"] + node_80875[label="trans_shape0(7) +0,1,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] + node_80879[label="flatten2(8)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] + node_80876[label="transpose2(11)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] + node_80865[label="fetch(19)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] + node_80878[label="flatten2_out1(15) +1,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] + node_80865->node_80864 + node_80867->node_80873 + node_80867->node_80875 + node_80868->node_80867 + node_80869->node_80876 + node_80870->node_80869 + node_80871->node_80872 + node_80872->node_80883 + node_80873->node_80879 + node_80874->node_80870 + node_80874->node_80881 + node_80876->node_80885 + node_80876->node_80866 + node_80878->node_80872 + node_80879->node_80871 + node_80879->node_80882 + node_80881->node_80868 + node_80883->node_80865 + node_80884->node_80878 + node_80884->node_80880 + node_80885->node_80884 +} // end G diff --git a/test/ir/inference/__main___cache_dir/30_ir_conv_elementwise_add_act_fuse_pass.dot b/test/ir/inference/__main___cache_dir/30_ir_conv_elementwise_add_act_fuse_pass.dot new file mode 100644 index 00000000000000..221b0a38f38092 --- /dev/null +++ b/test/ir/inference/__main___cache_dir/30_ir_conv_elementwise_add_act_fuse_pass.dot @@ -0,0 +1,57 @@ +digraph G { + node_81501[label="trans_out1(12) +9,1" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] + node_81500[label="flatten2(14)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] + node_81497[label="feed(3)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] + node_81496[label="xshape1(16) +0,9,1" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] + node_81483[label="transpose2(5)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] + node_81482[label="trans_shape1(13) +0,1,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] + node_81486[label="feed(0)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] + node_81499[label="concat_out(18) +2,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] + node_81485[label="transpose2_x1(2) +1,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] + node_81480[label="fetch(20)" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] + node_81488[label="concat(17)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] + node_81487[label="flatten2_out0(9) +1,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] + node_81489[label="trans_out0(6) +9,1" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] + node_81498[label="xshape0(10) +0,9,1" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] + node_81484[label="transpose2_x0(4) +1,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] + node_81490[label="feed(1)" shape="box" style="rounded,filled,bold" fontname="Arial" color="#148b97" fontcolor="#ffffff"] + node_81493[label="place_holder_weight(21) +1" shape="box" style="rounded,filled,bold" fontname="Arial" color="#148b97" fontcolor="#ffffff"] + node_81491[label="trans_shape0(7) +0,1,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] + node_81495[label="flatten2(8)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] + node_81492[label="transpose2(11)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] + node_81481[label="fetch(19)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] + node_81494[label="flatten2_out1(15) +1,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] + node_81481->node_81480 + node_81483->node_81489 + node_81483->node_81491 + node_81484->node_81483 + node_81485->node_81492 + node_81486->node_81485 + node_81487->node_81488 + node_81488->node_81499 + node_81489->node_81495 + node_81490->node_81486 + node_81490->node_81497 + node_81492->node_81501 + node_81492->node_81482 + node_81494->node_81488 + node_81495->node_81487 + node_81495->node_81498 + node_81497->node_81484 + node_81499->node_81481 + node_81500->node_81494 + node_81500->node_81496 + node_81501->node_81500 +} // end G diff --git a/test/ir/inference/__main___cache_dir/31_ir_conv_elementwise_add2_act_fuse_pass.dot b/test/ir/inference/__main___cache_dir/31_ir_conv_elementwise_add2_act_fuse_pass.dot new file mode 100644 index 00000000000000..02985a3e0239a8 --- /dev/null +++ b/test/ir/inference/__main___cache_dir/31_ir_conv_elementwise_add2_act_fuse_pass.dot @@ -0,0 +1,57 @@ +digraph G { + node_81523[label="trans_out1(12) +9,1" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] + node_81522[label="flatten2(14)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] + node_81519[label="feed(3)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] + node_81518[label="xshape1(16) +0,9,1" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] + node_81505[label="transpose2(5)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] + node_81504[label="trans_shape1(13) +0,1,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] + node_81508[label="feed(0)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] + node_81521[label="concat_out(18) +2,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] + node_81507[label="transpose2_x1(2) +1,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] + node_81502[label="fetch(20)" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] + node_81510[label="concat(17)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] + node_81509[label="flatten2_out0(9) +1,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] + node_81511[label="trans_out0(6) +9,1" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] + node_81520[label="xshape0(10) +0,9,1" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] + node_81506[label="transpose2_x0(4) +1,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] + node_81512[label="feed(1)" shape="box" style="rounded,filled,bold" fontname="Arial" color="#148b97" fontcolor="#ffffff"] + node_81515[label="place_holder_weight(21) +1" shape="box" style="rounded,filled,bold" fontname="Arial" color="#148b97" fontcolor="#ffffff"] + node_81513[label="trans_shape0(7) +0,1,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] + node_81517[label="flatten2(8)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] + node_81514[label="transpose2(11)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] + node_81503[label="fetch(19)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] + node_81516[label="flatten2_out1(15) +1,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] + node_81503->node_81502 + node_81505->node_81511 + node_81505->node_81513 + node_81506->node_81505 + node_81507->node_81514 + node_81508->node_81507 + node_81509->node_81510 + node_81510->node_81521 + node_81511->node_81517 + node_81512->node_81508 + node_81512->node_81519 + node_81514->node_81523 + node_81514->node_81504 + node_81516->node_81510 + node_81517->node_81509 + node_81517->node_81520 + node_81519->node_81506 + node_81521->node_81503 + node_81522->node_81516 + node_81522->node_81518 + node_81523->node_81522 +} // end G diff --git a/test/ir/inference/__main___cache_dir/32_ir_conv_elementwise_add_fuse_pass.dot b/test/ir/inference/__main___cache_dir/32_ir_conv_elementwise_add_fuse_pass.dot new file mode 100644 index 00000000000000..6510e1f9786f3a --- /dev/null +++ b/test/ir/inference/__main___cache_dir/32_ir_conv_elementwise_add_fuse_pass.dot @@ -0,0 +1,57 @@ +digraph G { + node_81545[label="trans_out1(12) +9,1" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] + node_81544[label="flatten2(14)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] + node_81541[label="feed(3)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] + node_81540[label="xshape1(16) +0,9,1" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] + node_81527[label="transpose2(5)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] + node_81526[label="trans_shape1(13) +0,1,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] + node_81530[label="feed(0)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] + node_81543[label="concat_out(18) +2,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] + node_81529[label="transpose2_x1(2) +1,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] + node_81524[label="fetch(20)" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] + node_81532[label="concat(17)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] + node_81531[label="flatten2_out0(9) +1,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] + node_81533[label="trans_out0(6) +9,1" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] + node_81542[label="xshape0(10) +0,9,1" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] + node_81528[label="transpose2_x0(4) +1,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] + node_81534[label="feed(1)" shape="box" style="rounded,filled,bold" fontname="Arial" color="#148b97" fontcolor="#ffffff"] + node_81537[label="place_holder_weight(21) +1" shape="box" style="rounded,filled,bold" fontname="Arial" color="#148b97" fontcolor="#ffffff"] + node_81535[label="trans_shape0(7) +0,1,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] + node_81539[label="flatten2(8)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] + node_81536[label="transpose2(11)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] + node_81525[label="fetch(19)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] + node_81538[label="flatten2_out1(15) +1,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] + node_81525->node_81524 + node_81527->node_81533 + node_81527->node_81535 + node_81528->node_81527 + node_81529->node_81536 + node_81530->node_81529 + node_81531->node_81532 + node_81532->node_81543 + node_81533->node_81539 + node_81534->node_81530 + node_81534->node_81541 + node_81536->node_81545 + node_81536->node_81526 + node_81538->node_81532 + node_81539->node_81531 + node_81539->node_81542 + node_81541->node_81528 + node_81543->node_81525 + node_81544->node_81538 + node_81544->node_81540 + node_81545->node_81544 +} // end G diff --git a/test/ir/inference/__main___cache_dir/33_ir_transpose_flatten_concat_fuse_pass.dot b/test/ir/inference/__main___cache_dir/33_ir_transpose_flatten_concat_fuse_pass.dot new file mode 100644 index 00000000000000..6d2d32e1c939a9 --- /dev/null +++ b/test/ir/inference/__main___cache_dir/33_ir_transpose_flatten_concat_fuse_pass.dot @@ -0,0 +1,33 @@ +digraph G { + node_81559[label="concat_out(18) +2,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] + node_81558[label="xshape0(10) +0,9,1" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] + node_81557[label="feed(3)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] + node_81556[label="xshape1(16) +0,9,1" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] + node_81554[label="trans_shape0(7) +0,1,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] + node_81555[label="place_holder_weight(21) +1" shape="box" style="rounded,filled,bold" fontname="Arial" color="#148b97" fontcolor="#ffffff"] + node_81553[label="feed(1)" shape="box" style="rounded,filled,bold" fontname="Arial" color="#148b97" fontcolor="#ffffff"] + node_81547[label="fetch(20)" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] + node_81551[label="transpose2_x1(2) +1,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] + node_81546[label="fusion_transpose_flatten_concat(22)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] + node_81552[label="feed(0)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] + node_81549[label="trans_shape1(13) +0,1,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] + node_81548[label="fetch(19)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] + node_81550[label="transpose2_x0(4) +1,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] + node_81546->node_81559 + node_81548->node_81547 + node_81550->node_81546 + node_81551->node_81546 + node_81552->node_81551 + node_81553->node_81552 + node_81553->node_81557 + node_81557->node_81550 + node_81559->node_81548 +} // end G diff --git a/test/ir/inference/__main___cache_dir/34_ir_conv2d_fusion_layout_transfer_pass.dot b/test/ir/inference/__main___cache_dir/34_ir_conv2d_fusion_layout_transfer_pass.dot new file mode 100644 index 00000000000000..dca8f6887d2268 --- /dev/null +++ b/test/ir/inference/__main___cache_dir/34_ir_conv2d_fusion_layout_transfer_pass.dot @@ -0,0 +1,33 @@ +digraph G { + node_81573[label="concat_out(18) +2,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] + node_81572[label="xshape0(10) +0,9,1" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] + node_81571[label="feed(3)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] + node_81570[label="xshape1(16) +0,9,1" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] + node_81568[label="trans_shape0(7) +0,1,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] + node_81569[label="place_holder_weight(21) +1" shape="box" style="rounded,filled,bold" fontname="Arial" color="#148b97" fontcolor="#ffffff"] + node_81567[label="feed(1)" shape="box" style="rounded,filled,bold" fontname="Arial" color="#148b97" fontcolor="#ffffff"] + node_81561[label="fetch(20)" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] + node_81565[label="transpose2_x1(2) +1,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] + node_81560[label="fusion_transpose_flatten_concat(22)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] + node_81566[label="feed(0)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] + node_81563[label="trans_shape1(13) +0,1,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] + node_81562[label="fetch(19)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] + node_81564[label="transpose2_x0(4) +1,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] + node_81560->node_81573 + node_81562->node_81561 + node_81564->node_81560 + node_81565->node_81560 + node_81566->node_81565 + node_81567->node_81566 + node_81567->node_81571 + node_81571->node_81564 + node_81573->node_81562 +} // end G diff --git a/test/ir/inference/__main___cache_dir/35_ir_transfer_layout_elim_pass.dot b/test/ir/inference/__main___cache_dir/35_ir_transfer_layout_elim_pass.dot new file mode 100644 index 00000000000000..61d291b4f139ff --- /dev/null +++ b/test/ir/inference/__main___cache_dir/35_ir_transfer_layout_elim_pass.dot @@ -0,0 +1,33 @@ +digraph G { + node_81587[label="concat_out(18) +2,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] + node_81586[label="xshape0(10) +0,9,1" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] + node_81585[label="feed(3)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] + node_81584[label="xshape1(16) +0,9,1" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] + node_81582[label="trans_shape0(7) +0,1,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] + node_81583[label="place_holder_weight(21) +1" shape="box" style="rounded,filled,bold" fontname="Arial" color="#148b97" fontcolor="#ffffff"] + node_81581[label="feed(1)" shape="box" style="rounded,filled,bold" fontname="Arial" color="#148b97" fontcolor="#ffffff"] + node_81575[label="fetch(20)" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] + node_81579[label="transpose2_x1(2) +1,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] + node_81574[label="fusion_transpose_flatten_concat(22)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] + node_81580[label="feed(0)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] + node_81577[label="trans_shape1(13) +0,1,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] + node_81576[label="fetch(19)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] + node_81578[label="transpose2_x0(4) +1,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] + node_81574->node_81587 + node_81576->node_81575 + node_81578->node_81574 + node_81579->node_81574 + node_81580->node_81579 + node_81581->node_81580 + node_81581->node_81585 + node_81585->node_81578 + node_81587->node_81576 +} // end G diff --git a/test/ir/inference/__main___cache_dir/36_ir_auto_mixed_precision_pass.dot b/test/ir/inference/__main___cache_dir/36_ir_auto_mixed_precision_pass.dot new file mode 100644 index 00000000000000..c6507506e56fc7 --- /dev/null +++ b/test/ir/inference/__main___cache_dir/36_ir_auto_mixed_precision_pass.dot @@ -0,0 +1,33 @@ +digraph G { + node_81601[label="concat_out(18) +2,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] + node_81600[label="xshape0(10) +0,9,1" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] + node_81599[label="feed(3)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] + node_81598[label="xshape1(16) +0,9,1" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] + node_81596[label="trans_shape0(7) +0,1,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] + node_81597[label="place_holder_weight(21) +1" shape="box" style="rounded,filled,bold" fontname="Arial" color="#148b97" fontcolor="#ffffff"] + node_81595[label="feed(1)" shape="box" style="rounded,filled,bold" fontname="Arial" color="#148b97" fontcolor="#ffffff"] + node_81589[label="fetch(20)" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] + node_81593[label="transpose2_x1(2) +1,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] + node_81588[label="fusion_transpose_flatten_concat(22)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] + node_81594[label="feed(0)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] + node_81591[label="trans_shape1(13) +0,1,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] + node_81590[label="fetch(19)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] + node_81592[label="transpose2_x0(4) +1,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] + node_81588->node_81601 + node_81590->node_81589 + node_81592->node_81588 + node_81593->node_81588 + node_81594->node_81593 + node_81595->node_81594 + node_81595->node_81599 + node_81599->node_81592 + node_81601->node_81590 +} // end G diff --git a/test/ir/inference/__main___cache_dir/37_ir_identity_op_clean_pass.dot b/test/ir/inference/__main___cache_dir/37_ir_identity_op_clean_pass.dot new file mode 100644 index 00000000000000..6ab55330037b14 --- /dev/null +++ b/test/ir/inference/__main___cache_dir/37_ir_identity_op_clean_pass.dot @@ -0,0 +1,33 @@ +digraph G { + node_81615[label="concat_out(18) +2,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] + node_81614[label="xshape0(10) +0,9,1" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] + node_81613[label="feed(3)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] + node_81612[label="xshape1(16) +0,9,1" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] + node_81610[label="trans_shape0(7) +0,1,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] + node_81611[label="place_holder_weight(21) +1" shape="box" style="rounded,filled,bold" fontname="Arial" color="#148b97" fontcolor="#ffffff"] + node_81609[label="feed(1)" shape="box" style="rounded,filled,bold" fontname="Arial" color="#148b97" fontcolor="#ffffff"] + node_81603[label="fetch(20)" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] + node_81607[label="transpose2_x1(2) +1,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] + node_81602[label="fusion_transpose_flatten_concat(22)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] + node_81608[label="feed(0)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] + node_81605[label="trans_shape1(13) +0,1,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] + node_81604[label="fetch(19)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] + node_81606[label="transpose2_x0(4) +1,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] + node_81602->node_81615 + node_81604->node_81603 + node_81606->node_81602 + node_81607->node_81602 + node_81608->node_81607 + node_81609->node_81608 + node_81609->node_81613 + node_81613->node_81606 + node_81615->node_81604 +} // end G diff --git a/test/ir/inference/__main___cache_dir/38_ir_inplace_op_var_pass.dot b/test/ir/inference/__main___cache_dir/38_ir_inplace_op_var_pass.dot new file mode 100644 index 00000000000000..3a313e5667860d --- /dev/null +++ b/test/ir/inference/__main___cache_dir/38_ir_inplace_op_var_pass.dot @@ -0,0 +1,33 @@ +digraph G { + node_81629[label="concat_out(18) +2,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] + node_81628[label="xshape0(10) +0,9,1" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] + node_81627[label="feed(3)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] + node_81626[label="xshape1(16) +0,9,1" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] + node_81624[label="trans_shape0(7) +0,1,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] + node_81625[label="place_holder_weight(21) +1" shape="box" style="rounded,filled,bold" fontname="Arial" color="#148b97" fontcolor="#ffffff"] + node_81623[label="feed(1)" shape="box" style="rounded,filled,bold" fontname="Arial" color="#148b97" fontcolor="#ffffff"] + node_81617[label="fetch(20)" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] + node_81621[label="transpose2_x1(2) +1,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] + node_81616[label="fusion_transpose_flatten_concat(22)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] + node_81622[label="feed(0)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] + node_81619[label="trans_shape1(13) +0,1,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] + node_81618[label="fetch(19)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] + node_81620[label="transpose2_x0(4) +1,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] + node_81616->node_81629 + node_81618->node_81617 + node_81620->node_81616 + node_81621->node_81616 + node_81622->node_81621 + node_81623->node_81622 + node_81623->node_81627 + node_81627->node_81620 + node_81629->node_81618 +} // end G diff --git a/test/ir/inference/__main___cache_dir/3_ir_delete_quant_dequant_linear_op_pass.dot b/test/ir/inference/__main___cache_dir/3_ir_delete_quant_dequant_linear_op_pass.dot new file mode 100644 index 00000000000000..44d452c75e99e6 --- /dev/null +++ b/test/ir/inference/__main___cache_dir/3_ir_delete_quant_dequant_linear_op_pass.dot @@ -0,0 +1,57 @@ +digraph G { + node_80907[label="trans_out1(12) +9,1" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] + node_80906[label="flatten2(14)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] + node_80903[label="feed(3)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] + node_80902[label="xshape1(16) +0,9,1" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] + node_80889[label="transpose2(5)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] + node_80888[label="trans_shape1(13) +0,1,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] + node_80892[label="feed(0)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] + node_80905[label="concat_out(18) +2,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] + node_80891[label="transpose2_x1(2) +1,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] + node_80886[label="fetch(20)" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] + node_80894[label="concat(17)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] + node_80893[label="flatten2_out0(9) +1,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] + node_80895[label="trans_out0(6) +9,1" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] + node_80904[label="xshape0(10) +0,9,1" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] + node_80890[label="transpose2_x0(4) +1,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] + node_80896[label="feed(1)" shape="box" style="rounded,filled,bold" fontname="Arial" color="#148b97" fontcolor="#ffffff"] + node_80899[label="place_holder_weight(21) +1" shape="box" style="rounded,filled,bold" fontname="Arial" color="#148b97" fontcolor="#ffffff"] + node_80897[label="trans_shape0(7) +0,1,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] + node_80901[label="flatten2(8)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] + node_80898[label="transpose2(11)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] + node_80887[label="fetch(19)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] + node_80900[label="flatten2_out1(15) +1,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] + node_80887->node_80886 + node_80889->node_80895 + node_80889->node_80897 + node_80890->node_80889 + node_80891->node_80898 + node_80892->node_80891 + node_80893->node_80894 + node_80894->node_80905 + node_80895->node_80901 + node_80896->node_80892 + node_80896->node_80903 + node_80898->node_80907 + node_80898->node_80888 + node_80900->node_80894 + node_80901->node_80893 + node_80901->node_80904 + node_80903->node_80890 + node_80905->node_80887 + node_80906->node_80900 + node_80906->node_80902 + node_80907->node_80906 +} // end G diff --git a/test/ir/inference/__main___cache_dir/4_ir_delete_weight_dequant_linear_op_pass.dot b/test/ir/inference/__main___cache_dir/4_ir_delete_weight_dequant_linear_op_pass.dot new file mode 100644 index 00000000000000..0899043982d725 --- /dev/null +++ b/test/ir/inference/__main___cache_dir/4_ir_delete_weight_dequant_linear_op_pass.dot @@ -0,0 +1,57 @@ +digraph G { + node_80929[label="trans_out1(12) +9,1" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] + node_80928[label="flatten2(14)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] + node_80925[label="feed(3)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] + node_80924[label="xshape1(16) +0,9,1" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] + node_80911[label="transpose2(5)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] + node_80910[label="trans_shape1(13) +0,1,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] + node_80914[label="feed(0)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] + node_80927[label="concat_out(18) +2,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] + node_80913[label="transpose2_x1(2) +1,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] + node_80908[label="fetch(20)" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] + node_80916[label="concat(17)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] + node_80915[label="flatten2_out0(9) +1,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] + node_80917[label="trans_out0(6) +9,1" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] + node_80926[label="xshape0(10) +0,9,1" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] + node_80912[label="transpose2_x0(4) +1,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] + node_80918[label="feed(1)" shape="box" style="rounded,filled,bold" fontname="Arial" color="#148b97" fontcolor="#ffffff"] + node_80921[label="place_holder_weight(21) +1" shape="box" style="rounded,filled,bold" fontname="Arial" color="#148b97" fontcolor="#ffffff"] + node_80919[label="trans_shape0(7) +0,1,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] + node_80923[label="flatten2(8)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] + node_80920[label="transpose2(11)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] + node_80909[label="fetch(19)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] + node_80922[label="flatten2_out1(15) +1,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] + node_80909->node_80908 + node_80911->node_80917 + node_80911->node_80919 + node_80912->node_80911 + node_80913->node_80920 + node_80914->node_80913 + node_80915->node_80916 + node_80916->node_80927 + node_80917->node_80923 + node_80918->node_80914 + node_80918->node_80925 + node_80920->node_80929 + node_80920->node_80910 + node_80922->node_80916 + node_80923->node_80915 + node_80923->node_80926 + node_80925->node_80912 + node_80927->node_80909 + node_80928->node_80922 + node_80928->node_80924 + node_80929->node_80928 +} // end G diff --git a/test/ir/inference/__main___cache_dir/5_ir_constant_folding_pass.dot b/test/ir/inference/__main___cache_dir/5_ir_constant_folding_pass.dot new file mode 100644 index 00000000000000..7a6d9069e587a4 --- /dev/null +++ b/test/ir/inference/__main___cache_dir/5_ir_constant_folding_pass.dot @@ -0,0 +1,57 @@ +digraph G { + node_80951[label="trans_out1(12) +9,1" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] + node_80950[label="flatten2(14)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] + node_80947[label="feed(3)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] + node_80946[label="xshape1(16) +0,9,1" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] + node_80933[label="transpose2(5)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] + node_80932[label="trans_shape1(13) +0,1,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] + node_80936[label="feed(0)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] + node_80949[label="concat_out(18) +2,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] + node_80935[label="transpose2_x1(2) +1,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] + node_80930[label="fetch(20)" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] + node_80938[label="concat(17)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] + node_80937[label="flatten2_out0(9) +1,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] + node_80939[label="trans_out0(6) +9,1" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] + node_80948[label="xshape0(10) +0,9,1" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] + node_80934[label="transpose2_x0(4) +1,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] + node_80940[label="feed(1)" shape="box" style="rounded,filled,bold" fontname="Arial" color="#148b97" fontcolor="#ffffff"] + node_80943[label="place_holder_weight(21) +1" shape="box" style="rounded,filled,bold" fontname="Arial" color="#148b97" fontcolor="#ffffff"] + node_80941[label="trans_shape0(7) +0,1,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] + node_80945[label="flatten2(8)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] + node_80942[label="transpose2(11)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] + node_80931[label="fetch(19)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] + node_80944[label="flatten2_out1(15) +1,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] + node_80931->node_80930 + node_80933->node_80939 + node_80933->node_80941 + node_80934->node_80933 + node_80935->node_80942 + node_80936->node_80935 + node_80937->node_80938 + node_80938->node_80949 + node_80939->node_80945 + node_80940->node_80936 + node_80940->node_80947 + node_80942->node_80951 + node_80942->node_80932 + node_80944->node_80938 + node_80945->node_80937 + node_80945->node_80948 + node_80947->node_80934 + node_80949->node_80931 + node_80950->node_80944 + node_80950->node_80946 + node_80951->node_80950 +} // end G diff --git a/test/ir/inference/__main___cache_dir/6_ir_silu_fuse_pass.dot b/test/ir/inference/__main___cache_dir/6_ir_silu_fuse_pass.dot new file mode 100644 index 00000000000000..84a3b98e80dca2 --- /dev/null +++ b/test/ir/inference/__main___cache_dir/6_ir_silu_fuse_pass.dot @@ -0,0 +1,57 @@ +digraph G { + node_80973[label="trans_out1(12) +9,1" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] + node_80972[label="flatten2(14)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] + node_80969[label="feed(3)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] + node_80968[label="xshape1(16) +0,9,1" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] + node_80955[label="transpose2(5)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] + node_80954[label="trans_shape1(13) +0,1,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] + node_80958[label="feed(0)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] + node_80971[label="concat_out(18) +2,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] + node_80957[label="transpose2_x1(2) +1,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] + node_80952[label="fetch(20)" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] + node_80960[label="concat(17)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] + node_80959[label="flatten2_out0(9) +1,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] + node_80961[label="trans_out0(6) +9,1" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] + node_80970[label="xshape0(10) +0,9,1" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] + node_80956[label="transpose2_x0(4) +1,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] + node_80962[label="feed(1)" shape="box" style="rounded,filled,bold" fontname="Arial" color="#148b97" fontcolor="#ffffff"] + node_80965[label="place_holder_weight(21) +1" shape="box" style="rounded,filled,bold" fontname="Arial" color="#148b97" fontcolor="#ffffff"] + node_80963[label="trans_shape0(7) +0,1,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] + node_80967[label="flatten2(8)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] + node_80964[label="transpose2(11)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] + node_80953[label="fetch(19)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] + node_80966[label="flatten2_out1(15) +1,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] + node_80953->node_80952 + node_80955->node_80961 + node_80955->node_80963 + node_80956->node_80955 + node_80957->node_80964 + node_80958->node_80957 + node_80959->node_80960 + node_80960->node_80971 + node_80961->node_80967 + node_80962->node_80958 + node_80962->node_80969 + node_80964->node_80973 + node_80964->node_80954 + node_80966->node_80960 + node_80967->node_80959 + node_80967->node_80970 + node_80969->node_80956 + node_80971->node_80953 + node_80972->node_80966 + node_80972->node_80968 + node_80973->node_80972 +} // end G diff --git a/test/ir/inference/__main___cache_dir/7_ir_conv_bn_fuse_pass.dot b/test/ir/inference/__main___cache_dir/7_ir_conv_bn_fuse_pass.dot new file mode 100644 index 00000000000000..4dc34ccb39d50a --- /dev/null +++ b/test/ir/inference/__main___cache_dir/7_ir_conv_bn_fuse_pass.dot @@ -0,0 +1,57 @@ +digraph G { + node_80995[label="trans_out1(12) +9,1" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] + node_80994[label="flatten2(14)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] + node_80991[label="feed(3)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] + node_80990[label="xshape1(16) +0,9,1" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] + node_80977[label="transpose2(5)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] + node_80976[label="trans_shape1(13) +0,1,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] + node_80980[label="feed(0)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] + node_80993[label="concat_out(18) +2,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] + node_80979[label="transpose2_x1(2) +1,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] + node_80974[label="fetch(20)" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] + node_80982[label="concat(17)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] + node_80981[label="flatten2_out0(9) +1,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] + node_80983[label="trans_out0(6) +9,1" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] + node_80992[label="xshape0(10) +0,9,1" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] + node_80978[label="transpose2_x0(4) +1,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] + node_80984[label="feed(1)" shape="box" style="rounded,filled,bold" fontname="Arial" color="#148b97" fontcolor="#ffffff"] + node_80987[label="place_holder_weight(21) +1" shape="box" style="rounded,filled,bold" fontname="Arial" color="#148b97" fontcolor="#ffffff"] + node_80985[label="trans_shape0(7) +0,1,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] + node_80989[label="flatten2(8)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] + node_80986[label="transpose2(11)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] + node_80975[label="fetch(19)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] + node_80988[label="flatten2_out1(15) +1,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] + node_80975->node_80974 + node_80977->node_80983 + node_80977->node_80985 + node_80978->node_80977 + node_80979->node_80986 + node_80980->node_80979 + node_80981->node_80982 + node_80982->node_80993 + node_80983->node_80989 + node_80984->node_80980 + node_80984->node_80991 + node_80986->node_80995 + node_80986->node_80976 + node_80988->node_80982 + node_80989->node_80981 + node_80989->node_80992 + node_80991->node_80978 + node_80993->node_80975 + node_80994->node_80988 + node_80994->node_80990 + node_80995->node_80994 +} // end G diff --git a/test/ir/inference/__main___cache_dir/8_ir_conv_eltwiseadd_bn_fuse_pass.dot b/test/ir/inference/__main___cache_dir/8_ir_conv_eltwiseadd_bn_fuse_pass.dot new file mode 100644 index 00000000000000..32a4c3e1737a7e --- /dev/null +++ b/test/ir/inference/__main___cache_dir/8_ir_conv_eltwiseadd_bn_fuse_pass.dot @@ -0,0 +1,57 @@ +digraph G { + node_81017[label="trans_out1(12) +9,1" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] + node_81016[label="flatten2(14)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] + node_81013[label="feed(3)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] + node_81012[label="xshape1(16) +0,9,1" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] + node_80999[label="transpose2(5)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] + node_80998[label="trans_shape1(13) +0,1,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] + node_81002[label="feed(0)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] + node_81015[label="concat_out(18) +2,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] + node_81001[label="transpose2_x1(2) +1,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] + node_80996[label="fetch(20)" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] + node_81004[label="concat(17)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] + node_81003[label="flatten2_out0(9) +1,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] + node_81005[label="trans_out0(6) +9,1" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] + node_81014[label="xshape0(10) +0,9,1" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] + node_81000[label="transpose2_x0(4) +1,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] + node_81006[label="feed(1)" shape="box" style="rounded,filled,bold" fontname="Arial" color="#148b97" fontcolor="#ffffff"] + node_81009[label="place_holder_weight(21) +1" shape="box" style="rounded,filled,bold" fontname="Arial" color="#148b97" fontcolor="#ffffff"] + node_81007[label="trans_shape0(7) +0,1,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] + node_81011[label="flatten2(8)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] + node_81008[label="transpose2(11)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] + node_80997[label="fetch(19)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] + node_81010[label="flatten2_out1(15) +1,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] + node_80997->node_80996 + node_80999->node_81005 + node_80999->node_81007 + node_81000->node_80999 + node_81001->node_81008 + node_81002->node_81001 + node_81003->node_81004 + node_81004->node_81015 + node_81005->node_81011 + node_81006->node_81002 + node_81006->node_81013 + node_81008->node_81017 + node_81008->node_80998 + node_81010->node_81004 + node_81011->node_81003 + node_81011->node_81014 + node_81013->node_81000 + node_81015->node_80997 + node_81016->node_81010 + node_81016->node_81012 + node_81017->node_81016 +} // end G diff --git a/test/ir/inference/__main___cache_dir/9_ir_embedding_eltwise_layernorm_fuse_pass.dot b/test/ir/inference/__main___cache_dir/9_ir_embedding_eltwise_layernorm_fuse_pass.dot new file mode 100644 index 00000000000000..d044e9c3fc6005 --- /dev/null +++ b/test/ir/inference/__main___cache_dir/9_ir_embedding_eltwise_layernorm_fuse_pass.dot @@ -0,0 +1,57 @@ +digraph G { + node_81039[label="trans_out1(12) +9,1" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] + node_81038[label="flatten2(14)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] + node_81035[label="feed(3)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] + node_81034[label="xshape1(16) +0,9,1" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] + node_81021[label="transpose2(5)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] + node_81020[label="trans_shape1(13) +0,1,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] + node_81024[label="feed(0)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] + node_81037[label="concat_out(18) +2,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] + node_81023[label="transpose2_x1(2) +1,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] + node_81018[label="fetch(20)" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] + node_81026[label="concat(17)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] + node_81025[label="flatten2_out0(9) +1,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] + node_81027[label="trans_out0(6) +9,1" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] + node_81036[label="xshape0(10) +0,9,1" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] + node_81022[label="transpose2_x0(4) +1,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] + node_81028[label="feed(1)" shape="box" style="rounded,filled,bold" fontname="Arial" color="#148b97" fontcolor="#ffffff"] + node_81031[label="place_holder_weight(21) +1" shape="box" style="rounded,filled,bold" fontname="Arial" color="#148b97" fontcolor="#ffffff"] + node_81029[label="trans_shape0(7) +0,1,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] + node_81033[label="flatten2(8)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] + node_81030[label="transpose2(11)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] + node_81019[label="fetch(19)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] + node_81032[label="flatten2_out1(15) +1,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] + node_81019->node_81018 + node_81021->node_81027 + node_81021->node_81029 + node_81022->node_81021 + node_81023->node_81030 + node_81024->node_81023 + node_81025->node_81026 + node_81026->node_81037 + node_81027->node_81033 + node_81028->node_81024 + node_81028->node_81035 + node_81030->node_81039 + node_81030->node_81020 + node_81032->node_81026 + node_81033->node_81025 + node_81033->node_81036 + node_81035->node_81022 + node_81037->node_81019 + node_81038->node_81032 + node_81038->node_81034 + node_81039->node_81038 +} // end G diff --git a/test/ir/inference/__main___cache_dir/auto_mixed_precision_pass.pdmodel b/test/ir/inference/__main___cache_dir/auto_mixed_precision_pass.pdmodel new file mode 100644 index 0000000000000000000000000000000000000000..56f395339c526ed919541dfb2dfe4b9807572fa8 GIT binary patch literal 612 zcmah{-A;or6mEfS<;b+FUM$sQv%UcAMZEQ{A*=`q0W!MCbNGHfix%oOz$Nyk={aA& zpPs^(M-cr!EzFlNOO;MC<`CFozJ)*^;;^T{UVa z+mHnYLSSwn24E;Afanh(054T)ZxsFYR584w_yYHJ5hqG!Rk2qG`JwXnOfxXLbMQJ{ zL-PoW_KIiUm_nE4nBF#@0FtUqVlAtqX19hF`ZP`#SM0zC{Kl-~2XJ2vX7m6N?|Z@r zH>nDW*7*NB;q(p?pBSDyp%HgDK1OV14GawPO?qtds+8xU$h3&HR;9G5#0qYH^Tlo6 o7=uVK2u`3u4eaFmiW}k(i3sjGPXjp?SO@mgaJyZyBjFJA10ZXUDgXcg literal 0 HcmV?d00001 diff --git a/test/ir/inference/__main___cache_dir/constant_folding_pass.pdmodel b/test/ir/inference/__main___cache_dir/constant_folding_pass.pdmodel new file mode 100644 index 0000000000000000000000000000000000000000..f681386b53e59c9f559347d46475a74ef1d56266 GIT binary patch literal 1899 zcmd^A%aYPS6zzlok~;x&SW-IOC2!k zbh!tP)24)4)TM+!hhBkLCYc_~wa+|+IM6`|0x(4b5F7w5pf`<_F*+X0WMvu|I0qs!!d6bET2HW9ci3#!Kho?aoG&94YB@`yiB9F6o`0Ab2H0{3PV$y9O{1Si!~7|9 z*GJgEc94zx!~N>z;WL0Ri9==bFa?{EZmD8AHTZ8(3awFSpOm%8K=Scmkd4cey55T_8R$F@+cehtr8NN=}n> zp$xTOx>xb$wc6nH;sWU6CYr>tEFfmH)ClNKqePikV?hB{nU*DlcHR+_{be@@wq~%Kjd`U*mj9i+eC*7a2-_h) E0onTQi~s-t literal 0 HcmV?d00001 diff --git a/test/ir/inference/__main___cache_dir/conv2d_fusion_layout_transfer_pass.pdmodel b/test/ir/inference/__main___cache_dir/conv2d_fusion_layout_transfer_pass.pdmodel new file mode 100644 index 0000000000000000000000000000000000000000..56f395339c526ed919541dfb2dfe4b9807572fa8 GIT binary patch literal 612 zcmah{-A;or6mEfS<;b+FUM$sQv%UcAMZEQ{A*=`q0W!MCbNGHfix%oOz$Nyk={aA& zpPs^(M-cr!EzFlNOO;MC<`CFozJ)*^;;^T{UVa z+mHnYLSSwn24E;Afanh(054T)ZxsFYR584w_yYHJ5hqG!Rk2qG`JwXnOfxXLbMQJ{ zL-PoW_KIiUm_nE4nBF#@0FtUqVlAtqX19hF`ZP`#SM0zC{Kl-~2XJ2vX7m6N?|Z@r zH>nDW*7*NB;q(p?pBSDyp%HgDK1OV14GawPO?qtds+8xU$h3&HR;9G5#0qYH^Tlo6 o7=uVK2u`3u4eaFmiW}k(i3sjGPXjp?SO@mgaJyZyBjFJA10ZXUDgXcg literal 0 HcmV?d00001 diff --git a/test/ir/inference/__main___cache_dir/conv_bn_fuse_pass.pdmodel b/test/ir/inference/__main___cache_dir/conv_bn_fuse_pass.pdmodel new file mode 100644 index 0000000000000000000000000000000000000000..f681386b53e59c9f559347d46475a74ef1d56266 GIT binary patch literal 1899 zcmd^A%aYPS6zzlok~;x&SW-IOC2!k zbh!tP)24)4)TM+!hhBkLCYc_~wa+|+IM6`|0x(4b5F7w5pf`<_F*+X0WMvu|I0qs!!d6bET2HW9ci3#!Kho?aoG&94YB@`yiB9F6o`0Ab2H0{3PV$y9O{1Si!~7|9 z*GJgEc94zx!~N>z;WL0Ri9==bFa?{EZmD8AHTZ8(3awFSpOm%8K=Scmkd4cey55T_8R$F@+cehtr8NN=}n> zp$xTOx>xb$wc6nH;sWU6CYr>tEFfmH)ClNKqePikV?hB{nU*DlcHR+_{be@@wq~%Kjd`U*mj9i+eC*7a2-_h) E0onTQi~s-t literal 0 HcmV?d00001 diff --git a/test/ir/inference/__main___cache_dir/conv_elementwise_add2_act_fuse_pass.pdmodel b/test/ir/inference/__main___cache_dir/conv_elementwise_add2_act_fuse_pass.pdmodel new file mode 100644 index 0000000000000000000000000000000000000000..f681386b53e59c9f559347d46475a74ef1d56266 GIT binary patch literal 1899 zcmd^A%aYPS6zzlok~;x&SW-IOC2!k zbh!tP)24)4)TM+!hhBkLCYc_~wa+|+IM6`|0x(4b5F7w5pf`<_F*+X0WMvu|I0qs!!d6bET2HW9ci3#!Kho?aoG&94YB@`yiB9F6o`0Ab2H0{3PV$y9O{1Si!~7|9 z*GJgEc94zx!~N>z;WL0Ri9==bFa?{EZmD8AHTZ8(3awFSpOm%8K=Scmkd4cey55T_8R$F@+cehtr8NN=}n> zp$xTOx>xb$wc6nH;sWU6CYr>tEFfmH)ClNKqePikV?hB{nU*DlcHR+_{be@@wq~%Kjd`U*mj9i+eC*7a2-_h) E0onTQi~s-t literal 0 HcmV?d00001 diff --git a/test/ir/inference/__main___cache_dir/conv_elementwise_add_act_fuse_pass.pdmodel b/test/ir/inference/__main___cache_dir/conv_elementwise_add_act_fuse_pass.pdmodel new file mode 100644 index 0000000000000000000000000000000000000000..f681386b53e59c9f559347d46475a74ef1d56266 GIT binary patch literal 1899 zcmd^A%aYPS6zzlok~;x&SW-IOC2!k zbh!tP)24)4)TM+!hhBkLCYc_~wa+|+IM6`|0x(4b5F7w5pf`<_F*+X0WMvu|I0qs!!d6bET2HW9ci3#!Kho?aoG&94YB@`yiB9F6o`0Ab2H0{3PV$y9O{1Si!~7|9 z*GJgEc94zx!~N>z;WL0Ri9==bFa?{EZmD8AHTZ8(3awFSpOm%8K=Scmkd4cey55T_8R$F@+cehtr8NN=}n> zp$xTOx>xb$wc6nH;sWU6CYr>tEFfmH)ClNKqePikV?hB{nU*DlcHR+_{be@@wq~%Kjd`U*mj9i+eC*7a2-_h) E0onTQi~s-t literal 0 HcmV?d00001 diff --git a/test/ir/inference/__main___cache_dir/conv_elementwise_add_fuse_pass.pdmodel b/test/ir/inference/__main___cache_dir/conv_elementwise_add_fuse_pass.pdmodel new file mode 100644 index 0000000000000000000000000000000000000000..f681386b53e59c9f559347d46475a74ef1d56266 GIT binary patch literal 1899 zcmd^A%aYPS6zzlok~;x&SW-IOC2!k zbh!tP)24)4)TM+!hhBkLCYc_~wa+|+IM6`|0x(4b5F7w5pf`<_F*+X0WMvu|I0qs!!d6bET2HW9ci3#!Kho?aoG&94YB@`yiB9F6o`0Ab2H0{3PV$y9O{1Si!~7|9 z*GJgEc94zx!~N>z;WL0Ri9==bFa?{EZmD8AHTZ8(3awFSpOm%8K=Scmkd4cey55T_8R$F@+cehtr8NN=}n> zp$xTOx>xb$wc6nH;sWU6CYr>tEFfmH)ClNKqePikV?hB{nU*DlcHR+_{be@@wq~%Kjd`U*mj9i+eC*7a2-_h) E0onTQi~s-t literal 0 HcmV?d00001 diff --git a/test/ir/inference/__main___cache_dir/conv_eltwiseadd_bn_fuse_pass.pdmodel b/test/ir/inference/__main___cache_dir/conv_eltwiseadd_bn_fuse_pass.pdmodel new file mode 100644 index 0000000000000000000000000000000000000000..f681386b53e59c9f559347d46475a74ef1d56266 GIT binary patch literal 1899 zcmd^A%aYPS6zzlok~;x&SW-IOC2!k zbh!tP)24)4)TM+!hhBkLCYc_~wa+|+IM6`|0x(4b5F7w5pf`<_F*+X0WMvu|I0qs!!d6bET2HW9ci3#!Kho?aoG&94YB@`yiB9F6o`0Ab2H0{3PV$y9O{1Si!~7|9 z*GJgEc94zx!~N>z;WL0Ri9==bFa?{EZmD8AHTZ8(3awFSpOm%8K=Scmkd4cey55T_8R$F@+cehtr8NN=}n> zp$xTOx>xb$wc6nH;sWU6CYr>tEFfmH)ClNKqePikV?hB{nU*DlcHR+_{be@@wq~%Kjd`U*mj9i+eC*7a2-_h) E0onTQi~s-t literal 0 HcmV?d00001 diff --git a/test/ir/inference/__main___cache_dir/delete_quant_dequant_linear_op_pass.pdmodel b/test/ir/inference/__main___cache_dir/delete_quant_dequant_linear_op_pass.pdmodel new file mode 100644 index 0000000000000000000000000000000000000000..f681386b53e59c9f559347d46475a74ef1d56266 GIT binary patch literal 1899 zcmd^A%aYPS6zzlok~;x&SW-IOC2!k zbh!tP)24)4)TM+!hhBkLCYc_~wa+|+IM6`|0x(4b5F7w5pf`<_F*+X0WMvu|I0qs!!d6bET2HW9ci3#!Kho?aoG&94YB@`yiB9F6o`0Ab2H0{3PV$y9O{1Si!~7|9 z*GJgEc94zx!~N>z;WL0Ri9==bFa?{EZmD8AHTZ8(3awFSpOm%8K=Scmkd4cey55T_8R$F@+cehtr8NN=}n> zp$xTOx>xb$wc6nH;sWU6CYr>tEFfmH)ClNKqePikV?hB{nU*DlcHR+_{be@@wq~%Kjd`U*mj9i+eC*7a2-_h) E0onTQi~s-t literal 0 HcmV?d00001 diff --git a/test/ir/inference/__main___cache_dir/delete_weight_dequant_linear_op_pass.pdmodel b/test/ir/inference/__main___cache_dir/delete_weight_dequant_linear_op_pass.pdmodel new file mode 100644 index 0000000000000000000000000000000000000000..f681386b53e59c9f559347d46475a74ef1d56266 GIT binary patch literal 1899 zcmd^A%aYPS6zzlok~;x&SW-IOC2!k zbh!tP)24)4)TM+!hhBkLCYc_~wa+|+IM6`|0x(4b5F7w5pf`<_F*+X0WMvu|I0qs!!d6bET2HW9ci3#!Kho?aoG&94YB@`yiB9F6o`0Ab2H0{3PV$y9O{1Si!~7|9 z*GJgEc94zx!~N>z;WL0Ri9==bFa?{EZmD8AHTZ8(3awFSpOm%8K=Scmkd4cey55T_8R$F@+cehtr8NN=}n> zp$xTOx>xb$wc6nH;sWU6CYr>tEFfmH)ClNKqePikV?hB{nU*DlcHR+_{be@@wq~%Kjd`U*mj9i+eC*7a2-_h) E0onTQi~s-t literal 0 HcmV?d00001 diff --git a/test/ir/inference/__main___cache_dir/embedding_eltwise_layernorm_fuse_pass.pdmodel b/test/ir/inference/__main___cache_dir/embedding_eltwise_layernorm_fuse_pass.pdmodel new file mode 100644 index 0000000000000000000000000000000000000000..f681386b53e59c9f559347d46475a74ef1d56266 GIT binary patch literal 1899 zcmd^A%aYPS6zzlok~;x&SW-IOC2!k zbh!tP)24)4)TM+!hhBkLCYc_~wa+|+IM6`|0x(4b5F7w5pf`<_F*+X0WMvu|I0qs!!d6bET2HW9ci3#!Kho?aoG&94YB@`yiB9F6o`0Ab2H0{3PV$y9O{1Si!~7|9 z*GJgEc94zx!~N>z;WL0Ri9==bFa?{EZmD8AHTZ8(3awFSpOm%8K=Scmkd4cey55T_8R$F@+cehtr8NN=}n> zp$xTOx>xb$wc6nH;sWU6CYr>tEFfmH)ClNKqePikV?hB{nU*DlcHR+_{be@@wq~%Kjd`U*mj9i+eC*7a2-_h) E0onTQi~s-t literal 0 HcmV?d00001 diff --git a/test/ir/inference/__main___cache_dir/fc_elementwise_layernorm_fuse_pass.pdmodel b/test/ir/inference/__main___cache_dir/fc_elementwise_layernorm_fuse_pass.pdmodel new file mode 100644 index 0000000000000000000000000000000000000000..f681386b53e59c9f559347d46475a74ef1d56266 GIT binary patch literal 1899 zcmd^A%aYPS6zzlok~;x&SW-IOC2!k zbh!tP)24)4)TM+!hhBkLCYc_~wa+|+IM6`|0x(4b5F7w5pf`<_F*+X0WMvu|I0qs!!d6bET2HW9ci3#!Kho?aoG&94YB@`yiB9F6o`0Ab2H0{3PV$y9O{1Si!~7|9 z*GJgEc94zx!~N>z;WL0Ri9==bFa?{EZmD8AHTZ8(3awFSpOm%8K=Scmkd4cey55T_8R$F@+cehtr8NN=}n> zp$xTOx>xb$wc6nH;sWU6CYr>tEFfmH)ClNKqePikV?hB{nU*DlcHR+_{be@@wq~%Kjd`U*mj9i+eC*7a2-_h) E0onTQi~s-t literal 0 HcmV?d00001 diff --git a/test/ir/inference/__main___cache_dir/fc_fuse_pass.pdmodel b/test/ir/inference/__main___cache_dir/fc_fuse_pass.pdmodel new file mode 100644 index 0000000000000000000000000000000000000000..f681386b53e59c9f559347d46475a74ef1d56266 GIT binary patch literal 1899 zcmd^A%aYPS6zzlok~;x&SW-IOC2!k zbh!tP)24)4)TM+!hhBkLCYc_~wa+|+IM6`|0x(4b5F7w5pf`<_F*+X0WMvu|I0qs!!d6bET2HW9ci3#!Kho?aoG&94YB@`yiB9F6o`0Ab2H0{3PV$y9O{1Si!~7|9 z*GJgEc94zx!~N>z;WL0Ri9==bFa?{EZmD8AHTZ8(3awFSpOm%8K=Scmkd4cey55T_8R$F@+cehtr8NN=}n> zp$xTOx>xb$wc6nH;sWU6CYr>tEFfmH)ClNKqePikV?hB{nU*DlcHR+_{be@@wq~%Kjd`U*mj9i+eC*7a2-_h) E0onTQi~s-t literal 0 HcmV?d00001 diff --git a/test/ir/inference/__main___cache_dir/fuse_multi_transformer_layer_pass.pdmodel b/test/ir/inference/__main___cache_dir/fuse_multi_transformer_layer_pass.pdmodel new file mode 100644 index 0000000000000000000000000000000000000000..f681386b53e59c9f559347d46475a74ef1d56266 GIT binary patch literal 1899 zcmd^A%aYPS6zzlok~;x&SW-IOC2!k zbh!tP)24)4)TM+!hhBkLCYc_~wa+|+IM6`|0x(4b5F7w5pf`<_F*+X0WMvu|I0qs!!d6bET2HW9ci3#!Kho?aoG&94YB@`yiB9F6o`0Ab2H0{3PV$y9O{1Si!~7|9 z*GJgEc94zx!~N>z;WL0Ri9==bFa?{EZmD8AHTZ8(3awFSpOm%8K=Scmkd4cey55T_8R$F@+cehtr8NN=}n> zp$xTOx>xb$wc6nH;sWU6CYr>tEFfmH)ClNKqePikV?hB{nU*DlcHR+_{be@@wq~%Kjd`U*mj9i+eC*7a2-_h) E0onTQi~s-t literal 0 HcmV?d00001 diff --git a/test/ir/inference/__main___cache_dir/fused_multi_transformer_decoder_fuse_qkv_pass.pdmodel b/test/ir/inference/__main___cache_dir/fused_multi_transformer_decoder_fuse_qkv_pass.pdmodel new file mode 100644 index 0000000000000000000000000000000000000000..f681386b53e59c9f559347d46475a74ef1d56266 GIT binary patch literal 1899 zcmd^A%aYPS6zzlok~;x&SW-IOC2!k zbh!tP)24)4)TM+!hhBkLCYc_~wa+|+IM6`|0x(4b5F7w5pf`<_F*+X0WMvu|I0qs!!d6bET2HW9ci3#!Kho?aoG&94YB@`yiB9F6o`0Ab2H0{3PV$y9O{1Si!~7|9 z*GJgEc94zx!~N>z;WL0Ri9==bFa?{EZmD8AHTZ8(3awFSpOm%8K=Scmkd4cey55T_8R$F@+cehtr8NN=}n> zp$xTOx>xb$wc6nH;sWU6CYr>tEFfmH)ClNKqePikV?hB{nU*DlcHR+_{be@@wq~%Kjd`U*mj9i+eC*7a2-_h) E0onTQi~s-t literal 0 HcmV?d00001 diff --git a/test/ir/inference/__main___cache_dir/fused_multi_transformer_decoder_pass.pdmodel b/test/ir/inference/__main___cache_dir/fused_multi_transformer_decoder_pass.pdmodel new file mode 100644 index 0000000000000000000000000000000000000000..f681386b53e59c9f559347d46475a74ef1d56266 GIT binary patch literal 1899 zcmd^A%aYPS6zzlok~;x&SW-IOC2!k zbh!tP)24)4)TM+!hhBkLCYc_~wa+|+IM6`|0x(4b5F7w5pf`<_F*+X0WMvu|I0qs!!d6bET2HW9ci3#!Kho?aoG&94YB@`yiB9F6o`0Ab2H0{3PV$y9O{1Si!~7|9 z*GJgEc94zx!~N>z;WL0Ri9==bFa?{EZmD8AHTZ8(3awFSpOm%8K=Scmkd4cey55T_8R$F@+cehtr8NN=}n> zp$xTOx>xb$wc6nH;sWU6CYr>tEFfmH)ClNKqePikV?hB{nU*DlcHR+_{be@@wq~%Kjd`U*mj9i+eC*7a2-_h) E0onTQi~s-t literal 0 HcmV?d00001 diff --git a/test/ir/inference/__main___cache_dir/fused_multi_transformer_encoder_fuse_qkv_pass.pdmodel b/test/ir/inference/__main___cache_dir/fused_multi_transformer_encoder_fuse_qkv_pass.pdmodel new file mode 100644 index 0000000000000000000000000000000000000000..f681386b53e59c9f559347d46475a74ef1d56266 GIT binary patch literal 1899 zcmd^A%aYPS6zzlok~;x&SW-IOC2!k zbh!tP)24)4)TM+!hhBkLCYc_~wa+|+IM6`|0x(4b5F7w5pf`<_F*+X0WMvu|I0qs!!d6bET2HW9ci3#!Kho?aoG&94YB@`yiB9F6o`0Ab2H0{3PV$y9O{1Si!~7|9 z*GJgEc94zx!~N>z;WL0Ri9==bFa?{EZmD8AHTZ8(3awFSpOm%8K=Scmkd4cey55T_8R$F@+cehtr8NN=}n> zp$xTOx>xb$wc6nH;sWU6CYr>tEFfmH)ClNKqePikV?hB{nU*DlcHR+_{be@@wq~%Kjd`U*mj9i+eC*7a2-_h) E0onTQi~s-t literal 0 HcmV?d00001 diff --git a/test/ir/inference/__main___cache_dir/fused_multi_transformer_encoder_pass.pdmodel b/test/ir/inference/__main___cache_dir/fused_multi_transformer_encoder_pass.pdmodel new file mode 100644 index 0000000000000000000000000000000000000000..f681386b53e59c9f559347d46475a74ef1d56266 GIT binary patch literal 1899 zcmd^A%aYPS6zzlok~;x&SW-IOC2!k zbh!tP)24)4)TM+!hhBkLCYc_~wa+|+IM6`|0x(4b5F7w5pf`<_F*+X0WMvu|I0qs!!d6bET2HW9ci3#!Kho?aoG&94YB@`yiB9F6o`0Ab2H0{3PV$y9O{1Si!~7|9 z*GJgEc94zx!~N>z;WL0Ri9==bFa?{EZmD8AHTZ8(3awFSpOm%8K=Scmkd4cey55T_8R$F@+cehtr8NN=}n> zp$xTOx>xb$wc6nH;sWU6CYr>tEFfmH)ClNKqePikV?hB{nU*DlcHR+_{be@@wq~%Kjd`U*mj9i+eC*7a2-_h) E0onTQi~s-t literal 0 HcmV?d00001 diff --git a/test/ir/inference/__main___cache_dir/gpu_cpu_flatten2_matmul_fuse_pass.pdmodel b/test/ir/inference/__main___cache_dir/gpu_cpu_flatten2_matmul_fuse_pass.pdmodel new file mode 100644 index 0000000000000000000000000000000000000000..f681386b53e59c9f559347d46475a74ef1d56266 GIT binary patch literal 1899 zcmd^A%aYPS6zzlok~;x&SW-IOC2!k zbh!tP)24)4)TM+!hhBkLCYc_~wa+|+IM6`|0x(4b5F7w5pf`<_F*+X0WMvu|I0qs!!d6bET2HW9ci3#!Kho?aoG&94YB@`yiB9F6o`0Ab2H0{3PV$y9O{1Si!~7|9 z*GJgEc94zx!~N>z;WL0Ri9==bFa?{EZmD8AHTZ8(3awFSpOm%8K=Scmkd4cey55T_8R$F@+cehtr8NN=}n> zp$xTOx>xb$wc6nH;sWU6CYr>tEFfmH)ClNKqePikV?hB{nU*DlcHR+_{be@@wq~%Kjd`U*mj9i+eC*7a2-_h) E0onTQi~s-t literal 0 HcmV?d00001 diff --git a/test/ir/inference/__main___cache_dir/gpu_cpu_map_matmul_to_mul_pass.pdmodel b/test/ir/inference/__main___cache_dir/gpu_cpu_map_matmul_to_mul_pass.pdmodel new file mode 100644 index 0000000000000000000000000000000000000000..f681386b53e59c9f559347d46475a74ef1d56266 GIT binary patch literal 1899 zcmd^A%aYPS6zzlok~;x&SW-IOC2!k zbh!tP)24)4)TM+!hhBkLCYc_~wa+|+IM6`|0x(4b5F7w5pf`<_F*+X0WMvu|I0qs!!d6bET2HW9ci3#!Kho?aoG&94YB@`yiB9F6o`0Ab2H0{3PV$y9O{1Si!~7|9 z*GJgEc94zx!~N>z;WL0Ri9==bFa?{EZmD8AHTZ8(3awFSpOm%8K=Scmkd4cey55T_8R$F@+cehtr8NN=}n> zp$xTOx>xb$wc6nH;sWU6CYr>tEFfmH)ClNKqePikV?hB{nU*DlcHR+_{be@@wq~%Kjd`U*mj9i+eC*7a2-_h) E0onTQi~s-t literal 0 HcmV?d00001 diff --git a/test/ir/inference/__main___cache_dir/gpu_cpu_map_matmul_v2_to_matmul_pass.pdmodel b/test/ir/inference/__main___cache_dir/gpu_cpu_map_matmul_v2_to_matmul_pass.pdmodel new file mode 100644 index 0000000000000000000000000000000000000000..f681386b53e59c9f559347d46475a74ef1d56266 GIT binary patch literal 1899 zcmd^A%aYPS6zzlok~;x&SW-IOC2!k zbh!tP)24)4)TM+!hhBkLCYc_~wa+|+IM6`|0x(4b5F7w5pf`<_F*+X0WMvu|I0qs!!d6bET2HW9ci3#!Kho?aoG&94YB@`yiB9F6o`0Ab2H0{3PV$y9O{1Si!~7|9 z*GJgEc94zx!~N>z;WL0Ri9==bFa?{EZmD8AHTZ8(3awFSpOm%8K=Scmkd4cey55T_8R$F@+cehtr8NN=}n> zp$xTOx>xb$wc6nH;sWU6CYr>tEFfmH)ClNKqePikV?hB{nU*DlcHR+_{be@@wq~%Kjd`U*mj9i+eC*7a2-_h) E0onTQi~s-t literal 0 HcmV?d00001 diff --git a/test/ir/inference/__main___cache_dir/gpu_cpu_map_matmul_v2_to_mul_pass.pdmodel b/test/ir/inference/__main___cache_dir/gpu_cpu_map_matmul_v2_to_mul_pass.pdmodel new file mode 100644 index 0000000000000000000000000000000000000000..f681386b53e59c9f559347d46475a74ef1d56266 GIT binary patch literal 1899 zcmd^A%aYPS6zzlok~;x&SW-IOC2!k zbh!tP)24)4)TM+!hhBkLCYc_~wa+|+IM6`|0x(4b5F7w5pf`<_F*+X0WMvu|I0qs!!d6bET2HW9ci3#!Kho?aoG&94YB@`yiB9F6o`0Ab2H0{3PV$y9O{1Si!~7|9 z*GJgEc94zx!~N>z;WL0Ri9==bFa?{EZmD8AHTZ8(3awFSpOm%8K=Scmkd4cey55T_8R$F@+cehtr8NN=}n> zp$xTOx>xb$wc6nH;sWU6CYr>tEFfmH)ClNKqePikV?hB{nU*DlcHR+_{be@@wq~%Kjd`U*mj9i+eC*7a2-_h) E0onTQi~s-t literal 0 HcmV?d00001 diff --git a/test/ir/inference/__main___cache_dir/gpu_cpu_reshape2_matmul_fuse_pass.pdmodel b/test/ir/inference/__main___cache_dir/gpu_cpu_reshape2_matmul_fuse_pass.pdmodel new file mode 100644 index 0000000000000000000000000000000000000000..f681386b53e59c9f559347d46475a74ef1d56266 GIT binary patch literal 1899 zcmd^A%aYPS6zzlok~;x&SW-IOC2!k zbh!tP)24)4)TM+!hhBkLCYc_~wa+|+IM6`|0x(4b5F7w5pf`<_F*+X0WMvu|I0qs!!d6bET2HW9ci3#!Kho?aoG&94YB@`yiB9F6o`0Ab2H0{3PV$y9O{1Si!~7|9 z*GJgEc94zx!~N>z;WL0Ri9==bFa?{EZmD8AHTZ8(3awFSpOm%8K=Scmkd4cey55T_8R$F@+cehtr8NN=}n> zp$xTOx>xb$wc6nH;sWU6CYr>tEFfmH)ClNKqePikV?hB{nU*DlcHR+_{be@@wq~%Kjd`U*mj9i+eC*7a2-_h) E0onTQi~s-t literal 0 HcmV?d00001 diff --git a/test/ir/inference/__main___cache_dir/gpu_cpu_squeeze2_matmul_fuse_pass.pdmodel b/test/ir/inference/__main___cache_dir/gpu_cpu_squeeze2_matmul_fuse_pass.pdmodel new file mode 100644 index 0000000000000000000000000000000000000000..f681386b53e59c9f559347d46475a74ef1d56266 GIT binary patch literal 1899 zcmd^A%aYPS6zzlok~;x&SW-IOC2!k zbh!tP)24)4)TM+!hhBkLCYc_~wa+|+IM6`|0x(4b5F7w5pf`<_F*+X0WMvu|I0qs!!d6bET2HW9ci3#!Kho?aoG&94YB@`yiB9F6o`0Ab2H0{3PV$y9O{1Si!~7|9 z*GJgEc94zx!~N>z;WL0Ri9==bFa?{EZmD8AHTZ8(3awFSpOm%8K=Scmkd4cey55T_8R$F@+cehtr8NN=}n> zp$xTOx>xb$wc6nH;sWU6CYr>tEFfmH)ClNKqePikV?hB{nU*DlcHR+_{be@@wq~%Kjd`U*mj9i+eC*7a2-_h) E0onTQi~s-t literal 0 HcmV?d00001 diff --git a/test/ir/inference/__main___cache_dir/identity_op_clean_pass.pdmodel b/test/ir/inference/__main___cache_dir/identity_op_clean_pass.pdmodel new file mode 100644 index 0000000000000000000000000000000000000000..56f395339c526ed919541dfb2dfe4b9807572fa8 GIT binary patch literal 612 zcmah{-A;or6mEfS<;b+FUM$sQv%UcAMZEQ{A*=`q0W!MCbNGHfix%oOz$Nyk={aA& zpPs^(M-cr!EzFlNOO;MC<`CFozJ)*^;;^T{UVa z+mHnYLSSwn24E;Afanh(054T)ZxsFYR584w_yYHJ5hqG!Rk2qG`JwXnOfxXLbMQJ{ zL-PoW_KIiUm_nE4nBF#@0FtUqVlAtqX19hF`ZP`#SM0zC{Kl-~2XJ2vX7m6N?|Z@r zH>nDW*7*NB;q(p?pBSDyp%HgDK1OV14GawPO?qtds+8xU$h3&HR;9G5#0qYH^Tlo6 o7=uVK2u`3u4eaFmiW}k(i3sjGPXjp?SO@mgaJyZyBjFJA10ZXUDgXcg literal 0 HcmV?d00001 diff --git a/test/ir/inference/__main___cache_dir/inplace_op_var_pass.pdmodel b/test/ir/inference/__main___cache_dir/inplace_op_var_pass.pdmodel new file mode 100644 index 0000000000000000000000000000000000000000..56f395339c526ed919541dfb2dfe4b9807572fa8 GIT binary patch literal 612 zcmah{-A;or6mEfS<;b+FUM$sQv%UcAMZEQ{A*=`q0W!MCbNGHfix%oOz$Nyk={aA& zpPs^(M-cr!EzFlNOO;MC<`CFozJ)*^;;^T{UVa z+mHnYLSSwn24E;Afanh(054T)ZxsFYR584w_yYHJ5hqG!Rk2qG`JwXnOfxXLbMQJ{ zL-PoW_KIiUm_nE4nBF#@0FtUqVlAtqX19hF`ZP`#SM0zC{Kl-~2XJ2vX7m6N?|Z@r zH>nDW*7*NB;q(p?pBSDyp%HgDK1OV14GawPO?qtds+8xU$h3&HR;9G5#0qYH^Tlo6 o7=uVK2u`3u4eaFmiW}k(i3sjGPXjp?SO@mgaJyZyBjFJA10ZXUDgXcg literal 0 HcmV?d00001 diff --git a/test/ir/inference/__main___cache_dir/is_test_pass.pdmodel b/test/ir/inference/__main___cache_dir/is_test_pass.pdmodel new file mode 100644 index 0000000000000000000000000000000000000000..f681386b53e59c9f559347d46475a74ef1d56266 GIT binary patch literal 1899 zcmd^A%aYPS6zzlok~;x&SW-IOC2!k zbh!tP)24)4)TM+!hhBkLCYc_~wa+|+IM6`|0x(4b5F7w5pf`<_F*+X0WMvu|I0qs!!d6bET2HW9ci3#!Kho?aoG&94YB@`yiB9F6o`0Ab2H0{3PV$y9O{1Si!~7|9 z*GJgEc94zx!~N>z;WL0Ri9==bFa?{EZmD8AHTZ8(3awFSpOm%8K=Scmkd4cey55T_8R$F@+cehtr8NN=}n> zp$xTOx>xb$wc6nH;sWU6CYr>tEFfmH)ClNKqePikV?hB{nU*DlcHR+_{be@@wq~%Kjd`U*mj9i+eC*7a2-_h) E0onTQi~s-t literal 0 HcmV?d00001 diff --git a/test/ir/inference/__main___cache_dir/map_op_to_another_pass.pdmodel b/test/ir/inference/__main___cache_dir/map_op_to_another_pass.pdmodel new file mode 100644 index 0000000000000000000000000000000000000000..f681386b53e59c9f559347d46475a74ef1d56266 GIT binary patch literal 1899 zcmd^A%aYPS6zzlok~;x&SW-IOC2!k zbh!tP)24)4)TM+!hhBkLCYc_~wa+|+IM6`|0x(4b5F7w5pf`<_F*+X0WMvu|I0qs!!d6bET2HW9ci3#!Kho?aoG&94YB@`yiB9F6o`0Ab2H0{3PV$y9O{1Si!~7|9 z*GJgEc94zx!~N>z;WL0Ri9==bFa?{EZmD8AHTZ8(3awFSpOm%8K=Scmkd4cey55T_8R$F@+cehtr8NN=}n> zp$xTOx>xb$wc6nH;sWU6CYr>tEFfmH)ClNKqePikV?hB{nU*DlcHR+_{be@@wq~%Kjd`U*mj9i+eC*7a2-_h) E0onTQi~s-t literal 0 HcmV?d00001 diff --git a/test/ir/inference/__main___cache_dir/matmul_scale_fuse_pass.pdmodel b/test/ir/inference/__main___cache_dir/matmul_scale_fuse_pass.pdmodel new file mode 100644 index 0000000000000000000000000000000000000000..f681386b53e59c9f559347d46475a74ef1d56266 GIT binary patch literal 1899 zcmd^A%aYPS6zzlok~;x&SW-IOC2!k zbh!tP)24)4)TM+!hhBkLCYc_~wa+|+IM6`|0x(4b5F7w5pf`<_F*+X0WMvu|I0qs!!d6bET2HW9ci3#!Kho?aoG&94YB@`yiB9F6o`0Ab2H0{3PV$y9O{1Si!~7|9 z*GJgEc94zx!~N>z;WL0Ri9==bFa?{EZmD8AHTZ8(3awFSpOm%8K=Scmkd4cey55T_8R$F@+cehtr8NN=}n> zp$xTOx>xb$wc6nH;sWU6CYr>tEFfmH)ClNKqePikV?hB{nU*DlcHR+_{be@@wq~%Kjd`U*mj9i+eC*7a2-_h) E0onTQi~s-t literal 0 HcmV?d00001 diff --git a/test/ir/inference/__main___cache_dir/multi_devices_fused_multi_transformer_decoder_fuse_qkv_pass.pdmodel b/test/ir/inference/__main___cache_dir/multi_devices_fused_multi_transformer_decoder_fuse_qkv_pass.pdmodel new file mode 100644 index 0000000000000000000000000000000000000000..f681386b53e59c9f559347d46475a74ef1d56266 GIT binary patch literal 1899 zcmd^A%aYPS6zzlok~;x&SW-IOC2!k zbh!tP)24)4)TM+!hhBkLCYc_~wa+|+IM6`|0x(4b5F7w5pf`<_F*+X0WMvu|I0qs!!d6bET2HW9ci3#!Kho?aoG&94YB@`yiB9F6o`0Ab2H0{3PV$y9O{1Si!~7|9 z*GJgEc94zx!~N>z;WL0Ri9==bFa?{EZmD8AHTZ8(3awFSpOm%8K=Scmkd4cey55T_8R$F@+cehtr8NN=}n> zp$xTOx>xb$wc6nH;sWU6CYr>tEFfmH)ClNKqePikV?hB{nU*DlcHR+_{be@@wq~%Kjd`U*mj9i+eC*7a2-_h) E0onTQi~s-t literal 0 HcmV?d00001 diff --git a/test/ir/inference/__main___cache_dir/multi_devices_fused_multi_transformer_encoder_fuse_qkv_pass.pdmodel b/test/ir/inference/__main___cache_dir/multi_devices_fused_multi_transformer_encoder_fuse_qkv_pass.pdmodel new file mode 100644 index 0000000000000000000000000000000000000000..f681386b53e59c9f559347d46475a74ef1d56266 GIT binary patch literal 1899 zcmd^A%aYPS6zzlok~;x&SW-IOC2!k zbh!tP)24)4)TM+!hhBkLCYc_~wa+|+IM6`|0x(4b5F7w5pf`<_F*+X0WMvu|I0qs!!d6bET2HW9ci3#!Kho?aoG&94YB@`yiB9F6o`0Ab2H0{3PV$y9O{1Si!~7|9 z*GJgEc94zx!~N>z;WL0Ri9==bFa?{EZmD8AHTZ8(3awFSpOm%8K=Scmkd4cey55T_8R$F@+cehtr8NN=}n> zp$xTOx>xb$wc6nH;sWU6CYr>tEFfmH)ClNKqePikV?hB{nU*DlcHR+_{be@@wq~%Kjd`U*mj9i+eC*7a2-_h) E0onTQi~s-t literal 0 HcmV?d00001 diff --git a/test/ir/inference/__main___cache_dir/multi_devices_fused_multi_transformer_encoder_pass.pdmodel b/test/ir/inference/__main___cache_dir/multi_devices_fused_multi_transformer_encoder_pass.pdmodel new file mode 100644 index 0000000000000000000000000000000000000000..f681386b53e59c9f559347d46475a74ef1d56266 GIT binary patch literal 1899 zcmd^A%aYPS6zzlok~;x&SW-IOC2!k zbh!tP)24)4)TM+!hhBkLCYc_~wa+|+IM6`|0x(4b5F7w5pf`<_F*+X0WMvu|I0qs!!d6bET2HW9ci3#!Kho?aoG&94YB@`yiB9F6o`0Ab2H0{3PV$y9O{1Si!~7|9 z*GJgEc94zx!~N>z;WL0Ri9==bFa?{EZmD8AHTZ8(3awFSpOm%8K=Scmkd4cey55T_8R$F@+cehtr8NN=}n> zp$xTOx>xb$wc6nH;sWU6CYr>tEFfmH)ClNKqePikV?hB{nU*DlcHR+_{be@@wq~%Kjd`U*mj9i+eC*7a2-_h) E0onTQi~s-t literal 0 HcmV?d00001 diff --git a/test/ir/inference/__main___cache_dir/multihead_matmul_fuse_pass_v2.pdmodel b/test/ir/inference/__main___cache_dir/multihead_matmul_fuse_pass_v2.pdmodel new file mode 100644 index 0000000000000000000000000000000000000000..f681386b53e59c9f559347d46475a74ef1d56266 GIT binary patch literal 1899 zcmd^A%aYPS6zzlok~;x&SW-IOC2!k zbh!tP)24)4)TM+!hhBkLCYc_~wa+|+IM6`|0x(4b5F7w5pf`<_F*+X0WMvu|I0qs!!d6bET2HW9ci3#!Kho?aoG&94YB@`yiB9F6o`0Ab2H0{3PV$y9O{1Si!~7|9 z*GJgEc94zx!~N>z;WL0Ri9==bFa?{EZmD8AHTZ8(3awFSpOm%8K=Scmkd4cey55T_8R$F@+cehtr8NN=}n> zp$xTOx>xb$wc6nH;sWU6CYr>tEFfmH)ClNKqePikV?hB{nU*DlcHR+_{be@@wq~%Kjd`U*mj9i+eC*7a2-_h) E0onTQi~s-t literal 0 HcmV?d00001 diff --git a/test/ir/inference/__main___cache_dir/multihead_matmul_fuse_pass_v3.pdmodel b/test/ir/inference/__main___cache_dir/multihead_matmul_fuse_pass_v3.pdmodel new file mode 100644 index 0000000000000000000000000000000000000000..f681386b53e59c9f559347d46475a74ef1d56266 GIT binary patch literal 1899 zcmd^A%aYPS6zzlok~;x&SW-IOC2!k zbh!tP)24)4)TM+!hhBkLCYc_~wa+|+IM6`|0x(4b5F7w5pf`<_F*+X0WMvu|I0qs!!d6bET2HW9ci3#!Kho?aoG&94YB@`yiB9F6o`0Ab2H0{3PV$y9O{1Si!~7|9 z*GJgEc94zx!~N>z;WL0Ri9==bFa?{EZmD8AHTZ8(3awFSpOm%8K=Scmkd4cey55T_8R$F@+cehtr8NN=}n> zp$xTOx>xb$wc6nH;sWU6CYr>tEFfmH)ClNKqePikV?hB{nU*DlcHR+_{be@@wq~%Kjd`U*mj9i+eC*7a2-_h) E0onTQi~s-t literal 0 HcmV?d00001 diff --git a/test/ir/inference/__main___cache_dir/silu_fuse_pass.pdmodel b/test/ir/inference/__main___cache_dir/silu_fuse_pass.pdmodel new file mode 100644 index 0000000000000000000000000000000000000000..f681386b53e59c9f559347d46475a74ef1d56266 GIT binary patch literal 1899 zcmd^A%aYPS6zzlok~;x&SW-IOC2!k zbh!tP)24)4)TM+!hhBkLCYc_~wa+|+IM6`|0x(4b5F7w5pf`<_F*+X0WMvu|I0qs!!d6bET2HW9ci3#!Kho?aoG&94YB@`yiB9F6o`0Ab2H0{3PV$y9O{1Si!~7|9 z*GJgEc94zx!~N>z;WL0Ri9==bFa?{EZmD8AHTZ8(3awFSpOm%8K=Scmkd4cey55T_8R$F@+cehtr8NN=}n> zp$xTOx>xb$wc6nH;sWU6CYr>tEFfmH)ClNKqePikV?hB{nU*DlcHR+_{be@@wq~%Kjd`U*mj9i+eC*7a2-_h) E0onTQi~s-t literal 0 HcmV?d00001 diff --git a/test/ir/inference/__main___cache_dir/simplify_with_basic_ops_pass.pdmodel b/test/ir/inference/__main___cache_dir/simplify_with_basic_ops_pass.pdmodel new file mode 100644 index 0000000000000000000000000000000000000000..f681386b53e59c9f559347d46475a74ef1d56266 GIT binary patch literal 1899 zcmd^A%aYPS6zzlok~;x&SW-IOC2!k zbh!tP)24)4)TM+!hhBkLCYc_~wa+|+IM6`|0x(4b5F7w5pf`<_F*+X0WMvu|I0qs!!d6bET2HW9ci3#!Kho?aoG&94YB@`yiB9F6o`0Ab2H0{3PV$y9O{1Si!~7|9 z*GJgEc94zx!~N>z;WL0Ri9==bFa?{EZmD8AHTZ8(3awFSpOm%8K=Scmkd4cey55T_8R$F@+cehtr8NN=}n> zp$xTOx>xb$wc6nH;sWU6CYr>tEFfmH)ClNKqePikV?hB{nU*DlcHR+_{be@@wq~%Kjd`U*mj9i+eC*7a2-_h) E0onTQi~s-t literal 0 HcmV?d00001 diff --git a/test/ir/inference/__main___cache_dir/transfer_layout_elim_pass.pdmodel b/test/ir/inference/__main___cache_dir/transfer_layout_elim_pass.pdmodel new file mode 100644 index 0000000000000000000000000000000000000000..56f395339c526ed919541dfb2dfe4b9807572fa8 GIT binary patch literal 612 zcmah{-A;or6mEfS<;b+FUM$sQv%UcAMZEQ{A*=`q0W!MCbNGHfix%oOz$Nyk={aA& zpPs^(M-cr!EzFlNOO;MC<`CFozJ)*^;;^T{UVa z+mHnYLSSwn24E;Afanh(054T)ZxsFYR584w_yYHJ5hqG!Rk2qG`JwXnOfxXLbMQJ{ zL-PoW_KIiUm_nE4nBF#@0FtUqVlAtqX19hF`ZP`#SM0zC{Kl-~2XJ2vX7m6N?|Z@r zH>nDW*7*NB;q(p?pBSDyp%HgDK1OV14GawPO?qtds+8xU$h3&HR;9G5#0qYH^Tlo6 o7=uVK2u`3u4eaFmiW}k(i3sjGPXjp?SO@mgaJyZyBjFJA10ZXUDgXcg literal 0 HcmV?d00001 diff --git a/test/ir/inference/__main___cache_dir/transpose_flatten_concat_fuse_pass.pdmodel b/test/ir/inference/__main___cache_dir/transpose_flatten_concat_fuse_pass.pdmodel new file mode 100644 index 0000000000000000000000000000000000000000..56f395339c526ed919541dfb2dfe4b9807572fa8 GIT binary patch literal 612 zcmah{-A;or6mEfS<;b+FUM$sQv%UcAMZEQ{A*=`q0W!MCbNGHfix%oOz$Nyk={aA& zpPs^(M-cr!EzFlNOO;MC<`CFozJ)*^;;^T{UVa z+mHnYLSSwn24E;Afanh(054T)ZxsFYR584w_yYHJ5hqG!Rk2qG`JwXnOfxXLbMQJ{ zL-PoW_KIiUm_nE4nBF#@0FtUqVlAtqX19hF`ZP`#SM0zC{Kl-~2XJ2vX7m6N?|Z@r zH>nDW*7*NB;q(p?pBSDyp%HgDK1OV14GawPO?qtds+8xU$h3&HR;9G5#0qYH^Tlo6 o7=uVK2u`3u4eaFmiW}k(i3sjGPXjp?SO@mgaJyZyBjFJA10ZXUDgXcg literal 0 HcmV?d00001 diff --git a/test/ir/inference/__main___cache_dir/vit_attention_fuse_pass.pdmodel b/test/ir/inference/__main___cache_dir/vit_attention_fuse_pass.pdmodel new file mode 100644 index 0000000000000000000000000000000000000000..f681386b53e59c9f559347d46475a74ef1d56266 GIT binary patch literal 1899 zcmd^A%aYPS6zzlok~;x&SW-IOC2!k zbh!tP)24)4)TM+!hhBkLCYc_~wa+|+IM6`|0x(4b5F7w5pf`<_F*+X0WMvu|I0qs!!d6bET2HW9ci3#!Kho?aoG&94YB@`yiB9F6o`0Ab2H0{3PV$y9O{1Si!~7|9 z*GJgEc94zx!~N>z;WL0Ri9==bFa?{EZmD8AHTZ8(3awFSpOm%8K=Scmkd4cey55T_8R$F@+cehtr8NN=}n> zp$xTOx>xb$wc6nH;sWU6CYr>tEFfmH)ClNKqePikV?hB{nU*DlcHR+_{be@@wq~%Kjd`U*mj9i+eC*7a2-_h) E0onTQi~s-t literal 0 HcmV?d00001 From ac3de17aeeac65b3e160207864fe973aee2d9af0 Mon Sep 17 00:00:00 2001 From: zerorains Date: Wed, 4 Oct 2023 06:17:19 +0000 Subject: [PATCH 5/8] remove some useless code --- .../0_ir_map_op_to_another_pass.dot | 57 ------------------ .../10_ir_multihead_matmul_fuse_pass_v2.dot | 57 ------------------ .../11_ir_vit_attention_fuse_pass.dot | 57 ------------------ ...r_fused_multi_transformer_encoder_pass.dot | 57 ------------------ ...r_fused_multi_transformer_decoder_pass.dot | 57 ------------------ ...ulti_transformer_encoder_fuse_qkv_pass.dot | 57 ------------------ ...ulti_transformer_decoder_fuse_qkv_pass.dot | 57 ------------------ ...s_fused_multi_transformer_encoder_pass.dot | 57 ------------------ ...ulti_transformer_encoder_fuse_qkv_pass.dot | 57 ------------------ ...ulti_transformer_decoder_fuse_qkv_pass.dot | 57 ------------------ ...9_ir_fuse_multi_transformer_layer_pass.dot | 57 ------------------ .../__main___cache_dir/1_ir_is_test_pass.dot | 57 ------------------ ...0_ir_gpu_cpu_squeeze2_matmul_fuse_pass.dot | 57 ------------------ ...1_ir_gpu_cpu_reshape2_matmul_fuse_pass.dot | 57 ------------------ ...2_ir_gpu_cpu_flatten2_matmul_fuse_pass.dot | 57 ------------------ ...3_ir_gpu_cpu_map_matmul_v2_to_mul_pass.dot | 57 ------------------ ...r_gpu_cpu_map_matmul_v2_to_matmul_pass.dot | 57 ------------------ .../25_ir_matmul_scale_fuse_pass.dot | 57 ------------------ .../26_ir_multihead_matmul_fuse_pass_v3.dot | 57 ------------------ .../27_ir_gpu_cpu_map_matmul_to_mul_pass.dot | 57 ------------------ .../__main___cache_dir/28_ir_fc_fuse_pass.dot | 57 ------------------ ..._ir_fc_elementwise_layernorm_fuse_pass.dot | 57 ------------------ .../2_ir_simplify_with_basic_ops_pass.dot | 57 ------------------ ..._ir_conv_elementwise_add_act_fuse_pass.dot | 57 ------------------ ...ir_conv_elementwise_add2_act_fuse_pass.dot | 57 ------------------ .../32_ir_conv_elementwise_add_fuse_pass.dot | 57 ------------------ ..._ir_transpose_flatten_concat_fuse_pass.dot | 33 ---------- ..._ir_conv2d_fusion_layout_transfer_pass.dot | 33 ---------- .../35_ir_transfer_layout_elim_pass.dot | 33 ---------- .../36_ir_auto_mixed_precision_pass.dot | 33 ---------- .../37_ir_identity_op_clean_pass.dot | 33 ---------- .../38_ir_inplace_op_var_pass.dot | 33 ---------- ...ir_delete_quant_dequant_linear_op_pass.dot | 57 ------------------ ...r_delete_weight_dequant_linear_op_pass.dot | 57 ------------------ .../5_ir_constant_folding_pass.dot | 57 ------------------ .../6_ir_silu_fuse_pass.dot | 57 ------------------ .../7_ir_conv_bn_fuse_pass.dot | 57 ------------------ .../8_ir_conv_eltwiseadd_bn_fuse_pass.dot | 57 ------------------ ..._embedding_eltwise_layernorm_fuse_pass.dot | 57 ------------------ .../auto_mixed_precision_pass.pdmodel | Bin 612 -> 0 bytes .../constant_folding_pass.pdmodel | Bin 1899 -> 0 bytes ...conv2d_fusion_layout_transfer_pass.pdmodel | Bin 612 -> 0 bytes .../conv_bn_fuse_pass.pdmodel | Bin 1899 -> 0 bytes ...onv_elementwise_add2_act_fuse_pass.pdmodel | Bin 1899 -> 0 bytes ...conv_elementwise_add_act_fuse_pass.pdmodel | Bin 1899 -> 0 bytes .../conv_elementwise_add_fuse_pass.pdmodel | Bin 1899 -> 0 bytes .../conv_eltwiseadd_bn_fuse_pass.pdmodel | Bin 1899 -> 0 bytes ...elete_quant_dequant_linear_op_pass.pdmodel | Bin 1899 -> 0 bytes ...lete_weight_dequant_linear_op_pass.pdmodel | Bin 1899 -> 0 bytes ...edding_eltwise_layernorm_fuse_pass.pdmodel | Bin 1899 -> 0 bytes ...fc_elementwise_layernorm_fuse_pass.pdmodel | Bin 1899 -> 0 bytes .../__main___cache_dir/fc_fuse_pass.pdmodel | Bin 1899 -> 0 bytes .../fuse_multi_transformer_layer_pass.pdmodel | Bin 1899 -> 0 bytes ..._transformer_decoder_fuse_qkv_pass.pdmodel | Bin 1899 -> 0 bytes ...sed_multi_transformer_decoder_pass.pdmodel | Bin 1899 -> 0 bytes ..._transformer_encoder_fuse_qkv_pass.pdmodel | Bin 1899 -> 0 bytes ...sed_multi_transformer_encoder_pass.pdmodel | Bin 1899 -> 0 bytes .../gpu_cpu_flatten2_matmul_fuse_pass.pdmodel | Bin 1899 -> 0 bytes .../gpu_cpu_map_matmul_to_mul_pass.pdmodel | Bin 1899 -> 0 bytes ...u_cpu_map_matmul_v2_to_matmul_pass.pdmodel | Bin 1899 -> 0 bytes .../gpu_cpu_map_matmul_v2_to_mul_pass.pdmodel | Bin 1899 -> 0 bytes .../gpu_cpu_reshape2_matmul_fuse_pass.pdmodel | Bin 1899 -> 0 bytes .../gpu_cpu_squeeze2_matmul_fuse_pass.pdmodel | Bin 1899 -> 0 bytes .../identity_op_clean_pass.pdmodel | Bin 612 -> 0 bytes .../inplace_op_var_pass.pdmodel | Bin 612 -> 0 bytes .../__main___cache_dir/is_test_pass.pdmodel | Bin 1899 -> 0 bytes .../map_op_to_another_pass.pdmodel | Bin 1899 -> 0 bytes .../matmul_scale_fuse_pass.pdmodel | Bin 1899 -> 0 bytes ..._transformer_decoder_fuse_qkv_pass.pdmodel | Bin 1899 -> 0 bytes ..._transformer_encoder_fuse_qkv_pass.pdmodel | Bin 1899 -> 0 bytes ...sed_multi_transformer_encoder_pass.pdmodel | Bin 1899 -> 0 bytes .../multihead_matmul_fuse_pass_v2.pdmodel | Bin 1899 -> 0 bytes .../multihead_matmul_fuse_pass_v3.pdmodel | Bin 1899 -> 0 bytes .../__main___cache_dir/silu_fuse_pass.pdmodel | Bin 1899 -> 0 bytes .../simplify_with_basic_ops_pass.pdmodel | Bin 1899 -> 0 bytes .../transfer_layout_elim_pass.pdmodel | Bin 612 -> 0 bytes ...transpose_flatten_concat_fuse_pass.pdmodel | Bin 612 -> 0 bytes .../vit_attention_fuse_pass.pdmodel | Bin 1899 -> 0 bytes 78 files changed, 2079 deletions(-) delete mode 100644 test/ir/inference/__main___cache_dir/0_ir_map_op_to_another_pass.dot delete mode 100644 test/ir/inference/__main___cache_dir/10_ir_multihead_matmul_fuse_pass_v2.dot delete mode 100644 test/ir/inference/__main___cache_dir/11_ir_vit_attention_fuse_pass.dot delete mode 100644 test/ir/inference/__main___cache_dir/12_ir_fused_multi_transformer_encoder_pass.dot delete mode 100644 test/ir/inference/__main___cache_dir/13_ir_fused_multi_transformer_decoder_pass.dot delete mode 100644 test/ir/inference/__main___cache_dir/14_ir_fused_multi_transformer_encoder_fuse_qkv_pass.dot delete mode 100644 test/ir/inference/__main___cache_dir/15_ir_fused_multi_transformer_decoder_fuse_qkv_pass.dot delete mode 100644 test/ir/inference/__main___cache_dir/16_ir_multi_devices_fused_multi_transformer_encoder_pass.dot delete mode 100644 test/ir/inference/__main___cache_dir/17_ir_multi_devices_fused_multi_transformer_encoder_fuse_qkv_pass.dot delete mode 100644 test/ir/inference/__main___cache_dir/18_ir_multi_devices_fused_multi_transformer_decoder_fuse_qkv_pass.dot delete mode 100644 test/ir/inference/__main___cache_dir/19_ir_fuse_multi_transformer_layer_pass.dot delete mode 100644 test/ir/inference/__main___cache_dir/1_ir_is_test_pass.dot delete mode 100644 test/ir/inference/__main___cache_dir/20_ir_gpu_cpu_squeeze2_matmul_fuse_pass.dot delete mode 100644 test/ir/inference/__main___cache_dir/21_ir_gpu_cpu_reshape2_matmul_fuse_pass.dot delete mode 100644 test/ir/inference/__main___cache_dir/22_ir_gpu_cpu_flatten2_matmul_fuse_pass.dot delete mode 100644 test/ir/inference/__main___cache_dir/23_ir_gpu_cpu_map_matmul_v2_to_mul_pass.dot delete mode 100644 test/ir/inference/__main___cache_dir/24_ir_gpu_cpu_map_matmul_v2_to_matmul_pass.dot delete mode 100644 test/ir/inference/__main___cache_dir/25_ir_matmul_scale_fuse_pass.dot delete mode 100644 test/ir/inference/__main___cache_dir/26_ir_multihead_matmul_fuse_pass_v3.dot delete mode 100644 test/ir/inference/__main___cache_dir/27_ir_gpu_cpu_map_matmul_to_mul_pass.dot delete mode 100644 test/ir/inference/__main___cache_dir/28_ir_fc_fuse_pass.dot delete mode 100644 test/ir/inference/__main___cache_dir/29_ir_fc_elementwise_layernorm_fuse_pass.dot delete mode 100644 test/ir/inference/__main___cache_dir/2_ir_simplify_with_basic_ops_pass.dot delete mode 100644 test/ir/inference/__main___cache_dir/30_ir_conv_elementwise_add_act_fuse_pass.dot delete mode 100644 test/ir/inference/__main___cache_dir/31_ir_conv_elementwise_add2_act_fuse_pass.dot delete mode 100644 test/ir/inference/__main___cache_dir/32_ir_conv_elementwise_add_fuse_pass.dot delete mode 100644 test/ir/inference/__main___cache_dir/33_ir_transpose_flatten_concat_fuse_pass.dot delete mode 100644 test/ir/inference/__main___cache_dir/34_ir_conv2d_fusion_layout_transfer_pass.dot delete mode 100644 test/ir/inference/__main___cache_dir/35_ir_transfer_layout_elim_pass.dot delete mode 100644 test/ir/inference/__main___cache_dir/36_ir_auto_mixed_precision_pass.dot delete mode 100644 test/ir/inference/__main___cache_dir/37_ir_identity_op_clean_pass.dot delete mode 100644 test/ir/inference/__main___cache_dir/38_ir_inplace_op_var_pass.dot delete mode 100644 test/ir/inference/__main___cache_dir/3_ir_delete_quant_dequant_linear_op_pass.dot delete mode 100644 test/ir/inference/__main___cache_dir/4_ir_delete_weight_dequant_linear_op_pass.dot delete mode 100644 test/ir/inference/__main___cache_dir/5_ir_constant_folding_pass.dot delete mode 100644 test/ir/inference/__main___cache_dir/6_ir_silu_fuse_pass.dot delete mode 100644 test/ir/inference/__main___cache_dir/7_ir_conv_bn_fuse_pass.dot delete mode 100644 test/ir/inference/__main___cache_dir/8_ir_conv_eltwiseadd_bn_fuse_pass.dot delete mode 100644 test/ir/inference/__main___cache_dir/9_ir_embedding_eltwise_layernorm_fuse_pass.dot delete mode 100644 test/ir/inference/__main___cache_dir/auto_mixed_precision_pass.pdmodel delete mode 100644 test/ir/inference/__main___cache_dir/constant_folding_pass.pdmodel delete mode 100644 test/ir/inference/__main___cache_dir/conv2d_fusion_layout_transfer_pass.pdmodel delete mode 100644 test/ir/inference/__main___cache_dir/conv_bn_fuse_pass.pdmodel delete mode 100644 test/ir/inference/__main___cache_dir/conv_elementwise_add2_act_fuse_pass.pdmodel delete mode 100644 test/ir/inference/__main___cache_dir/conv_elementwise_add_act_fuse_pass.pdmodel delete mode 100644 test/ir/inference/__main___cache_dir/conv_elementwise_add_fuse_pass.pdmodel delete mode 100644 test/ir/inference/__main___cache_dir/conv_eltwiseadd_bn_fuse_pass.pdmodel delete mode 100644 test/ir/inference/__main___cache_dir/delete_quant_dequant_linear_op_pass.pdmodel delete mode 100644 test/ir/inference/__main___cache_dir/delete_weight_dequant_linear_op_pass.pdmodel delete mode 100644 test/ir/inference/__main___cache_dir/embedding_eltwise_layernorm_fuse_pass.pdmodel delete mode 100644 test/ir/inference/__main___cache_dir/fc_elementwise_layernorm_fuse_pass.pdmodel delete mode 100644 test/ir/inference/__main___cache_dir/fc_fuse_pass.pdmodel delete mode 100644 test/ir/inference/__main___cache_dir/fuse_multi_transformer_layer_pass.pdmodel delete mode 100644 test/ir/inference/__main___cache_dir/fused_multi_transformer_decoder_fuse_qkv_pass.pdmodel delete mode 100644 test/ir/inference/__main___cache_dir/fused_multi_transformer_decoder_pass.pdmodel delete mode 100644 test/ir/inference/__main___cache_dir/fused_multi_transformer_encoder_fuse_qkv_pass.pdmodel delete mode 100644 test/ir/inference/__main___cache_dir/fused_multi_transformer_encoder_pass.pdmodel delete mode 100644 test/ir/inference/__main___cache_dir/gpu_cpu_flatten2_matmul_fuse_pass.pdmodel delete mode 100644 test/ir/inference/__main___cache_dir/gpu_cpu_map_matmul_to_mul_pass.pdmodel delete mode 100644 test/ir/inference/__main___cache_dir/gpu_cpu_map_matmul_v2_to_matmul_pass.pdmodel delete mode 100644 test/ir/inference/__main___cache_dir/gpu_cpu_map_matmul_v2_to_mul_pass.pdmodel delete mode 100644 test/ir/inference/__main___cache_dir/gpu_cpu_reshape2_matmul_fuse_pass.pdmodel delete mode 100644 test/ir/inference/__main___cache_dir/gpu_cpu_squeeze2_matmul_fuse_pass.pdmodel delete mode 100644 test/ir/inference/__main___cache_dir/identity_op_clean_pass.pdmodel delete mode 100644 test/ir/inference/__main___cache_dir/inplace_op_var_pass.pdmodel delete mode 100644 test/ir/inference/__main___cache_dir/is_test_pass.pdmodel delete mode 100644 test/ir/inference/__main___cache_dir/map_op_to_another_pass.pdmodel delete mode 100644 test/ir/inference/__main___cache_dir/matmul_scale_fuse_pass.pdmodel delete mode 100644 test/ir/inference/__main___cache_dir/multi_devices_fused_multi_transformer_decoder_fuse_qkv_pass.pdmodel delete mode 100644 test/ir/inference/__main___cache_dir/multi_devices_fused_multi_transformer_encoder_fuse_qkv_pass.pdmodel delete mode 100644 test/ir/inference/__main___cache_dir/multi_devices_fused_multi_transformer_encoder_pass.pdmodel delete mode 100644 test/ir/inference/__main___cache_dir/multihead_matmul_fuse_pass_v2.pdmodel delete mode 100644 test/ir/inference/__main___cache_dir/multihead_matmul_fuse_pass_v3.pdmodel delete mode 100644 test/ir/inference/__main___cache_dir/silu_fuse_pass.pdmodel delete mode 100644 test/ir/inference/__main___cache_dir/simplify_with_basic_ops_pass.pdmodel delete mode 100644 test/ir/inference/__main___cache_dir/transfer_layout_elim_pass.pdmodel delete mode 100644 test/ir/inference/__main___cache_dir/transpose_flatten_concat_fuse_pass.pdmodel delete mode 100644 test/ir/inference/__main___cache_dir/vit_attention_fuse_pass.pdmodel diff --git a/test/ir/inference/__main___cache_dir/0_ir_map_op_to_another_pass.dot b/test/ir/inference/__main___cache_dir/0_ir_map_op_to_another_pass.dot deleted file mode 100644 index 64c6bd712ce060..00000000000000 --- a/test/ir/inference/__main___cache_dir/0_ir_map_op_to_another_pass.dot +++ /dev/null @@ -1,57 +0,0 @@ -digraph G { - node_80841[label="trans_out1(12) -9,1" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] - node_80840[label="flatten2(14)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] - node_80837[label="feed(3)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] - node_80836[label="xshape1(16) -0,9,1" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] - node_80823[label="transpose2(5)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] - node_80822[label="trans_shape1(13) -0,1,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] - node_80826[label="feed(0)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] - node_80839[label="concat_out(18) -2,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] - node_80825[label="transpose2_x1(2) -1,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] - node_80820[label="fetch(20)" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] - node_80828[label="concat(17)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] - node_80827[label="flatten2_out0(9) -1,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] - node_80829[label="trans_out0(6) -9,1" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] - node_80838[label="xshape0(10) -0,9,1" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] - node_80824[label="transpose2_x0(4) -1,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] - node_80830[label="feed(1)" shape="box" style="rounded,filled,bold" fontname="Arial" color="#148b97" fontcolor="#ffffff"] - node_80833[label="place_holder_weight(21) -1" shape="box" style="rounded,filled,bold" fontname="Arial" color="#148b97" fontcolor="#ffffff"] - node_80831[label="trans_shape0(7) -0,1,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] - node_80835[label="flatten2(8)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] - node_80832[label="transpose2(11)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] - node_80821[label="fetch(19)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] - node_80834[label="flatten2_out1(15) -1,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] - node_80821->node_80820 - node_80823->node_80829 - node_80823->node_80831 - node_80824->node_80823 - node_80825->node_80832 - node_80826->node_80825 - node_80827->node_80828 - node_80828->node_80839 - node_80829->node_80835 - node_80830->node_80826 - node_80830->node_80837 - node_80832->node_80841 - node_80832->node_80822 - node_80834->node_80828 - node_80835->node_80827 - node_80835->node_80838 - node_80837->node_80824 - node_80839->node_80821 - node_80840->node_80834 - node_80840->node_80836 - node_80841->node_80840 -} // end G diff --git a/test/ir/inference/__main___cache_dir/10_ir_multihead_matmul_fuse_pass_v2.dot b/test/ir/inference/__main___cache_dir/10_ir_multihead_matmul_fuse_pass_v2.dot deleted file mode 100644 index 6a846db107bafd..00000000000000 --- a/test/ir/inference/__main___cache_dir/10_ir_multihead_matmul_fuse_pass_v2.dot +++ /dev/null @@ -1,57 +0,0 @@ -digraph G { - node_81061[label="trans_out1(12) -9,1" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] - node_81060[label="flatten2(14)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] - node_81057[label="feed(3)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] - node_81056[label="xshape1(16) -0,9,1" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] - node_81043[label="transpose2(5)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] - node_81042[label="trans_shape1(13) -0,1,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] - node_81046[label="feed(0)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] - node_81059[label="concat_out(18) -2,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] - node_81045[label="transpose2_x1(2) -1,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] - node_81040[label="fetch(20)" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] - node_81048[label="concat(17)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] - node_81047[label="flatten2_out0(9) -1,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] - node_81049[label="trans_out0(6) -9,1" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] - node_81058[label="xshape0(10) -0,9,1" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] - node_81044[label="transpose2_x0(4) -1,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] - node_81050[label="feed(1)" shape="box" style="rounded,filled,bold" fontname="Arial" color="#148b97" fontcolor="#ffffff"] - node_81053[label="place_holder_weight(21) -1" shape="box" style="rounded,filled,bold" fontname="Arial" color="#148b97" fontcolor="#ffffff"] - node_81051[label="trans_shape0(7) -0,1,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] - node_81055[label="flatten2(8)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] - node_81052[label="transpose2(11)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] - node_81041[label="fetch(19)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] - node_81054[label="flatten2_out1(15) -1,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] - node_81041->node_81040 - node_81043->node_81049 - node_81043->node_81051 - node_81044->node_81043 - node_81045->node_81052 - node_81046->node_81045 - node_81047->node_81048 - node_81048->node_81059 - node_81049->node_81055 - node_81050->node_81046 - node_81050->node_81057 - node_81052->node_81061 - node_81052->node_81042 - node_81054->node_81048 - node_81055->node_81047 - node_81055->node_81058 - node_81057->node_81044 - node_81059->node_81041 - node_81060->node_81054 - node_81060->node_81056 - node_81061->node_81060 -} // end G diff --git a/test/ir/inference/__main___cache_dir/11_ir_vit_attention_fuse_pass.dot b/test/ir/inference/__main___cache_dir/11_ir_vit_attention_fuse_pass.dot deleted file mode 100644 index 6d96192646e317..00000000000000 --- a/test/ir/inference/__main___cache_dir/11_ir_vit_attention_fuse_pass.dot +++ /dev/null @@ -1,57 +0,0 @@ -digraph G { - node_81083[label="trans_out1(12) -9,1" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] - node_81082[label="flatten2(14)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] - node_81079[label="feed(3)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] - node_81078[label="xshape1(16) -0,9,1" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] - node_81065[label="transpose2(5)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] - node_81064[label="trans_shape1(13) -0,1,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] - node_81068[label="feed(0)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] - node_81081[label="concat_out(18) -2,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] - node_81067[label="transpose2_x1(2) -1,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] - node_81062[label="fetch(20)" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] - node_81070[label="concat(17)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] - node_81069[label="flatten2_out0(9) -1,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] - node_81071[label="trans_out0(6) -9,1" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] - node_81080[label="xshape0(10) -0,9,1" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] - node_81066[label="transpose2_x0(4) -1,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] - node_81072[label="feed(1)" shape="box" style="rounded,filled,bold" fontname="Arial" color="#148b97" fontcolor="#ffffff"] - node_81075[label="place_holder_weight(21) -1" shape="box" style="rounded,filled,bold" fontname="Arial" color="#148b97" fontcolor="#ffffff"] - node_81073[label="trans_shape0(7) -0,1,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] - node_81077[label="flatten2(8)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] - node_81074[label="transpose2(11)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] - node_81063[label="fetch(19)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] - node_81076[label="flatten2_out1(15) -1,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] - node_81063->node_81062 - node_81065->node_81071 - node_81065->node_81073 - node_81066->node_81065 - node_81067->node_81074 - node_81068->node_81067 - node_81069->node_81070 - node_81070->node_81081 - node_81071->node_81077 - node_81072->node_81068 - node_81072->node_81079 - node_81074->node_81083 - node_81074->node_81064 - node_81076->node_81070 - node_81077->node_81069 - node_81077->node_81080 - node_81079->node_81066 - node_81081->node_81063 - node_81082->node_81076 - node_81082->node_81078 - node_81083->node_81082 -} // end G diff --git a/test/ir/inference/__main___cache_dir/12_ir_fused_multi_transformer_encoder_pass.dot b/test/ir/inference/__main___cache_dir/12_ir_fused_multi_transformer_encoder_pass.dot deleted file mode 100644 index bbe3eae82e9fb5..00000000000000 --- a/test/ir/inference/__main___cache_dir/12_ir_fused_multi_transformer_encoder_pass.dot +++ /dev/null @@ -1,57 +0,0 @@ -digraph G { - node_81105[label="trans_out1(12) -9,1" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] - node_81104[label="flatten2(14)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] - node_81101[label="feed(3)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] - node_81100[label="xshape1(16) -0,9,1" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] - node_81087[label="transpose2(5)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] - node_81086[label="trans_shape1(13) -0,1,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] - node_81090[label="feed(0)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] - node_81103[label="concat_out(18) -2,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] - node_81089[label="transpose2_x1(2) -1,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] - node_81084[label="fetch(20)" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] - node_81092[label="concat(17)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] - node_81091[label="flatten2_out0(9) -1,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] - node_81093[label="trans_out0(6) -9,1" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] - node_81102[label="xshape0(10) -0,9,1" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] - node_81088[label="transpose2_x0(4) -1,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] - node_81094[label="feed(1)" shape="box" style="rounded,filled,bold" fontname="Arial" color="#148b97" fontcolor="#ffffff"] - node_81097[label="place_holder_weight(21) -1" shape="box" style="rounded,filled,bold" fontname="Arial" color="#148b97" fontcolor="#ffffff"] - node_81095[label="trans_shape0(7) -0,1,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] - node_81099[label="flatten2(8)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] - node_81096[label="transpose2(11)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] - node_81085[label="fetch(19)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] - node_81098[label="flatten2_out1(15) -1,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] - node_81085->node_81084 - node_81087->node_81093 - node_81087->node_81095 - node_81088->node_81087 - node_81089->node_81096 - node_81090->node_81089 - node_81091->node_81092 - node_81092->node_81103 - node_81093->node_81099 - node_81094->node_81090 - node_81094->node_81101 - node_81096->node_81105 - node_81096->node_81086 - node_81098->node_81092 - node_81099->node_81091 - node_81099->node_81102 - node_81101->node_81088 - node_81103->node_81085 - node_81104->node_81098 - node_81104->node_81100 - node_81105->node_81104 -} // end G diff --git a/test/ir/inference/__main___cache_dir/13_ir_fused_multi_transformer_decoder_pass.dot b/test/ir/inference/__main___cache_dir/13_ir_fused_multi_transformer_decoder_pass.dot deleted file mode 100644 index 63f0706a1f9ee1..00000000000000 --- a/test/ir/inference/__main___cache_dir/13_ir_fused_multi_transformer_decoder_pass.dot +++ /dev/null @@ -1,57 +0,0 @@ -digraph G { - node_81127[label="trans_out1(12) -9,1" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] - node_81126[label="flatten2(14)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] - node_81123[label="feed(3)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] - node_81122[label="xshape1(16) -0,9,1" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] - node_81109[label="transpose2(5)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] - node_81108[label="trans_shape1(13) -0,1,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] - node_81112[label="feed(0)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] - node_81125[label="concat_out(18) -2,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] - node_81111[label="transpose2_x1(2) -1,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] - node_81106[label="fetch(20)" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] - node_81114[label="concat(17)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] - node_81113[label="flatten2_out0(9) -1,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] - node_81115[label="trans_out0(6) -9,1" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] - node_81124[label="xshape0(10) -0,9,1" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] - node_81110[label="transpose2_x0(4) -1,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] - node_81116[label="feed(1)" shape="box" style="rounded,filled,bold" fontname="Arial" color="#148b97" fontcolor="#ffffff"] - node_81119[label="place_holder_weight(21) -1" shape="box" style="rounded,filled,bold" fontname="Arial" color="#148b97" fontcolor="#ffffff"] - node_81117[label="trans_shape0(7) -0,1,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] - node_81121[label="flatten2(8)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] - node_81118[label="transpose2(11)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] - node_81107[label="fetch(19)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] - node_81120[label="flatten2_out1(15) -1,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] - node_81107->node_81106 - node_81109->node_81115 - node_81109->node_81117 - node_81110->node_81109 - node_81111->node_81118 - node_81112->node_81111 - node_81113->node_81114 - node_81114->node_81125 - node_81115->node_81121 - node_81116->node_81112 - node_81116->node_81123 - node_81118->node_81127 - node_81118->node_81108 - node_81120->node_81114 - node_81121->node_81113 - node_81121->node_81124 - node_81123->node_81110 - node_81125->node_81107 - node_81126->node_81120 - node_81126->node_81122 - node_81127->node_81126 -} // end G diff --git a/test/ir/inference/__main___cache_dir/14_ir_fused_multi_transformer_encoder_fuse_qkv_pass.dot b/test/ir/inference/__main___cache_dir/14_ir_fused_multi_transformer_encoder_fuse_qkv_pass.dot deleted file mode 100644 index 7a7b0fa8d38d70..00000000000000 --- a/test/ir/inference/__main___cache_dir/14_ir_fused_multi_transformer_encoder_fuse_qkv_pass.dot +++ /dev/null @@ -1,57 +0,0 @@ -digraph G { - node_81149[label="trans_out1(12) -9,1" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] - node_81148[label="flatten2(14)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] - node_81145[label="feed(3)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] - node_81144[label="xshape1(16) -0,9,1" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] - node_81131[label="transpose2(5)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] - node_81130[label="trans_shape1(13) -0,1,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] - node_81134[label="feed(0)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] - node_81147[label="concat_out(18) -2,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] - node_81133[label="transpose2_x1(2) -1,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] - node_81128[label="fetch(20)" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] - node_81136[label="concat(17)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] - node_81135[label="flatten2_out0(9) -1,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] - node_81137[label="trans_out0(6) -9,1" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] - node_81146[label="xshape0(10) -0,9,1" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] - node_81132[label="transpose2_x0(4) -1,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] - node_81138[label="feed(1)" shape="box" style="rounded,filled,bold" fontname="Arial" color="#148b97" fontcolor="#ffffff"] - node_81141[label="place_holder_weight(21) -1" shape="box" style="rounded,filled,bold" fontname="Arial" color="#148b97" fontcolor="#ffffff"] - node_81139[label="trans_shape0(7) -0,1,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] - node_81143[label="flatten2(8)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] - node_81140[label="transpose2(11)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] - node_81129[label="fetch(19)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] - node_81142[label="flatten2_out1(15) -1,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] - node_81129->node_81128 - node_81131->node_81137 - node_81131->node_81139 - node_81132->node_81131 - node_81133->node_81140 - node_81134->node_81133 - node_81135->node_81136 - node_81136->node_81147 - node_81137->node_81143 - node_81138->node_81134 - node_81138->node_81145 - node_81140->node_81149 - node_81140->node_81130 - node_81142->node_81136 - node_81143->node_81135 - node_81143->node_81146 - node_81145->node_81132 - node_81147->node_81129 - node_81148->node_81142 - node_81148->node_81144 - node_81149->node_81148 -} // end G diff --git a/test/ir/inference/__main___cache_dir/15_ir_fused_multi_transformer_decoder_fuse_qkv_pass.dot b/test/ir/inference/__main___cache_dir/15_ir_fused_multi_transformer_decoder_fuse_qkv_pass.dot deleted file mode 100644 index 38abc5cb38e9fd..00000000000000 --- a/test/ir/inference/__main___cache_dir/15_ir_fused_multi_transformer_decoder_fuse_qkv_pass.dot +++ /dev/null @@ -1,57 +0,0 @@ -digraph G { - node_81171[label="trans_out1(12) -9,1" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] - node_81170[label="flatten2(14)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] - node_81167[label="feed(3)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] - node_81166[label="xshape1(16) -0,9,1" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] - node_81153[label="transpose2(5)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] - node_81152[label="trans_shape1(13) -0,1,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] - node_81156[label="feed(0)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] - node_81169[label="concat_out(18) -2,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] - node_81155[label="transpose2_x1(2) -1,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] - node_81150[label="fetch(20)" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] - node_81158[label="concat(17)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] - node_81157[label="flatten2_out0(9) -1,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] - node_81159[label="trans_out0(6) -9,1" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] - node_81168[label="xshape0(10) -0,9,1" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] - node_81154[label="transpose2_x0(4) -1,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] - node_81160[label="feed(1)" shape="box" style="rounded,filled,bold" fontname="Arial" color="#148b97" fontcolor="#ffffff"] - node_81163[label="place_holder_weight(21) -1" shape="box" style="rounded,filled,bold" fontname="Arial" color="#148b97" fontcolor="#ffffff"] - node_81161[label="trans_shape0(7) -0,1,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] - node_81165[label="flatten2(8)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] - node_81162[label="transpose2(11)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] - node_81151[label="fetch(19)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] - node_81164[label="flatten2_out1(15) -1,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] - node_81151->node_81150 - node_81153->node_81159 - node_81153->node_81161 - node_81154->node_81153 - node_81155->node_81162 - node_81156->node_81155 - node_81157->node_81158 - node_81158->node_81169 - node_81159->node_81165 - node_81160->node_81156 - node_81160->node_81167 - node_81162->node_81171 - node_81162->node_81152 - node_81164->node_81158 - node_81165->node_81157 - node_81165->node_81168 - node_81167->node_81154 - node_81169->node_81151 - node_81170->node_81164 - node_81170->node_81166 - node_81171->node_81170 -} // end G diff --git a/test/ir/inference/__main___cache_dir/16_ir_multi_devices_fused_multi_transformer_encoder_pass.dot b/test/ir/inference/__main___cache_dir/16_ir_multi_devices_fused_multi_transformer_encoder_pass.dot deleted file mode 100644 index 4a4819f679bc8c..00000000000000 --- a/test/ir/inference/__main___cache_dir/16_ir_multi_devices_fused_multi_transformer_encoder_pass.dot +++ /dev/null @@ -1,57 +0,0 @@ -digraph G { - node_81193[label="trans_out1(12) -9,1" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] - node_81192[label="flatten2(14)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] - node_81189[label="feed(3)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] - node_81188[label="xshape1(16) -0,9,1" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] - node_81175[label="transpose2(5)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] - node_81174[label="trans_shape1(13) -0,1,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] - node_81178[label="feed(0)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] - node_81191[label="concat_out(18) -2,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] - node_81177[label="transpose2_x1(2) -1,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] - node_81172[label="fetch(20)" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] - node_81180[label="concat(17)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] - node_81179[label="flatten2_out0(9) -1,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] - node_81181[label="trans_out0(6) -9,1" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] - node_81190[label="xshape0(10) -0,9,1" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] - node_81176[label="transpose2_x0(4) -1,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] - node_81182[label="feed(1)" shape="box" style="rounded,filled,bold" fontname="Arial" color="#148b97" fontcolor="#ffffff"] - node_81185[label="place_holder_weight(21) -1" shape="box" style="rounded,filled,bold" fontname="Arial" color="#148b97" fontcolor="#ffffff"] - node_81183[label="trans_shape0(7) -0,1,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] - node_81187[label="flatten2(8)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] - node_81184[label="transpose2(11)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] - node_81173[label="fetch(19)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] - node_81186[label="flatten2_out1(15) -1,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] - node_81173->node_81172 - node_81175->node_81181 - node_81175->node_81183 - node_81176->node_81175 - node_81177->node_81184 - node_81178->node_81177 - node_81179->node_81180 - node_81180->node_81191 - node_81181->node_81187 - node_81182->node_81178 - node_81182->node_81189 - node_81184->node_81193 - node_81184->node_81174 - node_81186->node_81180 - node_81187->node_81179 - node_81187->node_81190 - node_81189->node_81176 - node_81191->node_81173 - node_81192->node_81186 - node_81192->node_81188 - node_81193->node_81192 -} // end G diff --git a/test/ir/inference/__main___cache_dir/17_ir_multi_devices_fused_multi_transformer_encoder_fuse_qkv_pass.dot b/test/ir/inference/__main___cache_dir/17_ir_multi_devices_fused_multi_transformer_encoder_fuse_qkv_pass.dot deleted file mode 100644 index 2565ecb293a2f1..00000000000000 --- a/test/ir/inference/__main___cache_dir/17_ir_multi_devices_fused_multi_transformer_encoder_fuse_qkv_pass.dot +++ /dev/null @@ -1,57 +0,0 @@ -digraph G { - node_81215[label="trans_out1(12) -9,1" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] - node_81214[label="flatten2(14)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] - node_81211[label="feed(3)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] - node_81210[label="xshape1(16) -0,9,1" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] - node_81197[label="transpose2(5)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] - node_81196[label="trans_shape1(13) -0,1,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] - node_81200[label="feed(0)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] - node_81213[label="concat_out(18) -2,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] - node_81199[label="transpose2_x1(2) -1,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] - node_81194[label="fetch(20)" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] - node_81202[label="concat(17)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] - node_81201[label="flatten2_out0(9) -1,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] - node_81203[label="trans_out0(6) -9,1" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] - node_81212[label="xshape0(10) -0,9,1" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] - node_81198[label="transpose2_x0(4) -1,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] - node_81204[label="feed(1)" shape="box" style="rounded,filled,bold" fontname="Arial" color="#148b97" fontcolor="#ffffff"] - node_81207[label="place_holder_weight(21) -1" shape="box" style="rounded,filled,bold" fontname="Arial" color="#148b97" fontcolor="#ffffff"] - node_81205[label="trans_shape0(7) -0,1,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] - node_81209[label="flatten2(8)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] - node_81206[label="transpose2(11)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] - node_81195[label="fetch(19)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] - node_81208[label="flatten2_out1(15) -1,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] - node_81195->node_81194 - node_81197->node_81203 - node_81197->node_81205 - node_81198->node_81197 - node_81199->node_81206 - node_81200->node_81199 - node_81201->node_81202 - node_81202->node_81213 - node_81203->node_81209 - node_81204->node_81200 - node_81204->node_81211 - node_81206->node_81215 - node_81206->node_81196 - node_81208->node_81202 - node_81209->node_81201 - node_81209->node_81212 - node_81211->node_81198 - node_81213->node_81195 - node_81214->node_81208 - node_81214->node_81210 - node_81215->node_81214 -} // end G diff --git a/test/ir/inference/__main___cache_dir/18_ir_multi_devices_fused_multi_transformer_decoder_fuse_qkv_pass.dot b/test/ir/inference/__main___cache_dir/18_ir_multi_devices_fused_multi_transformer_decoder_fuse_qkv_pass.dot deleted file mode 100644 index d17f3b620ad786..00000000000000 --- a/test/ir/inference/__main___cache_dir/18_ir_multi_devices_fused_multi_transformer_decoder_fuse_qkv_pass.dot +++ /dev/null @@ -1,57 +0,0 @@ -digraph G { - node_81237[label="trans_out1(12) -9,1" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] - node_81236[label="flatten2(14)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] - node_81233[label="feed(3)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] - node_81232[label="xshape1(16) -0,9,1" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] - node_81219[label="transpose2(5)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] - node_81218[label="trans_shape1(13) -0,1,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] - node_81222[label="feed(0)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] - node_81235[label="concat_out(18) -2,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] - node_81221[label="transpose2_x1(2) -1,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] - node_81216[label="fetch(20)" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] - node_81224[label="concat(17)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] - node_81223[label="flatten2_out0(9) -1,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] - node_81225[label="trans_out0(6) -9,1" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] - node_81234[label="xshape0(10) -0,9,1" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] - node_81220[label="transpose2_x0(4) -1,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] - node_81226[label="feed(1)" shape="box" style="rounded,filled,bold" fontname="Arial" color="#148b97" fontcolor="#ffffff"] - node_81229[label="place_holder_weight(21) -1" shape="box" style="rounded,filled,bold" fontname="Arial" color="#148b97" fontcolor="#ffffff"] - node_81227[label="trans_shape0(7) -0,1,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] - node_81231[label="flatten2(8)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] - node_81228[label="transpose2(11)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] - node_81217[label="fetch(19)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] - node_81230[label="flatten2_out1(15) -1,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] - node_81217->node_81216 - node_81219->node_81225 - node_81219->node_81227 - node_81220->node_81219 - node_81221->node_81228 - node_81222->node_81221 - node_81223->node_81224 - node_81224->node_81235 - node_81225->node_81231 - node_81226->node_81222 - node_81226->node_81233 - node_81228->node_81237 - node_81228->node_81218 - node_81230->node_81224 - node_81231->node_81223 - node_81231->node_81234 - node_81233->node_81220 - node_81235->node_81217 - node_81236->node_81230 - node_81236->node_81232 - node_81237->node_81236 -} // end G diff --git a/test/ir/inference/__main___cache_dir/19_ir_fuse_multi_transformer_layer_pass.dot b/test/ir/inference/__main___cache_dir/19_ir_fuse_multi_transformer_layer_pass.dot deleted file mode 100644 index 8e39f9d20094a2..00000000000000 --- a/test/ir/inference/__main___cache_dir/19_ir_fuse_multi_transformer_layer_pass.dot +++ /dev/null @@ -1,57 +0,0 @@ -digraph G { - node_81259[label="trans_out1(12) -9,1" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] - node_81258[label="flatten2(14)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] - node_81255[label="feed(3)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] - node_81254[label="xshape1(16) -0,9,1" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] - node_81241[label="transpose2(5)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] - node_81240[label="trans_shape1(13) -0,1,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] - node_81244[label="feed(0)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] - node_81257[label="concat_out(18) -2,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] - node_81243[label="transpose2_x1(2) -1,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] - node_81238[label="fetch(20)" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] - node_81246[label="concat(17)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] - node_81245[label="flatten2_out0(9) -1,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] - node_81247[label="trans_out0(6) -9,1" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] - node_81256[label="xshape0(10) -0,9,1" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] - node_81242[label="transpose2_x0(4) -1,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] - node_81248[label="feed(1)" shape="box" style="rounded,filled,bold" fontname="Arial" color="#148b97" fontcolor="#ffffff"] - node_81251[label="place_holder_weight(21) -1" shape="box" style="rounded,filled,bold" fontname="Arial" color="#148b97" fontcolor="#ffffff"] - node_81249[label="trans_shape0(7) -0,1,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] - node_81253[label="flatten2(8)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] - node_81250[label="transpose2(11)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] - node_81239[label="fetch(19)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] - node_81252[label="flatten2_out1(15) -1,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] - node_81239->node_81238 - node_81241->node_81247 - node_81241->node_81249 - node_81242->node_81241 - node_81243->node_81250 - node_81244->node_81243 - node_81245->node_81246 - node_81246->node_81257 - node_81247->node_81253 - node_81248->node_81244 - node_81248->node_81255 - node_81250->node_81259 - node_81250->node_81240 - node_81252->node_81246 - node_81253->node_81245 - node_81253->node_81256 - node_81255->node_81242 - node_81257->node_81239 - node_81258->node_81252 - node_81258->node_81254 - node_81259->node_81258 -} // end G diff --git a/test/ir/inference/__main___cache_dir/1_ir_is_test_pass.dot b/test/ir/inference/__main___cache_dir/1_ir_is_test_pass.dot deleted file mode 100644 index a27b7aaa39949a..00000000000000 --- a/test/ir/inference/__main___cache_dir/1_ir_is_test_pass.dot +++ /dev/null @@ -1,57 +0,0 @@ -digraph G { - node_80863[label="trans_out1(12) -9,1" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] - node_80862[label="flatten2(14)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] - node_80859[label="feed(3)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] - node_80858[label="xshape1(16) -0,9,1" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] - node_80845[label="transpose2(5)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] - node_80844[label="trans_shape1(13) -0,1,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] - node_80848[label="feed(0)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] - node_80861[label="concat_out(18) -2,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] - node_80847[label="transpose2_x1(2) -1,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] - node_80842[label="fetch(20)" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] - node_80850[label="concat(17)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] - node_80849[label="flatten2_out0(9) -1,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] - node_80851[label="trans_out0(6) -9,1" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] - node_80860[label="xshape0(10) -0,9,1" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] - node_80846[label="transpose2_x0(4) -1,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] - node_80852[label="feed(1)" shape="box" style="rounded,filled,bold" fontname="Arial" color="#148b97" fontcolor="#ffffff"] - node_80855[label="place_holder_weight(21) -1" shape="box" style="rounded,filled,bold" fontname="Arial" color="#148b97" fontcolor="#ffffff"] - node_80853[label="trans_shape0(7) -0,1,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] - node_80857[label="flatten2(8)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] - node_80854[label="transpose2(11)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] - node_80843[label="fetch(19)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] - node_80856[label="flatten2_out1(15) -1,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] - node_80843->node_80842 - node_80845->node_80851 - node_80845->node_80853 - node_80846->node_80845 - node_80847->node_80854 - node_80848->node_80847 - node_80849->node_80850 - node_80850->node_80861 - node_80851->node_80857 - node_80852->node_80848 - node_80852->node_80859 - node_80854->node_80863 - node_80854->node_80844 - node_80856->node_80850 - node_80857->node_80849 - node_80857->node_80860 - node_80859->node_80846 - node_80861->node_80843 - node_80862->node_80856 - node_80862->node_80858 - node_80863->node_80862 -} // end G diff --git a/test/ir/inference/__main___cache_dir/20_ir_gpu_cpu_squeeze2_matmul_fuse_pass.dot b/test/ir/inference/__main___cache_dir/20_ir_gpu_cpu_squeeze2_matmul_fuse_pass.dot deleted file mode 100644 index 6e527fbe33641a..00000000000000 --- a/test/ir/inference/__main___cache_dir/20_ir_gpu_cpu_squeeze2_matmul_fuse_pass.dot +++ /dev/null @@ -1,57 +0,0 @@ -digraph G { - node_81281[label="trans_out1(12) -9,1" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] - node_81280[label="flatten2(14)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] - node_81277[label="feed(3)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] - node_81276[label="xshape1(16) -0,9,1" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] - node_81263[label="transpose2(5)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] - node_81262[label="trans_shape1(13) -0,1,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] - node_81266[label="feed(0)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] - node_81279[label="concat_out(18) -2,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] - node_81265[label="transpose2_x1(2) -1,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] - node_81260[label="fetch(20)" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] - node_81268[label="concat(17)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] - node_81267[label="flatten2_out0(9) -1,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] - node_81269[label="trans_out0(6) -9,1" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] - node_81278[label="xshape0(10) -0,9,1" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] - node_81264[label="transpose2_x0(4) -1,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] - node_81270[label="feed(1)" shape="box" style="rounded,filled,bold" fontname="Arial" color="#148b97" fontcolor="#ffffff"] - node_81273[label="place_holder_weight(21) -1" shape="box" style="rounded,filled,bold" fontname="Arial" color="#148b97" fontcolor="#ffffff"] - node_81271[label="trans_shape0(7) -0,1,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] - node_81275[label="flatten2(8)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] - node_81272[label="transpose2(11)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] - node_81261[label="fetch(19)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] - node_81274[label="flatten2_out1(15) -1,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] - node_81261->node_81260 - node_81263->node_81269 - node_81263->node_81271 - node_81264->node_81263 - node_81265->node_81272 - node_81266->node_81265 - node_81267->node_81268 - node_81268->node_81279 - node_81269->node_81275 - node_81270->node_81266 - node_81270->node_81277 - node_81272->node_81281 - node_81272->node_81262 - node_81274->node_81268 - node_81275->node_81267 - node_81275->node_81278 - node_81277->node_81264 - node_81279->node_81261 - node_81280->node_81274 - node_81280->node_81276 - node_81281->node_81280 -} // end G diff --git a/test/ir/inference/__main___cache_dir/21_ir_gpu_cpu_reshape2_matmul_fuse_pass.dot b/test/ir/inference/__main___cache_dir/21_ir_gpu_cpu_reshape2_matmul_fuse_pass.dot deleted file mode 100644 index 6fa1997fba9e83..00000000000000 --- a/test/ir/inference/__main___cache_dir/21_ir_gpu_cpu_reshape2_matmul_fuse_pass.dot +++ /dev/null @@ -1,57 +0,0 @@ -digraph G { - node_81303[label="trans_out1(12) -9,1" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] - node_81302[label="flatten2(14)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] - node_81299[label="feed(3)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] - node_81298[label="xshape1(16) -0,9,1" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] - node_81285[label="transpose2(5)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] - node_81284[label="trans_shape1(13) -0,1,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] - node_81288[label="feed(0)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] - node_81301[label="concat_out(18) -2,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] - node_81287[label="transpose2_x1(2) -1,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] - node_81282[label="fetch(20)" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] - node_81290[label="concat(17)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] - node_81289[label="flatten2_out0(9) -1,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] - node_81291[label="trans_out0(6) -9,1" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] - node_81300[label="xshape0(10) -0,9,1" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] - node_81286[label="transpose2_x0(4) -1,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] - node_81292[label="feed(1)" shape="box" style="rounded,filled,bold" fontname="Arial" color="#148b97" fontcolor="#ffffff"] - node_81295[label="place_holder_weight(21) -1" shape="box" style="rounded,filled,bold" fontname="Arial" color="#148b97" fontcolor="#ffffff"] - node_81293[label="trans_shape0(7) -0,1,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] - node_81297[label="flatten2(8)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] - node_81294[label="transpose2(11)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] - node_81283[label="fetch(19)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] - node_81296[label="flatten2_out1(15) -1,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] - node_81283->node_81282 - node_81285->node_81291 - node_81285->node_81293 - node_81286->node_81285 - node_81287->node_81294 - node_81288->node_81287 - node_81289->node_81290 - node_81290->node_81301 - node_81291->node_81297 - node_81292->node_81288 - node_81292->node_81299 - node_81294->node_81303 - node_81294->node_81284 - node_81296->node_81290 - node_81297->node_81289 - node_81297->node_81300 - node_81299->node_81286 - node_81301->node_81283 - node_81302->node_81296 - node_81302->node_81298 - node_81303->node_81302 -} // end G diff --git a/test/ir/inference/__main___cache_dir/22_ir_gpu_cpu_flatten2_matmul_fuse_pass.dot b/test/ir/inference/__main___cache_dir/22_ir_gpu_cpu_flatten2_matmul_fuse_pass.dot deleted file mode 100644 index c3da65577a2f12..00000000000000 --- a/test/ir/inference/__main___cache_dir/22_ir_gpu_cpu_flatten2_matmul_fuse_pass.dot +++ /dev/null @@ -1,57 +0,0 @@ -digraph G { - node_81325[label="trans_out1(12) -9,1" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] - node_81324[label="flatten2(14)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] - node_81321[label="feed(3)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] - node_81320[label="xshape1(16) -0,9,1" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] - node_81307[label="transpose2(5)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] - node_81306[label="trans_shape1(13) -0,1,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] - node_81310[label="feed(0)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] - node_81323[label="concat_out(18) -2,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] - node_81309[label="transpose2_x1(2) -1,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] - node_81304[label="fetch(20)" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] - node_81312[label="concat(17)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] - node_81311[label="flatten2_out0(9) -1,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] - node_81313[label="trans_out0(6) -9,1" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] - node_81322[label="xshape0(10) -0,9,1" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] - node_81308[label="transpose2_x0(4) -1,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] - node_81314[label="feed(1)" shape="box" style="rounded,filled,bold" fontname="Arial" color="#148b97" fontcolor="#ffffff"] - node_81317[label="place_holder_weight(21) -1" shape="box" style="rounded,filled,bold" fontname="Arial" color="#148b97" fontcolor="#ffffff"] - node_81315[label="trans_shape0(7) -0,1,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] - node_81319[label="flatten2(8)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] - node_81316[label="transpose2(11)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] - node_81305[label="fetch(19)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] - node_81318[label="flatten2_out1(15) -1,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] - node_81305->node_81304 - node_81307->node_81313 - node_81307->node_81315 - node_81308->node_81307 - node_81309->node_81316 - node_81310->node_81309 - node_81311->node_81312 - node_81312->node_81323 - node_81313->node_81319 - node_81314->node_81310 - node_81314->node_81321 - node_81316->node_81325 - node_81316->node_81306 - node_81318->node_81312 - node_81319->node_81311 - node_81319->node_81322 - node_81321->node_81308 - node_81323->node_81305 - node_81324->node_81318 - node_81324->node_81320 - node_81325->node_81324 -} // end G diff --git a/test/ir/inference/__main___cache_dir/23_ir_gpu_cpu_map_matmul_v2_to_mul_pass.dot b/test/ir/inference/__main___cache_dir/23_ir_gpu_cpu_map_matmul_v2_to_mul_pass.dot deleted file mode 100644 index c5bfe7de3ca44e..00000000000000 --- a/test/ir/inference/__main___cache_dir/23_ir_gpu_cpu_map_matmul_v2_to_mul_pass.dot +++ /dev/null @@ -1,57 +0,0 @@ -digraph G { - node_81347[label="trans_out1(12) -9,1" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] - node_81346[label="flatten2(14)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] - node_81343[label="feed(3)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] - node_81342[label="xshape1(16) -0,9,1" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] - node_81329[label="transpose2(5)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] - node_81328[label="trans_shape1(13) -0,1,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] - node_81332[label="feed(0)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] - node_81345[label="concat_out(18) -2,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] - node_81331[label="transpose2_x1(2) -1,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] - node_81326[label="fetch(20)" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] - node_81334[label="concat(17)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] - node_81333[label="flatten2_out0(9) -1,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] - node_81335[label="trans_out0(6) -9,1" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] - node_81344[label="xshape0(10) -0,9,1" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] - node_81330[label="transpose2_x0(4) -1,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] - node_81336[label="feed(1)" shape="box" style="rounded,filled,bold" fontname="Arial" color="#148b97" fontcolor="#ffffff"] - node_81339[label="place_holder_weight(21) -1" shape="box" style="rounded,filled,bold" fontname="Arial" color="#148b97" fontcolor="#ffffff"] - node_81337[label="trans_shape0(7) -0,1,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] - node_81341[label="flatten2(8)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] - node_81338[label="transpose2(11)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] - node_81327[label="fetch(19)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] - node_81340[label="flatten2_out1(15) -1,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] - node_81327->node_81326 - node_81329->node_81335 - node_81329->node_81337 - node_81330->node_81329 - node_81331->node_81338 - node_81332->node_81331 - node_81333->node_81334 - node_81334->node_81345 - node_81335->node_81341 - node_81336->node_81332 - node_81336->node_81343 - node_81338->node_81347 - node_81338->node_81328 - node_81340->node_81334 - node_81341->node_81333 - node_81341->node_81344 - node_81343->node_81330 - node_81345->node_81327 - node_81346->node_81340 - node_81346->node_81342 - node_81347->node_81346 -} // end G diff --git a/test/ir/inference/__main___cache_dir/24_ir_gpu_cpu_map_matmul_v2_to_matmul_pass.dot b/test/ir/inference/__main___cache_dir/24_ir_gpu_cpu_map_matmul_v2_to_matmul_pass.dot deleted file mode 100644 index cb631d6343fb54..00000000000000 --- a/test/ir/inference/__main___cache_dir/24_ir_gpu_cpu_map_matmul_v2_to_matmul_pass.dot +++ /dev/null @@ -1,57 +0,0 @@ -digraph G { - node_81369[label="trans_out1(12) -9,1" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] - node_81368[label="flatten2(14)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] - node_81365[label="feed(3)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] - node_81364[label="xshape1(16) -0,9,1" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] - node_81351[label="transpose2(5)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] - node_81350[label="trans_shape1(13) -0,1,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] - node_81354[label="feed(0)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] - node_81367[label="concat_out(18) -2,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] - node_81353[label="transpose2_x1(2) -1,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] - node_81348[label="fetch(20)" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] - node_81356[label="concat(17)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] - node_81355[label="flatten2_out0(9) -1,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] - node_81357[label="trans_out0(6) -9,1" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] - node_81366[label="xshape0(10) -0,9,1" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] - node_81352[label="transpose2_x0(4) -1,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] - node_81358[label="feed(1)" shape="box" style="rounded,filled,bold" fontname="Arial" color="#148b97" fontcolor="#ffffff"] - node_81361[label="place_holder_weight(21) -1" shape="box" style="rounded,filled,bold" fontname="Arial" color="#148b97" fontcolor="#ffffff"] - node_81359[label="trans_shape0(7) -0,1,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] - node_81363[label="flatten2(8)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] - node_81360[label="transpose2(11)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] - node_81349[label="fetch(19)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] - node_81362[label="flatten2_out1(15) -1,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] - node_81349->node_81348 - node_81351->node_81357 - node_81351->node_81359 - node_81352->node_81351 - node_81353->node_81360 - node_81354->node_81353 - node_81355->node_81356 - node_81356->node_81367 - node_81357->node_81363 - node_81358->node_81354 - node_81358->node_81365 - node_81360->node_81369 - node_81360->node_81350 - node_81362->node_81356 - node_81363->node_81355 - node_81363->node_81366 - node_81365->node_81352 - node_81367->node_81349 - node_81368->node_81362 - node_81368->node_81364 - node_81369->node_81368 -} // end G diff --git a/test/ir/inference/__main___cache_dir/25_ir_matmul_scale_fuse_pass.dot b/test/ir/inference/__main___cache_dir/25_ir_matmul_scale_fuse_pass.dot deleted file mode 100644 index 2a0da227c6f8db..00000000000000 --- a/test/ir/inference/__main___cache_dir/25_ir_matmul_scale_fuse_pass.dot +++ /dev/null @@ -1,57 +0,0 @@ -digraph G { - node_81391[label="trans_out1(12) -9,1" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] - node_81390[label="flatten2(14)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] - node_81387[label="feed(3)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] - node_81386[label="xshape1(16) -0,9,1" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] - node_81373[label="transpose2(5)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] - node_81372[label="trans_shape1(13) -0,1,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] - node_81376[label="feed(0)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] - node_81389[label="concat_out(18) -2,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] - node_81375[label="transpose2_x1(2) -1,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] - node_81370[label="fetch(20)" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] - node_81378[label="concat(17)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] - node_81377[label="flatten2_out0(9) -1,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] - node_81379[label="trans_out0(6) -9,1" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] - node_81388[label="xshape0(10) -0,9,1" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] - node_81374[label="transpose2_x0(4) -1,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] - node_81380[label="feed(1)" shape="box" style="rounded,filled,bold" fontname="Arial" color="#148b97" fontcolor="#ffffff"] - node_81383[label="place_holder_weight(21) -1" shape="box" style="rounded,filled,bold" fontname="Arial" color="#148b97" fontcolor="#ffffff"] - node_81381[label="trans_shape0(7) -0,1,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] - node_81385[label="flatten2(8)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] - node_81382[label="transpose2(11)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] - node_81371[label="fetch(19)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] - node_81384[label="flatten2_out1(15) -1,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] - node_81371->node_81370 - node_81373->node_81379 - node_81373->node_81381 - node_81374->node_81373 - node_81375->node_81382 - node_81376->node_81375 - node_81377->node_81378 - node_81378->node_81389 - node_81379->node_81385 - node_81380->node_81376 - node_81380->node_81387 - node_81382->node_81391 - node_81382->node_81372 - node_81384->node_81378 - node_81385->node_81377 - node_81385->node_81388 - node_81387->node_81374 - node_81389->node_81371 - node_81390->node_81384 - node_81390->node_81386 - node_81391->node_81390 -} // end G diff --git a/test/ir/inference/__main___cache_dir/26_ir_multihead_matmul_fuse_pass_v3.dot b/test/ir/inference/__main___cache_dir/26_ir_multihead_matmul_fuse_pass_v3.dot deleted file mode 100644 index e84824652f8378..00000000000000 --- a/test/ir/inference/__main___cache_dir/26_ir_multihead_matmul_fuse_pass_v3.dot +++ /dev/null @@ -1,57 +0,0 @@ -digraph G { - node_81413[label="trans_out1(12) -9,1" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] - node_81412[label="flatten2(14)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] - node_81409[label="feed(3)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] - node_81408[label="xshape1(16) -0,9,1" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] - node_81395[label="transpose2(5)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] - node_81394[label="trans_shape1(13) -0,1,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] - node_81398[label="feed(0)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] - node_81411[label="concat_out(18) -2,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] - node_81397[label="transpose2_x1(2) -1,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] - node_81392[label="fetch(20)" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] - node_81400[label="concat(17)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] - node_81399[label="flatten2_out0(9) -1,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] - node_81401[label="trans_out0(6) -9,1" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] - node_81410[label="xshape0(10) -0,9,1" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] - node_81396[label="transpose2_x0(4) -1,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] - node_81402[label="feed(1)" shape="box" style="rounded,filled,bold" fontname="Arial" color="#148b97" fontcolor="#ffffff"] - node_81405[label="place_holder_weight(21) -1" shape="box" style="rounded,filled,bold" fontname="Arial" color="#148b97" fontcolor="#ffffff"] - node_81403[label="trans_shape0(7) -0,1,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] - node_81407[label="flatten2(8)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] - node_81404[label="transpose2(11)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] - node_81393[label="fetch(19)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] - node_81406[label="flatten2_out1(15) -1,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] - node_81393->node_81392 - node_81395->node_81401 - node_81395->node_81403 - node_81396->node_81395 - node_81397->node_81404 - node_81398->node_81397 - node_81399->node_81400 - node_81400->node_81411 - node_81401->node_81407 - node_81402->node_81398 - node_81402->node_81409 - node_81404->node_81413 - node_81404->node_81394 - node_81406->node_81400 - node_81407->node_81399 - node_81407->node_81410 - node_81409->node_81396 - node_81411->node_81393 - node_81412->node_81406 - node_81412->node_81408 - node_81413->node_81412 -} // end G diff --git a/test/ir/inference/__main___cache_dir/27_ir_gpu_cpu_map_matmul_to_mul_pass.dot b/test/ir/inference/__main___cache_dir/27_ir_gpu_cpu_map_matmul_to_mul_pass.dot deleted file mode 100644 index 704b489ba15791..00000000000000 --- a/test/ir/inference/__main___cache_dir/27_ir_gpu_cpu_map_matmul_to_mul_pass.dot +++ /dev/null @@ -1,57 +0,0 @@ -digraph G { - node_81435[label="trans_out1(12) -9,1" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] - node_81434[label="flatten2(14)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] - node_81431[label="feed(3)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] - node_81430[label="xshape1(16) -0,9,1" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] - node_81417[label="transpose2(5)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] - node_81416[label="trans_shape1(13) -0,1,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] - node_81420[label="feed(0)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] - node_81433[label="concat_out(18) -2,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] - node_81419[label="transpose2_x1(2) -1,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] - node_81414[label="fetch(20)" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] - node_81422[label="concat(17)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] - node_81421[label="flatten2_out0(9) -1,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] - node_81423[label="trans_out0(6) -9,1" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] - node_81432[label="xshape0(10) -0,9,1" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] - node_81418[label="transpose2_x0(4) -1,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] - node_81424[label="feed(1)" shape="box" style="rounded,filled,bold" fontname="Arial" color="#148b97" fontcolor="#ffffff"] - node_81427[label="place_holder_weight(21) -1" shape="box" style="rounded,filled,bold" fontname="Arial" color="#148b97" fontcolor="#ffffff"] - node_81425[label="trans_shape0(7) -0,1,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] - node_81429[label="flatten2(8)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] - node_81426[label="transpose2(11)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] - node_81415[label="fetch(19)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] - node_81428[label="flatten2_out1(15) -1,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] - node_81415->node_81414 - node_81417->node_81423 - node_81417->node_81425 - node_81418->node_81417 - node_81419->node_81426 - node_81420->node_81419 - node_81421->node_81422 - node_81422->node_81433 - node_81423->node_81429 - node_81424->node_81420 - node_81424->node_81431 - node_81426->node_81435 - node_81426->node_81416 - node_81428->node_81422 - node_81429->node_81421 - node_81429->node_81432 - node_81431->node_81418 - node_81433->node_81415 - node_81434->node_81428 - node_81434->node_81430 - node_81435->node_81434 -} // end G diff --git a/test/ir/inference/__main___cache_dir/28_ir_fc_fuse_pass.dot b/test/ir/inference/__main___cache_dir/28_ir_fc_fuse_pass.dot deleted file mode 100644 index 17951d83acd464..00000000000000 --- a/test/ir/inference/__main___cache_dir/28_ir_fc_fuse_pass.dot +++ /dev/null @@ -1,57 +0,0 @@ -digraph G { - node_81457[label="trans_out1(12) -9,1" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] - node_81456[label="flatten2(14)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] - node_81453[label="feed(3)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] - node_81452[label="xshape1(16) -0,9,1" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] - node_81439[label="transpose2(5)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] - node_81438[label="trans_shape1(13) -0,1,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] - node_81442[label="feed(0)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] - node_81455[label="concat_out(18) -2,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] - node_81441[label="transpose2_x1(2) -1,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] - node_81436[label="fetch(20)" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] - node_81444[label="concat(17)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] - node_81443[label="flatten2_out0(9) -1,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] - node_81445[label="trans_out0(6) -9,1" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] - node_81454[label="xshape0(10) -0,9,1" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] - node_81440[label="transpose2_x0(4) -1,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] - node_81446[label="feed(1)" shape="box" style="rounded,filled,bold" fontname="Arial" color="#148b97" fontcolor="#ffffff"] - node_81449[label="place_holder_weight(21) -1" shape="box" style="rounded,filled,bold" fontname="Arial" color="#148b97" fontcolor="#ffffff"] - node_81447[label="trans_shape0(7) -0,1,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] - node_81451[label="flatten2(8)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] - node_81448[label="transpose2(11)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] - node_81437[label="fetch(19)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] - node_81450[label="flatten2_out1(15) -1,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] - node_81437->node_81436 - node_81439->node_81445 - node_81439->node_81447 - node_81440->node_81439 - node_81441->node_81448 - node_81442->node_81441 - node_81443->node_81444 - node_81444->node_81455 - node_81445->node_81451 - node_81446->node_81442 - node_81446->node_81453 - node_81448->node_81457 - node_81448->node_81438 - node_81450->node_81444 - node_81451->node_81443 - node_81451->node_81454 - node_81453->node_81440 - node_81455->node_81437 - node_81456->node_81450 - node_81456->node_81452 - node_81457->node_81456 -} // end G diff --git a/test/ir/inference/__main___cache_dir/29_ir_fc_elementwise_layernorm_fuse_pass.dot b/test/ir/inference/__main___cache_dir/29_ir_fc_elementwise_layernorm_fuse_pass.dot deleted file mode 100644 index 6e1d7dcd396f5b..00000000000000 --- a/test/ir/inference/__main___cache_dir/29_ir_fc_elementwise_layernorm_fuse_pass.dot +++ /dev/null @@ -1,57 +0,0 @@ -digraph G { - node_81479[label="trans_out1(12) -9,1" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] - node_81478[label="flatten2(14)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] - node_81475[label="feed(3)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] - node_81474[label="xshape1(16) -0,9,1" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] - node_81461[label="transpose2(5)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] - node_81460[label="trans_shape1(13) -0,1,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] - node_81464[label="feed(0)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] - node_81477[label="concat_out(18) -2,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] - node_81463[label="transpose2_x1(2) -1,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] - node_81458[label="fetch(20)" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] - node_81466[label="concat(17)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] - node_81465[label="flatten2_out0(9) -1,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] - node_81467[label="trans_out0(6) -9,1" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] - node_81476[label="xshape0(10) -0,9,1" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] - node_81462[label="transpose2_x0(4) -1,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] - node_81468[label="feed(1)" shape="box" style="rounded,filled,bold" fontname="Arial" color="#148b97" fontcolor="#ffffff"] - node_81471[label="place_holder_weight(21) -1" shape="box" style="rounded,filled,bold" fontname="Arial" color="#148b97" fontcolor="#ffffff"] - node_81469[label="trans_shape0(7) -0,1,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] - node_81473[label="flatten2(8)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] - node_81470[label="transpose2(11)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] - node_81459[label="fetch(19)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] - node_81472[label="flatten2_out1(15) -1,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] - node_81459->node_81458 - node_81461->node_81467 - node_81461->node_81469 - node_81462->node_81461 - node_81463->node_81470 - node_81464->node_81463 - node_81465->node_81466 - node_81466->node_81477 - node_81467->node_81473 - node_81468->node_81464 - node_81468->node_81475 - node_81470->node_81479 - node_81470->node_81460 - node_81472->node_81466 - node_81473->node_81465 - node_81473->node_81476 - node_81475->node_81462 - node_81477->node_81459 - node_81478->node_81472 - node_81478->node_81474 - node_81479->node_81478 -} // end G diff --git a/test/ir/inference/__main___cache_dir/2_ir_simplify_with_basic_ops_pass.dot b/test/ir/inference/__main___cache_dir/2_ir_simplify_with_basic_ops_pass.dot deleted file mode 100644 index 372017e98cc307..00000000000000 --- a/test/ir/inference/__main___cache_dir/2_ir_simplify_with_basic_ops_pass.dot +++ /dev/null @@ -1,57 +0,0 @@ -digraph G { - node_80885[label="trans_out1(12) -9,1" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] - node_80884[label="flatten2(14)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] - node_80881[label="feed(3)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] - node_80880[label="xshape1(16) -0,9,1" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] - node_80867[label="transpose2(5)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] - node_80866[label="trans_shape1(13) -0,1,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] - node_80870[label="feed(0)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] - node_80883[label="concat_out(18) -2,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] - node_80869[label="transpose2_x1(2) -1,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] - node_80864[label="fetch(20)" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] - node_80872[label="concat(17)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] - node_80871[label="flatten2_out0(9) -1,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] - node_80873[label="trans_out0(6) -9,1" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] - node_80882[label="xshape0(10) -0,9,1" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] - node_80868[label="transpose2_x0(4) -1,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] - node_80874[label="feed(1)" shape="box" style="rounded,filled,bold" fontname="Arial" color="#148b97" fontcolor="#ffffff"] - node_80877[label="place_holder_weight(21) -1" shape="box" style="rounded,filled,bold" fontname="Arial" color="#148b97" fontcolor="#ffffff"] - node_80875[label="trans_shape0(7) -0,1,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] - node_80879[label="flatten2(8)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] - node_80876[label="transpose2(11)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] - node_80865[label="fetch(19)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] - node_80878[label="flatten2_out1(15) -1,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] - node_80865->node_80864 - node_80867->node_80873 - node_80867->node_80875 - node_80868->node_80867 - node_80869->node_80876 - node_80870->node_80869 - node_80871->node_80872 - node_80872->node_80883 - node_80873->node_80879 - node_80874->node_80870 - node_80874->node_80881 - node_80876->node_80885 - node_80876->node_80866 - node_80878->node_80872 - node_80879->node_80871 - node_80879->node_80882 - node_80881->node_80868 - node_80883->node_80865 - node_80884->node_80878 - node_80884->node_80880 - node_80885->node_80884 -} // end G diff --git a/test/ir/inference/__main___cache_dir/30_ir_conv_elementwise_add_act_fuse_pass.dot b/test/ir/inference/__main___cache_dir/30_ir_conv_elementwise_add_act_fuse_pass.dot deleted file mode 100644 index 221b0a38f38092..00000000000000 --- a/test/ir/inference/__main___cache_dir/30_ir_conv_elementwise_add_act_fuse_pass.dot +++ /dev/null @@ -1,57 +0,0 @@ -digraph G { - node_81501[label="trans_out1(12) -9,1" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] - node_81500[label="flatten2(14)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] - node_81497[label="feed(3)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] - node_81496[label="xshape1(16) -0,9,1" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] - node_81483[label="transpose2(5)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] - node_81482[label="trans_shape1(13) -0,1,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] - node_81486[label="feed(0)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] - node_81499[label="concat_out(18) -2,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] - node_81485[label="transpose2_x1(2) -1,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] - node_81480[label="fetch(20)" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] - node_81488[label="concat(17)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] - node_81487[label="flatten2_out0(9) -1,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] - node_81489[label="trans_out0(6) -9,1" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] - node_81498[label="xshape0(10) -0,9,1" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] - node_81484[label="transpose2_x0(4) -1,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] - node_81490[label="feed(1)" shape="box" style="rounded,filled,bold" fontname="Arial" color="#148b97" fontcolor="#ffffff"] - node_81493[label="place_holder_weight(21) -1" shape="box" style="rounded,filled,bold" fontname="Arial" color="#148b97" fontcolor="#ffffff"] - node_81491[label="trans_shape0(7) -0,1,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] - node_81495[label="flatten2(8)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] - node_81492[label="transpose2(11)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] - node_81481[label="fetch(19)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] - node_81494[label="flatten2_out1(15) -1,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] - node_81481->node_81480 - node_81483->node_81489 - node_81483->node_81491 - node_81484->node_81483 - node_81485->node_81492 - node_81486->node_81485 - node_81487->node_81488 - node_81488->node_81499 - node_81489->node_81495 - node_81490->node_81486 - node_81490->node_81497 - node_81492->node_81501 - node_81492->node_81482 - node_81494->node_81488 - node_81495->node_81487 - node_81495->node_81498 - node_81497->node_81484 - node_81499->node_81481 - node_81500->node_81494 - node_81500->node_81496 - node_81501->node_81500 -} // end G diff --git a/test/ir/inference/__main___cache_dir/31_ir_conv_elementwise_add2_act_fuse_pass.dot b/test/ir/inference/__main___cache_dir/31_ir_conv_elementwise_add2_act_fuse_pass.dot deleted file mode 100644 index 02985a3e0239a8..00000000000000 --- a/test/ir/inference/__main___cache_dir/31_ir_conv_elementwise_add2_act_fuse_pass.dot +++ /dev/null @@ -1,57 +0,0 @@ -digraph G { - node_81523[label="trans_out1(12) -9,1" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] - node_81522[label="flatten2(14)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] - node_81519[label="feed(3)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] - node_81518[label="xshape1(16) -0,9,1" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] - node_81505[label="transpose2(5)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] - node_81504[label="trans_shape1(13) -0,1,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] - node_81508[label="feed(0)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] - node_81521[label="concat_out(18) -2,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] - node_81507[label="transpose2_x1(2) -1,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] - node_81502[label="fetch(20)" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] - node_81510[label="concat(17)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] - node_81509[label="flatten2_out0(9) -1,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] - node_81511[label="trans_out0(6) -9,1" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] - node_81520[label="xshape0(10) -0,9,1" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] - node_81506[label="transpose2_x0(4) -1,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] - node_81512[label="feed(1)" shape="box" style="rounded,filled,bold" fontname="Arial" color="#148b97" fontcolor="#ffffff"] - node_81515[label="place_holder_weight(21) -1" shape="box" style="rounded,filled,bold" fontname="Arial" color="#148b97" fontcolor="#ffffff"] - node_81513[label="trans_shape0(7) -0,1,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] - node_81517[label="flatten2(8)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] - node_81514[label="transpose2(11)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] - node_81503[label="fetch(19)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] - node_81516[label="flatten2_out1(15) -1,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] - node_81503->node_81502 - node_81505->node_81511 - node_81505->node_81513 - node_81506->node_81505 - node_81507->node_81514 - node_81508->node_81507 - node_81509->node_81510 - node_81510->node_81521 - node_81511->node_81517 - node_81512->node_81508 - node_81512->node_81519 - node_81514->node_81523 - node_81514->node_81504 - node_81516->node_81510 - node_81517->node_81509 - node_81517->node_81520 - node_81519->node_81506 - node_81521->node_81503 - node_81522->node_81516 - node_81522->node_81518 - node_81523->node_81522 -} // end G diff --git a/test/ir/inference/__main___cache_dir/32_ir_conv_elementwise_add_fuse_pass.dot b/test/ir/inference/__main___cache_dir/32_ir_conv_elementwise_add_fuse_pass.dot deleted file mode 100644 index 6510e1f9786f3a..00000000000000 --- a/test/ir/inference/__main___cache_dir/32_ir_conv_elementwise_add_fuse_pass.dot +++ /dev/null @@ -1,57 +0,0 @@ -digraph G { - node_81545[label="trans_out1(12) -9,1" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] - node_81544[label="flatten2(14)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] - node_81541[label="feed(3)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] - node_81540[label="xshape1(16) -0,9,1" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] - node_81527[label="transpose2(5)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] - node_81526[label="trans_shape1(13) -0,1,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] - node_81530[label="feed(0)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] - node_81543[label="concat_out(18) -2,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] - node_81529[label="transpose2_x1(2) -1,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] - node_81524[label="fetch(20)" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] - node_81532[label="concat(17)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] - node_81531[label="flatten2_out0(9) -1,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] - node_81533[label="trans_out0(6) -9,1" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] - node_81542[label="xshape0(10) -0,9,1" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] - node_81528[label="transpose2_x0(4) -1,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] - node_81534[label="feed(1)" shape="box" style="rounded,filled,bold" fontname="Arial" color="#148b97" fontcolor="#ffffff"] - node_81537[label="place_holder_weight(21) -1" shape="box" style="rounded,filled,bold" fontname="Arial" color="#148b97" fontcolor="#ffffff"] - node_81535[label="trans_shape0(7) -0,1,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] - node_81539[label="flatten2(8)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] - node_81536[label="transpose2(11)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] - node_81525[label="fetch(19)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] - node_81538[label="flatten2_out1(15) -1,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] - node_81525->node_81524 - node_81527->node_81533 - node_81527->node_81535 - node_81528->node_81527 - node_81529->node_81536 - node_81530->node_81529 - node_81531->node_81532 - node_81532->node_81543 - node_81533->node_81539 - node_81534->node_81530 - node_81534->node_81541 - node_81536->node_81545 - node_81536->node_81526 - node_81538->node_81532 - node_81539->node_81531 - node_81539->node_81542 - node_81541->node_81528 - node_81543->node_81525 - node_81544->node_81538 - node_81544->node_81540 - node_81545->node_81544 -} // end G diff --git a/test/ir/inference/__main___cache_dir/33_ir_transpose_flatten_concat_fuse_pass.dot b/test/ir/inference/__main___cache_dir/33_ir_transpose_flatten_concat_fuse_pass.dot deleted file mode 100644 index 6d2d32e1c939a9..00000000000000 --- a/test/ir/inference/__main___cache_dir/33_ir_transpose_flatten_concat_fuse_pass.dot +++ /dev/null @@ -1,33 +0,0 @@ -digraph G { - node_81559[label="concat_out(18) -2,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] - node_81558[label="xshape0(10) -0,9,1" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] - node_81557[label="feed(3)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] - node_81556[label="xshape1(16) -0,9,1" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] - node_81554[label="trans_shape0(7) -0,1,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] - node_81555[label="place_holder_weight(21) -1" shape="box" style="rounded,filled,bold" fontname="Arial" color="#148b97" fontcolor="#ffffff"] - node_81553[label="feed(1)" shape="box" style="rounded,filled,bold" fontname="Arial" color="#148b97" fontcolor="#ffffff"] - node_81547[label="fetch(20)" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] - node_81551[label="transpose2_x1(2) -1,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] - node_81546[label="fusion_transpose_flatten_concat(22)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] - node_81552[label="feed(0)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] - node_81549[label="trans_shape1(13) -0,1,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] - node_81548[label="fetch(19)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] - node_81550[label="transpose2_x0(4) -1,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] - node_81546->node_81559 - node_81548->node_81547 - node_81550->node_81546 - node_81551->node_81546 - node_81552->node_81551 - node_81553->node_81552 - node_81553->node_81557 - node_81557->node_81550 - node_81559->node_81548 -} // end G diff --git a/test/ir/inference/__main___cache_dir/34_ir_conv2d_fusion_layout_transfer_pass.dot b/test/ir/inference/__main___cache_dir/34_ir_conv2d_fusion_layout_transfer_pass.dot deleted file mode 100644 index dca8f6887d2268..00000000000000 --- a/test/ir/inference/__main___cache_dir/34_ir_conv2d_fusion_layout_transfer_pass.dot +++ /dev/null @@ -1,33 +0,0 @@ -digraph G { - node_81573[label="concat_out(18) -2,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] - node_81572[label="xshape0(10) -0,9,1" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] - node_81571[label="feed(3)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] - node_81570[label="xshape1(16) -0,9,1" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] - node_81568[label="trans_shape0(7) -0,1,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] - node_81569[label="place_holder_weight(21) -1" shape="box" style="rounded,filled,bold" fontname="Arial" color="#148b97" fontcolor="#ffffff"] - node_81567[label="feed(1)" shape="box" style="rounded,filled,bold" fontname="Arial" color="#148b97" fontcolor="#ffffff"] - node_81561[label="fetch(20)" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] - node_81565[label="transpose2_x1(2) -1,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] - node_81560[label="fusion_transpose_flatten_concat(22)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] - node_81566[label="feed(0)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] - node_81563[label="trans_shape1(13) -0,1,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] - node_81562[label="fetch(19)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] - node_81564[label="transpose2_x0(4) -1,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] - node_81560->node_81573 - node_81562->node_81561 - node_81564->node_81560 - node_81565->node_81560 - node_81566->node_81565 - node_81567->node_81566 - node_81567->node_81571 - node_81571->node_81564 - node_81573->node_81562 -} // end G diff --git a/test/ir/inference/__main___cache_dir/35_ir_transfer_layout_elim_pass.dot b/test/ir/inference/__main___cache_dir/35_ir_transfer_layout_elim_pass.dot deleted file mode 100644 index 61d291b4f139ff..00000000000000 --- a/test/ir/inference/__main___cache_dir/35_ir_transfer_layout_elim_pass.dot +++ /dev/null @@ -1,33 +0,0 @@ -digraph G { - node_81587[label="concat_out(18) -2,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] - node_81586[label="xshape0(10) -0,9,1" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] - node_81585[label="feed(3)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] - node_81584[label="xshape1(16) -0,9,1" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] - node_81582[label="trans_shape0(7) -0,1,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] - node_81583[label="place_holder_weight(21) -1" shape="box" style="rounded,filled,bold" fontname="Arial" color="#148b97" fontcolor="#ffffff"] - node_81581[label="feed(1)" shape="box" style="rounded,filled,bold" fontname="Arial" color="#148b97" fontcolor="#ffffff"] - node_81575[label="fetch(20)" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] - node_81579[label="transpose2_x1(2) -1,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] - node_81574[label="fusion_transpose_flatten_concat(22)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] - node_81580[label="feed(0)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] - node_81577[label="trans_shape1(13) -0,1,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] - node_81576[label="fetch(19)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] - node_81578[label="transpose2_x0(4) -1,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] - node_81574->node_81587 - node_81576->node_81575 - node_81578->node_81574 - node_81579->node_81574 - node_81580->node_81579 - node_81581->node_81580 - node_81581->node_81585 - node_81585->node_81578 - node_81587->node_81576 -} // end G diff --git a/test/ir/inference/__main___cache_dir/36_ir_auto_mixed_precision_pass.dot b/test/ir/inference/__main___cache_dir/36_ir_auto_mixed_precision_pass.dot deleted file mode 100644 index c6507506e56fc7..00000000000000 --- a/test/ir/inference/__main___cache_dir/36_ir_auto_mixed_precision_pass.dot +++ /dev/null @@ -1,33 +0,0 @@ -digraph G { - node_81601[label="concat_out(18) -2,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] - node_81600[label="xshape0(10) -0,9,1" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] - node_81599[label="feed(3)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] - node_81598[label="xshape1(16) -0,9,1" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] - node_81596[label="trans_shape0(7) -0,1,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] - node_81597[label="place_holder_weight(21) -1" shape="box" style="rounded,filled,bold" fontname="Arial" color="#148b97" fontcolor="#ffffff"] - node_81595[label="feed(1)" shape="box" style="rounded,filled,bold" fontname="Arial" color="#148b97" fontcolor="#ffffff"] - node_81589[label="fetch(20)" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] - node_81593[label="transpose2_x1(2) -1,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] - node_81588[label="fusion_transpose_flatten_concat(22)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] - node_81594[label="feed(0)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] - node_81591[label="trans_shape1(13) -0,1,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] - node_81590[label="fetch(19)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] - node_81592[label="transpose2_x0(4) -1,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] - node_81588->node_81601 - node_81590->node_81589 - node_81592->node_81588 - node_81593->node_81588 - node_81594->node_81593 - node_81595->node_81594 - node_81595->node_81599 - node_81599->node_81592 - node_81601->node_81590 -} // end G diff --git a/test/ir/inference/__main___cache_dir/37_ir_identity_op_clean_pass.dot b/test/ir/inference/__main___cache_dir/37_ir_identity_op_clean_pass.dot deleted file mode 100644 index 6ab55330037b14..00000000000000 --- a/test/ir/inference/__main___cache_dir/37_ir_identity_op_clean_pass.dot +++ /dev/null @@ -1,33 +0,0 @@ -digraph G { - node_81615[label="concat_out(18) -2,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] - node_81614[label="xshape0(10) -0,9,1" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] - node_81613[label="feed(3)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] - node_81612[label="xshape1(16) -0,9,1" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] - node_81610[label="trans_shape0(7) -0,1,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] - node_81611[label="place_holder_weight(21) -1" shape="box" style="rounded,filled,bold" fontname="Arial" color="#148b97" fontcolor="#ffffff"] - node_81609[label="feed(1)" shape="box" style="rounded,filled,bold" fontname="Arial" color="#148b97" fontcolor="#ffffff"] - node_81603[label="fetch(20)" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] - node_81607[label="transpose2_x1(2) -1,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] - node_81602[label="fusion_transpose_flatten_concat(22)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] - node_81608[label="feed(0)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] - node_81605[label="trans_shape1(13) -0,1,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] - node_81604[label="fetch(19)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] - node_81606[label="transpose2_x0(4) -1,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] - node_81602->node_81615 - node_81604->node_81603 - node_81606->node_81602 - node_81607->node_81602 - node_81608->node_81607 - node_81609->node_81608 - node_81609->node_81613 - node_81613->node_81606 - node_81615->node_81604 -} // end G diff --git a/test/ir/inference/__main___cache_dir/38_ir_inplace_op_var_pass.dot b/test/ir/inference/__main___cache_dir/38_ir_inplace_op_var_pass.dot deleted file mode 100644 index 3a313e5667860d..00000000000000 --- a/test/ir/inference/__main___cache_dir/38_ir_inplace_op_var_pass.dot +++ /dev/null @@ -1,33 +0,0 @@ -digraph G { - node_81629[label="concat_out(18) -2,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] - node_81628[label="xshape0(10) -0,9,1" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] - node_81627[label="feed(3)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] - node_81626[label="xshape1(16) -0,9,1" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] - node_81624[label="trans_shape0(7) -0,1,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] - node_81625[label="place_holder_weight(21) -1" shape="box" style="rounded,filled,bold" fontname="Arial" color="#148b97" fontcolor="#ffffff"] - node_81623[label="feed(1)" shape="box" style="rounded,filled,bold" fontname="Arial" color="#148b97" fontcolor="#ffffff"] - node_81617[label="fetch(20)" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] - node_81621[label="transpose2_x1(2) -1,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] - node_81616[label="fusion_transpose_flatten_concat(22)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] - node_81622[label="feed(0)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] - node_81619[label="trans_shape1(13) -0,1,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] - node_81618[label="fetch(19)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] - node_81620[label="transpose2_x0(4) -1,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] - node_81616->node_81629 - node_81618->node_81617 - node_81620->node_81616 - node_81621->node_81616 - node_81622->node_81621 - node_81623->node_81622 - node_81623->node_81627 - node_81627->node_81620 - node_81629->node_81618 -} // end G diff --git a/test/ir/inference/__main___cache_dir/3_ir_delete_quant_dequant_linear_op_pass.dot b/test/ir/inference/__main___cache_dir/3_ir_delete_quant_dequant_linear_op_pass.dot deleted file mode 100644 index 44d452c75e99e6..00000000000000 --- a/test/ir/inference/__main___cache_dir/3_ir_delete_quant_dequant_linear_op_pass.dot +++ /dev/null @@ -1,57 +0,0 @@ -digraph G { - node_80907[label="trans_out1(12) -9,1" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] - node_80906[label="flatten2(14)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] - node_80903[label="feed(3)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] - node_80902[label="xshape1(16) -0,9,1" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] - node_80889[label="transpose2(5)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] - node_80888[label="trans_shape1(13) -0,1,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] - node_80892[label="feed(0)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] - node_80905[label="concat_out(18) -2,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] - node_80891[label="transpose2_x1(2) -1,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] - node_80886[label="fetch(20)" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] - node_80894[label="concat(17)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] - node_80893[label="flatten2_out0(9) -1,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] - node_80895[label="trans_out0(6) -9,1" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] - node_80904[label="xshape0(10) -0,9,1" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] - node_80890[label="transpose2_x0(4) -1,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] - node_80896[label="feed(1)" shape="box" style="rounded,filled,bold" fontname="Arial" color="#148b97" fontcolor="#ffffff"] - node_80899[label="place_holder_weight(21) -1" shape="box" style="rounded,filled,bold" fontname="Arial" color="#148b97" fontcolor="#ffffff"] - node_80897[label="trans_shape0(7) -0,1,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] - node_80901[label="flatten2(8)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] - node_80898[label="transpose2(11)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] - node_80887[label="fetch(19)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] - node_80900[label="flatten2_out1(15) -1,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] - node_80887->node_80886 - node_80889->node_80895 - node_80889->node_80897 - node_80890->node_80889 - node_80891->node_80898 - node_80892->node_80891 - node_80893->node_80894 - node_80894->node_80905 - node_80895->node_80901 - node_80896->node_80892 - node_80896->node_80903 - node_80898->node_80907 - node_80898->node_80888 - node_80900->node_80894 - node_80901->node_80893 - node_80901->node_80904 - node_80903->node_80890 - node_80905->node_80887 - node_80906->node_80900 - node_80906->node_80902 - node_80907->node_80906 -} // end G diff --git a/test/ir/inference/__main___cache_dir/4_ir_delete_weight_dequant_linear_op_pass.dot b/test/ir/inference/__main___cache_dir/4_ir_delete_weight_dequant_linear_op_pass.dot deleted file mode 100644 index 0899043982d725..00000000000000 --- a/test/ir/inference/__main___cache_dir/4_ir_delete_weight_dequant_linear_op_pass.dot +++ /dev/null @@ -1,57 +0,0 @@ -digraph G { - node_80929[label="trans_out1(12) -9,1" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] - node_80928[label="flatten2(14)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] - node_80925[label="feed(3)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] - node_80924[label="xshape1(16) -0,9,1" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] - node_80911[label="transpose2(5)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] - node_80910[label="trans_shape1(13) -0,1,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] - node_80914[label="feed(0)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] - node_80927[label="concat_out(18) -2,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] - node_80913[label="transpose2_x1(2) -1,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] - node_80908[label="fetch(20)" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] - node_80916[label="concat(17)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] - node_80915[label="flatten2_out0(9) -1,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] - node_80917[label="trans_out0(6) -9,1" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] - node_80926[label="xshape0(10) -0,9,1" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] - node_80912[label="transpose2_x0(4) -1,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] - node_80918[label="feed(1)" shape="box" style="rounded,filled,bold" fontname="Arial" color="#148b97" fontcolor="#ffffff"] - node_80921[label="place_holder_weight(21) -1" shape="box" style="rounded,filled,bold" fontname="Arial" color="#148b97" fontcolor="#ffffff"] - node_80919[label="trans_shape0(7) -0,1,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] - node_80923[label="flatten2(8)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] - node_80920[label="transpose2(11)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] - node_80909[label="fetch(19)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] - node_80922[label="flatten2_out1(15) -1,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] - node_80909->node_80908 - node_80911->node_80917 - node_80911->node_80919 - node_80912->node_80911 - node_80913->node_80920 - node_80914->node_80913 - node_80915->node_80916 - node_80916->node_80927 - node_80917->node_80923 - node_80918->node_80914 - node_80918->node_80925 - node_80920->node_80929 - node_80920->node_80910 - node_80922->node_80916 - node_80923->node_80915 - node_80923->node_80926 - node_80925->node_80912 - node_80927->node_80909 - node_80928->node_80922 - node_80928->node_80924 - node_80929->node_80928 -} // end G diff --git a/test/ir/inference/__main___cache_dir/5_ir_constant_folding_pass.dot b/test/ir/inference/__main___cache_dir/5_ir_constant_folding_pass.dot deleted file mode 100644 index 7a6d9069e587a4..00000000000000 --- a/test/ir/inference/__main___cache_dir/5_ir_constant_folding_pass.dot +++ /dev/null @@ -1,57 +0,0 @@ -digraph G { - node_80951[label="trans_out1(12) -9,1" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] - node_80950[label="flatten2(14)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] - node_80947[label="feed(3)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] - node_80946[label="xshape1(16) -0,9,1" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] - node_80933[label="transpose2(5)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] - node_80932[label="trans_shape1(13) -0,1,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] - node_80936[label="feed(0)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] - node_80949[label="concat_out(18) -2,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] - node_80935[label="transpose2_x1(2) -1,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] - node_80930[label="fetch(20)" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] - node_80938[label="concat(17)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] - node_80937[label="flatten2_out0(9) -1,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] - node_80939[label="trans_out0(6) -9,1" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] - node_80948[label="xshape0(10) -0,9,1" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] - node_80934[label="transpose2_x0(4) -1,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] - node_80940[label="feed(1)" shape="box" style="rounded,filled,bold" fontname="Arial" color="#148b97" fontcolor="#ffffff"] - node_80943[label="place_holder_weight(21) -1" shape="box" style="rounded,filled,bold" fontname="Arial" color="#148b97" fontcolor="#ffffff"] - node_80941[label="trans_shape0(7) -0,1,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] - node_80945[label="flatten2(8)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] - node_80942[label="transpose2(11)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] - node_80931[label="fetch(19)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] - node_80944[label="flatten2_out1(15) -1,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] - node_80931->node_80930 - node_80933->node_80939 - node_80933->node_80941 - node_80934->node_80933 - node_80935->node_80942 - node_80936->node_80935 - node_80937->node_80938 - node_80938->node_80949 - node_80939->node_80945 - node_80940->node_80936 - node_80940->node_80947 - node_80942->node_80951 - node_80942->node_80932 - node_80944->node_80938 - node_80945->node_80937 - node_80945->node_80948 - node_80947->node_80934 - node_80949->node_80931 - node_80950->node_80944 - node_80950->node_80946 - node_80951->node_80950 -} // end G diff --git a/test/ir/inference/__main___cache_dir/6_ir_silu_fuse_pass.dot b/test/ir/inference/__main___cache_dir/6_ir_silu_fuse_pass.dot deleted file mode 100644 index 84a3b98e80dca2..00000000000000 --- a/test/ir/inference/__main___cache_dir/6_ir_silu_fuse_pass.dot +++ /dev/null @@ -1,57 +0,0 @@ -digraph G { - node_80973[label="trans_out1(12) -9,1" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] - node_80972[label="flatten2(14)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] - node_80969[label="feed(3)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] - node_80968[label="xshape1(16) -0,9,1" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] - node_80955[label="transpose2(5)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] - node_80954[label="trans_shape1(13) -0,1,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] - node_80958[label="feed(0)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] - node_80971[label="concat_out(18) -2,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] - node_80957[label="transpose2_x1(2) -1,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] - node_80952[label="fetch(20)" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] - node_80960[label="concat(17)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] - node_80959[label="flatten2_out0(9) -1,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] - node_80961[label="trans_out0(6) -9,1" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] - node_80970[label="xshape0(10) -0,9,1" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] - node_80956[label="transpose2_x0(4) -1,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] - node_80962[label="feed(1)" shape="box" style="rounded,filled,bold" fontname="Arial" color="#148b97" fontcolor="#ffffff"] - node_80965[label="place_holder_weight(21) -1" shape="box" style="rounded,filled,bold" fontname="Arial" color="#148b97" fontcolor="#ffffff"] - node_80963[label="trans_shape0(7) -0,1,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] - node_80967[label="flatten2(8)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] - node_80964[label="transpose2(11)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] - node_80953[label="fetch(19)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] - node_80966[label="flatten2_out1(15) -1,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] - node_80953->node_80952 - node_80955->node_80961 - node_80955->node_80963 - node_80956->node_80955 - node_80957->node_80964 - node_80958->node_80957 - node_80959->node_80960 - node_80960->node_80971 - node_80961->node_80967 - node_80962->node_80958 - node_80962->node_80969 - node_80964->node_80973 - node_80964->node_80954 - node_80966->node_80960 - node_80967->node_80959 - node_80967->node_80970 - node_80969->node_80956 - node_80971->node_80953 - node_80972->node_80966 - node_80972->node_80968 - node_80973->node_80972 -} // end G diff --git a/test/ir/inference/__main___cache_dir/7_ir_conv_bn_fuse_pass.dot b/test/ir/inference/__main___cache_dir/7_ir_conv_bn_fuse_pass.dot deleted file mode 100644 index 4dc34ccb39d50a..00000000000000 --- a/test/ir/inference/__main___cache_dir/7_ir_conv_bn_fuse_pass.dot +++ /dev/null @@ -1,57 +0,0 @@ -digraph G { - node_80995[label="trans_out1(12) -9,1" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] - node_80994[label="flatten2(14)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] - node_80991[label="feed(3)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] - node_80990[label="xshape1(16) -0,9,1" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] - node_80977[label="transpose2(5)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] - node_80976[label="trans_shape1(13) -0,1,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] - node_80980[label="feed(0)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] - node_80993[label="concat_out(18) -2,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] - node_80979[label="transpose2_x1(2) -1,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] - node_80974[label="fetch(20)" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] - node_80982[label="concat(17)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] - node_80981[label="flatten2_out0(9) -1,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] - node_80983[label="trans_out0(6) -9,1" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] - node_80992[label="xshape0(10) -0,9,1" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] - node_80978[label="transpose2_x0(4) -1,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] - node_80984[label="feed(1)" shape="box" style="rounded,filled,bold" fontname="Arial" color="#148b97" fontcolor="#ffffff"] - node_80987[label="place_holder_weight(21) -1" shape="box" style="rounded,filled,bold" fontname="Arial" color="#148b97" fontcolor="#ffffff"] - node_80985[label="trans_shape0(7) -0,1,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] - node_80989[label="flatten2(8)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] - node_80986[label="transpose2(11)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] - node_80975[label="fetch(19)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] - node_80988[label="flatten2_out1(15) -1,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] - node_80975->node_80974 - node_80977->node_80983 - node_80977->node_80985 - node_80978->node_80977 - node_80979->node_80986 - node_80980->node_80979 - node_80981->node_80982 - node_80982->node_80993 - node_80983->node_80989 - node_80984->node_80980 - node_80984->node_80991 - node_80986->node_80995 - node_80986->node_80976 - node_80988->node_80982 - node_80989->node_80981 - node_80989->node_80992 - node_80991->node_80978 - node_80993->node_80975 - node_80994->node_80988 - node_80994->node_80990 - node_80995->node_80994 -} // end G diff --git a/test/ir/inference/__main___cache_dir/8_ir_conv_eltwiseadd_bn_fuse_pass.dot b/test/ir/inference/__main___cache_dir/8_ir_conv_eltwiseadd_bn_fuse_pass.dot deleted file mode 100644 index 32a4c3e1737a7e..00000000000000 --- a/test/ir/inference/__main___cache_dir/8_ir_conv_eltwiseadd_bn_fuse_pass.dot +++ /dev/null @@ -1,57 +0,0 @@ -digraph G { - node_81017[label="trans_out1(12) -9,1" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] - node_81016[label="flatten2(14)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] - node_81013[label="feed(3)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] - node_81012[label="xshape1(16) -0,9,1" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] - node_80999[label="transpose2(5)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] - node_80998[label="trans_shape1(13) -0,1,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] - node_81002[label="feed(0)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] - node_81015[label="concat_out(18) -2,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] - node_81001[label="transpose2_x1(2) -1,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] - node_80996[label="fetch(20)" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] - node_81004[label="concat(17)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] - node_81003[label="flatten2_out0(9) -1,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] - node_81005[label="trans_out0(6) -9,1" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] - node_81014[label="xshape0(10) -0,9,1" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] - node_81000[label="transpose2_x0(4) -1,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] - node_81006[label="feed(1)" shape="box" style="rounded,filled,bold" fontname="Arial" color="#148b97" fontcolor="#ffffff"] - node_81009[label="place_holder_weight(21) -1" shape="box" style="rounded,filled,bold" fontname="Arial" color="#148b97" fontcolor="#ffffff"] - node_81007[label="trans_shape0(7) -0,1,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] - node_81011[label="flatten2(8)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] - node_81008[label="transpose2(11)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] - node_80997[label="fetch(19)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] - node_81010[label="flatten2_out1(15) -1,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] - node_80997->node_80996 - node_80999->node_81005 - node_80999->node_81007 - node_81000->node_80999 - node_81001->node_81008 - node_81002->node_81001 - node_81003->node_81004 - node_81004->node_81015 - node_81005->node_81011 - node_81006->node_81002 - node_81006->node_81013 - node_81008->node_81017 - node_81008->node_80998 - node_81010->node_81004 - node_81011->node_81003 - node_81011->node_81014 - node_81013->node_81000 - node_81015->node_80997 - node_81016->node_81010 - node_81016->node_81012 - node_81017->node_81016 -} // end G diff --git a/test/ir/inference/__main___cache_dir/9_ir_embedding_eltwise_layernorm_fuse_pass.dot b/test/ir/inference/__main___cache_dir/9_ir_embedding_eltwise_layernorm_fuse_pass.dot deleted file mode 100644 index d044e9c3fc6005..00000000000000 --- a/test/ir/inference/__main___cache_dir/9_ir_embedding_eltwise_layernorm_fuse_pass.dot +++ /dev/null @@ -1,57 +0,0 @@ -digraph G { - node_81039[label="trans_out1(12) -9,1" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] - node_81038[label="flatten2(14)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] - node_81035[label="feed(3)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] - node_81034[label="xshape1(16) -0,9,1" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] - node_81021[label="transpose2(5)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] - node_81020[label="trans_shape1(13) -0,1,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] - node_81024[label="feed(0)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] - node_81037[label="concat_out(18) -2,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] - node_81023[label="transpose2_x1(2) -1,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] - node_81018[label="fetch(20)" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] - node_81026[label="concat(17)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] - node_81025[label="flatten2_out0(9) -1,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] - node_81027[label="trans_out0(6) -9,1" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] - node_81036[label="xshape0(10) -0,9,1" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] - node_81022[label="transpose2_x0(4) -1,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] - node_81028[label="feed(1)" shape="box" style="rounded,filled,bold" fontname="Arial" color="#148b97" fontcolor="#ffffff"] - node_81031[label="place_holder_weight(21) -1" shape="box" style="rounded,filled,bold" fontname="Arial" color="#148b97" fontcolor="#ffffff"] - node_81029[label="trans_shape0(7) -0,1,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] - node_81033[label="flatten2(8)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] - node_81030[label="transpose2(11)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] - node_81019[label="fetch(19)" style="rounded,filled,bold" shape="box" color="#303A3A" fontcolor="#ffffff" width="1.3" height="0.84" fontname="Arial"] - node_81032[label="flatten2_out1(15) -1,9" shape="box" style="rounded,filled,bold" fontname="Arial" fillcolor="#999999" color="#dddddd"] - node_81019->node_81018 - node_81021->node_81027 - node_81021->node_81029 - node_81022->node_81021 - node_81023->node_81030 - node_81024->node_81023 - node_81025->node_81026 - node_81026->node_81037 - node_81027->node_81033 - node_81028->node_81024 - node_81028->node_81035 - node_81030->node_81039 - node_81030->node_81020 - node_81032->node_81026 - node_81033->node_81025 - node_81033->node_81036 - node_81035->node_81022 - node_81037->node_81019 - node_81038->node_81032 - node_81038->node_81034 - node_81039->node_81038 -} // end G diff --git a/test/ir/inference/__main___cache_dir/auto_mixed_precision_pass.pdmodel b/test/ir/inference/__main___cache_dir/auto_mixed_precision_pass.pdmodel deleted file mode 100644 index 56f395339c526ed919541dfb2dfe4b9807572fa8..0000000000000000000000000000000000000000 GIT binary patch literal 0 HcmV?d00001 literal 612 zcmah{-A;or6mEfS<;b+FUM$sQv%UcAMZEQ{A*=`q0W!MCbNGHfix%oOz$Nyk={aA& zpPs^(M-cr!EzFlNOO;MC<`CFozJ)*^;;^T{UVa z+mHnYLSSwn24E;Afanh(054T)ZxsFYR584w_yYHJ5hqG!Rk2qG`JwXnOfxXLbMQJ{ zL-PoW_KIiUm_nE4nBF#@0FtUqVlAtqX19hF`ZP`#SM0zC{Kl-~2XJ2vX7m6N?|Z@r zH>nDW*7*NB;q(p?pBSDyp%HgDK1OV14GawPO?qtds+8xU$h3&HR;9G5#0qYH^Tlo6 o7=uVK2u`3u4eaFmiW}k(i3sjGPXjp?SO@mgaJyZyBjFJA10ZXUDgXcg diff --git a/test/ir/inference/__main___cache_dir/constant_folding_pass.pdmodel b/test/ir/inference/__main___cache_dir/constant_folding_pass.pdmodel deleted file mode 100644 index f681386b53e59c9f559347d46475a74ef1d56266..0000000000000000000000000000000000000000 GIT binary patch literal 0 HcmV?d00001 literal 1899 zcmd^A%aYPS6zzlok~;x&SW-IOC2!k zbh!tP)24)4)TM+!hhBkLCYc_~wa+|+IM6`|0x(4b5F7w5pf`<_F*+X0WMvu|I0qs!!d6bET2HW9ci3#!Kho?aoG&94YB@`yiB9F6o`0Ab2H0{3PV$y9O{1Si!~7|9 z*GJgEc94zx!~N>z;WL0Ri9==bFa?{EZmD8AHTZ8(3awFSpOm%8K=Scmkd4cey55T_8R$F@+cehtr8NN=}n> zp$xTOx>xb$wc6nH;sWU6CYr>tEFfmH)ClNKqePikV?hB{nU*DlcHR+_{be@@wq~%Kjd`U*mj9i+eC*7a2-_h) E0onTQi~s-t diff --git a/test/ir/inference/__main___cache_dir/conv2d_fusion_layout_transfer_pass.pdmodel b/test/ir/inference/__main___cache_dir/conv2d_fusion_layout_transfer_pass.pdmodel deleted file mode 100644 index 56f395339c526ed919541dfb2dfe4b9807572fa8..0000000000000000000000000000000000000000 GIT binary patch literal 0 HcmV?d00001 literal 612 zcmah{-A;or6mEfS<;b+FUM$sQv%UcAMZEQ{A*=`q0W!MCbNGHfix%oOz$Nyk={aA& zpPs^(M-cr!EzFlNOO;MC<`CFozJ)*^;;^T{UVa z+mHnYLSSwn24E;Afanh(054T)ZxsFYR584w_yYHJ5hqG!Rk2qG`JwXnOfxXLbMQJ{ zL-PoW_KIiUm_nE4nBF#@0FtUqVlAtqX19hF`ZP`#SM0zC{Kl-~2XJ2vX7m6N?|Z@r zH>nDW*7*NB;q(p?pBSDyp%HgDK1OV14GawPO?qtds+8xU$h3&HR;9G5#0qYH^Tlo6 o7=uVK2u`3u4eaFmiW}k(i3sjGPXjp?SO@mgaJyZyBjFJA10ZXUDgXcg diff --git a/test/ir/inference/__main___cache_dir/conv_bn_fuse_pass.pdmodel b/test/ir/inference/__main___cache_dir/conv_bn_fuse_pass.pdmodel deleted file mode 100644 index f681386b53e59c9f559347d46475a74ef1d56266..0000000000000000000000000000000000000000 GIT binary patch literal 0 HcmV?d00001 literal 1899 zcmd^A%aYPS6zzlok~;x&SW-IOC2!k zbh!tP)24)4)TM+!hhBkLCYc_~wa+|+IM6`|0x(4b5F7w5pf`<_F*+X0WMvu|I0qs!!d6bET2HW9ci3#!Kho?aoG&94YB@`yiB9F6o`0Ab2H0{3PV$y9O{1Si!~7|9 z*GJgEc94zx!~N>z;WL0Ri9==bFa?{EZmD8AHTZ8(3awFSpOm%8K=Scmkd4cey55T_8R$F@+cehtr8NN=}n> zp$xTOx>xb$wc6nH;sWU6CYr>tEFfmH)ClNKqePikV?hB{nU*DlcHR+_{be@@wq~%Kjd`U*mj9i+eC*7a2-_h) E0onTQi~s-t diff --git a/test/ir/inference/__main___cache_dir/conv_elementwise_add2_act_fuse_pass.pdmodel b/test/ir/inference/__main___cache_dir/conv_elementwise_add2_act_fuse_pass.pdmodel deleted file mode 100644 index f681386b53e59c9f559347d46475a74ef1d56266..0000000000000000000000000000000000000000 GIT binary patch literal 0 HcmV?d00001 literal 1899 zcmd^A%aYPS6zzlok~;x&SW-IOC2!k zbh!tP)24)4)TM+!hhBkLCYc_~wa+|+IM6`|0x(4b5F7w5pf`<_F*+X0WMvu|I0qs!!d6bET2HW9ci3#!Kho?aoG&94YB@`yiB9F6o`0Ab2H0{3PV$y9O{1Si!~7|9 z*GJgEc94zx!~N>z;WL0Ri9==bFa?{EZmD8AHTZ8(3awFSpOm%8K=Scmkd4cey55T_8R$F@+cehtr8NN=}n> zp$xTOx>xb$wc6nH;sWU6CYr>tEFfmH)ClNKqePikV?hB{nU*DlcHR+_{be@@wq~%Kjd`U*mj9i+eC*7a2-_h) E0onTQi~s-t diff --git a/test/ir/inference/__main___cache_dir/conv_elementwise_add_act_fuse_pass.pdmodel b/test/ir/inference/__main___cache_dir/conv_elementwise_add_act_fuse_pass.pdmodel deleted file mode 100644 index f681386b53e59c9f559347d46475a74ef1d56266..0000000000000000000000000000000000000000 GIT binary patch literal 0 HcmV?d00001 literal 1899 zcmd^A%aYPS6zzlok~;x&SW-IOC2!k zbh!tP)24)4)TM+!hhBkLCYc_~wa+|+IM6`|0x(4b5F7w5pf`<_F*+X0WMvu|I0qs!!d6bET2HW9ci3#!Kho?aoG&94YB@`yiB9F6o`0Ab2H0{3PV$y9O{1Si!~7|9 z*GJgEc94zx!~N>z;WL0Ri9==bFa?{EZmD8AHTZ8(3awFSpOm%8K=Scmkd4cey55T_8R$F@+cehtr8NN=}n> zp$xTOx>xb$wc6nH;sWU6CYr>tEFfmH)ClNKqePikV?hB{nU*DlcHR+_{be@@wq~%Kjd`U*mj9i+eC*7a2-_h) E0onTQi~s-t diff --git a/test/ir/inference/__main___cache_dir/conv_elementwise_add_fuse_pass.pdmodel b/test/ir/inference/__main___cache_dir/conv_elementwise_add_fuse_pass.pdmodel deleted file mode 100644 index f681386b53e59c9f559347d46475a74ef1d56266..0000000000000000000000000000000000000000 GIT binary patch literal 0 HcmV?d00001 literal 1899 zcmd^A%aYPS6zzlok~;x&SW-IOC2!k zbh!tP)24)4)TM+!hhBkLCYc_~wa+|+IM6`|0x(4b5F7w5pf`<_F*+X0WMvu|I0qs!!d6bET2HW9ci3#!Kho?aoG&94YB@`yiB9F6o`0Ab2H0{3PV$y9O{1Si!~7|9 z*GJgEc94zx!~N>z;WL0Ri9==bFa?{EZmD8AHTZ8(3awFSpOm%8K=Scmkd4cey55T_8R$F@+cehtr8NN=}n> zp$xTOx>xb$wc6nH;sWU6CYr>tEFfmH)ClNKqePikV?hB{nU*DlcHR+_{be@@wq~%Kjd`U*mj9i+eC*7a2-_h) E0onTQi~s-t diff --git a/test/ir/inference/__main___cache_dir/conv_eltwiseadd_bn_fuse_pass.pdmodel b/test/ir/inference/__main___cache_dir/conv_eltwiseadd_bn_fuse_pass.pdmodel deleted file mode 100644 index f681386b53e59c9f559347d46475a74ef1d56266..0000000000000000000000000000000000000000 GIT binary patch literal 0 HcmV?d00001 literal 1899 zcmd^A%aYPS6zzlok~;x&SW-IOC2!k zbh!tP)24)4)TM+!hhBkLCYc_~wa+|+IM6`|0x(4b5F7w5pf`<_F*+X0WMvu|I0qs!!d6bET2HW9ci3#!Kho?aoG&94YB@`yiB9F6o`0Ab2H0{3PV$y9O{1Si!~7|9 z*GJgEc94zx!~N>z;WL0Ri9==bFa?{EZmD8AHTZ8(3awFSpOm%8K=Scmkd4cey55T_8R$F@+cehtr8NN=}n> zp$xTOx>xb$wc6nH;sWU6CYr>tEFfmH)ClNKqePikV?hB{nU*DlcHR+_{be@@wq~%Kjd`U*mj9i+eC*7a2-_h) E0onTQi~s-t diff --git a/test/ir/inference/__main___cache_dir/delete_quant_dequant_linear_op_pass.pdmodel b/test/ir/inference/__main___cache_dir/delete_quant_dequant_linear_op_pass.pdmodel deleted file mode 100644 index f681386b53e59c9f559347d46475a74ef1d56266..0000000000000000000000000000000000000000 GIT binary patch literal 0 HcmV?d00001 literal 1899 zcmd^A%aYPS6zzlok~;x&SW-IOC2!k zbh!tP)24)4)TM+!hhBkLCYc_~wa+|+IM6`|0x(4b5F7w5pf`<_F*+X0WMvu|I0qs!!d6bET2HW9ci3#!Kho?aoG&94YB@`yiB9F6o`0Ab2H0{3PV$y9O{1Si!~7|9 z*GJgEc94zx!~N>z;WL0Ri9==bFa?{EZmD8AHTZ8(3awFSpOm%8K=Scmkd4cey55T_8R$F@+cehtr8NN=}n> zp$xTOx>xb$wc6nH;sWU6CYr>tEFfmH)ClNKqePikV?hB{nU*DlcHR+_{be@@wq~%Kjd`U*mj9i+eC*7a2-_h) E0onTQi~s-t diff --git a/test/ir/inference/__main___cache_dir/delete_weight_dequant_linear_op_pass.pdmodel b/test/ir/inference/__main___cache_dir/delete_weight_dequant_linear_op_pass.pdmodel deleted file mode 100644 index f681386b53e59c9f559347d46475a74ef1d56266..0000000000000000000000000000000000000000 GIT binary patch literal 0 HcmV?d00001 literal 1899 zcmd^A%aYPS6zzlok~;x&SW-IOC2!k zbh!tP)24)4)TM+!hhBkLCYc_~wa+|+IM6`|0x(4b5F7w5pf`<_F*+X0WMvu|I0qs!!d6bET2HW9ci3#!Kho?aoG&94YB@`yiB9F6o`0Ab2H0{3PV$y9O{1Si!~7|9 z*GJgEc94zx!~N>z;WL0Ri9==bFa?{EZmD8AHTZ8(3awFSpOm%8K=Scmkd4cey55T_8R$F@+cehtr8NN=}n> zp$xTOx>xb$wc6nH;sWU6CYr>tEFfmH)ClNKqePikV?hB{nU*DlcHR+_{be@@wq~%Kjd`U*mj9i+eC*7a2-_h) E0onTQi~s-t diff --git a/test/ir/inference/__main___cache_dir/embedding_eltwise_layernorm_fuse_pass.pdmodel b/test/ir/inference/__main___cache_dir/embedding_eltwise_layernorm_fuse_pass.pdmodel deleted file mode 100644 index f681386b53e59c9f559347d46475a74ef1d56266..0000000000000000000000000000000000000000 GIT binary patch literal 0 HcmV?d00001 literal 1899 zcmd^A%aYPS6zzlok~;x&SW-IOC2!k zbh!tP)24)4)TM+!hhBkLCYc_~wa+|+IM6`|0x(4b5F7w5pf`<_F*+X0WMvu|I0qs!!d6bET2HW9ci3#!Kho?aoG&94YB@`yiB9F6o`0Ab2H0{3PV$y9O{1Si!~7|9 z*GJgEc94zx!~N>z;WL0Ri9==bFa?{EZmD8AHTZ8(3awFSpOm%8K=Scmkd4cey55T_8R$F@+cehtr8NN=}n> zp$xTOx>xb$wc6nH;sWU6CYr>tEFfmH)ClNKqePikV?hB{nU*DlcHR+_{be@@wq~%Kjd`U*mj9i+eC*7a2-_h) E0onTQi~s-t diff --git a/test/ir/inference/__main___cache_dir/fc_elementwise_layernorm_fuse_pass.pdmodel b/test/ir/inference/__main___cache_dir/fc_elementwise_layernorm_fuse_pass.pdmodel deleted file mode 100644 index f681386b53e59c9f559347d46475a74ef1d56266..0000000000000000000000000000000000000000 GIT binary patch literal 0 HcmV?d00001 literal 1899 zcmd^A%aYPS6zzlok~;x&SW-IOC2!k zbh!tP)24)4)TM+!hhBkLCYc_~wa+|+IM6`|0x(4b5F7w5pf`<_F*+X0WMvu|I0qs!!d6bET2HW9ci3#!Kho?aoG&94YB@`yiB9F6o`0Ab2H0{3PV$y9O{1Si!~7|9 z*GJgEc94zx!~N>z;WL0Ri9==bFa?{EZmD8AHTZ8(3awFSpOm%8K=Scmkd4cey55T_8R$F@+cehtr8NN=}n> zp$xTOx>xb$wc6nH;sWU6CYr>tEFfmH)ClNKqePikV?hB{nU*DlcHR+_{be@@wq~%Kjd`U*mj9i+eC*7a2-_h) E0onTQi~s-t diff --git a/test/ir/inference/__main___cache_dir/fc_fuse_pass.pdmodel b/test/ir/inference/__main___cache_dir/fc_fuse_pass.pdmodel deleted file mode 100644 index f681386b53e59c9f559347d46475a74ef1d56266..0000000000000000000000000000000000000000 GIT binary patch literal 0 HcmV?d00001 literal 1899 zcmd^A%aYPS6zzlok~;x&SW-IOC2!k zbh!tP)24)4)TM+!hhBkLCYc_~wa+|+IM6`|0x(4b5F7w5pf`<_F*+X0WMvu|I0qs!!d6bET2HW9ci3#!Kho?aoG&94YB@`yiB9F6o`0Ab2H0{3PV$y9O{1Si!~7|9 z*GJgEc94zx!~N>z;WL0Ri9==bFa?{EZmD8AHTZ8(3awFSpOm%8K=Scmkd4cey55T_8R$F@+cehtr8NN=}n> zp$xTOx>xb$wc6nH;sWU6CYr>tEFfmH)ClNKqePikV?hB{nU*DlcHR+_{be@@wq~%Kjd`U*mj9i+eC*7a2-_h) E0onTQi~s-t diff --git a/test/ir/inference/__main___cache_dir/fuse_multi_transformer_layer_pass.pdmodel b/test/ir/inference/__main___cache_dir/fuse_multi_transformer_layer_pass.pdmodel deleted file mode 100644 index f681386b53e59c9f559347d46475a74ef1d56266..0000000000000000000000000000000000000000 GIT binary patch literal 0 HcmV?d00001 literal 1899 zcmd^A%aYPS6zzlok~;x&SW-IOC2!k zbh!tP)24)4)TM+!hhBkLCYc_~wa+|+IM6`|0x(4b5F7w5pf`<_F*+X0WMvu|I0qs!!d6bET2HW9ci3#!Kho?aoG&94YB@`yiB9F6o`0Ab2H0{3PV$y9O{1Si!~7|9 z*GJgEc94zx!~N>z;WL0Ri9==bFa?{EZmD8AHTZ8(3awFSpOm%8K=Scmkd4cey55T_8R$F@+cehtr8NN=}n> zp$xTOx>xb$wc6nH;sWU6CYr>tEFfmH)ClNKqePikV?hB{nU*DlcHR+_{be@@wq~%Kjd`U*mj9i+eC*7a2-_h) E0onTQi~s-t diff --git a/test/ir/inference/__main___cache_dir/fused_multi_transformer_decoder_fuse_qkv_pass.pdmodel b/test/ir/inference/__main___cache_dir/fused_multi_transformer_decoder_fuse_qkv_pass.pdmodel deleted file mode 100644 index f681386b53e59c9f559347d46475a74ef1d56266..0000000000000000000000000000000000000000 GIT binary patch literal 0 HcmV?d00001 literal 1899 zcmd^A%aYPS6zzlok~;x&SW-IOC2!k zbh!tP)24)4)TM+!hhBkLCYc_~wa+|+IM6`|0x(4b5F7w5pf`<_F*+X0WMvu|I0qs!!d6bET2HW9ci3#!Kho?aoG&94YB@`yiB9F6o`0Ab2H0{3PV$y9O{1Si!~7|9 z*GJgEc94zx!~N>z;WL0Ri9==bFa?{EZmD8AHTZ8(3awFSpOm%8K=Scmkd4cey55T_8R$F@+cehtr8NN=}n> zp$xTOx>xb$wc6nH;sWU6CYr>tEFfmH)ClNKqePikV?hB{nU*DlcHR+_{be@@wq~%Kjd`U*mj9i+eC*7a2-_h) E0onTQi~s-t diff --git a/test/ir/inference/__main___cache_dir/fused_multi_transformer_decoder_pass.pdmodel b/test/ir/inference/__main___cache_dir/fused_multi_transformer_decoder_pass.pdmodel deleted file mode 100644 index f681386b53e59c9f559347d46475a74ef1d56266..0000000000000000000000000000000000000000 GIT binary patch literal 0 HcmV?d00001 literal 1899 zcmd^A%aYPS6zzlok~;x&SW-IOC2!k zbh!tP)24)4)TM+!hhBkLCYc_~wa+|+IM6`|0x(4b5F7w5pf`<_F*+X0WMvu|I0qs!!d6bET2HW9ci3#!Kho?aoG&94YB@`yiB9F6o`0Ab2H0{3PV$y9O{1Si!~7|9 z*GJgEc94zx!~N>z;WL0Ri9==bFa?{EZmD8AHTZ8(3awFSpOm%8K=Scmkd4cey55T_8R$F@+cehtr8NN=}n> zp$xTOx>xb$wc6nH;sWU6CYr>tEFfmH)ClNKqePikV?hB{nU*DlcHR+_{be@@wq~%Kjd`U*mj9i+eC*7a2-_h) E0onTQi~s-t diff --git a/test/ir/inference/__main___cache_dir/fused_multi_transformer_encoder_fuse_qkv_pass.pdmodel b/test/ir/inference/__main___cache_dir/fused_multi_transformer_encoder_fuse_qkv_pass.pdmodel deleted file mode 100644 index f681386b53e59c9f559347d46475a74ef1d56266..0000000000000000000000000000000000000000 GIT binary patch literal 0 HcmV?d00001 literal 1899 zcmd^A%aYPS6zzlok~;x&SW-IOC2!k zbh!tP)24)4)TM+!hhBkLCYc_~wa+|+IM6`|0x(4b5F7w5pf`<_F*+X0WMvu|I0qs!!d6bET2HW9ci3#!Kho?aoG&94YB@`yiB9F6o`0Ab2H0{3PV$y9O{1Si!~7|9 z*GJgEc94zx!~N>z;WL0Ri9==bFa?{EZmD8AHTZ8(3awFSpOm%8K=Scmkd4cey55T_8R$F@+cehtr8NN=}n> zp$xTOx>xb$wc6nH;sWU6CYr>tEFfmH)ClNKqePikV?hB{nU*DlcHR+_{be@@wq~%Kjd`U*mj9i+eC*7a2-_h) E0onTQi~s-t diff --git a/test/ir/inference/__main___cache_dir/fused_multi_transformer_encoder_pass.pdmodel b/test/ir/inference/__main___cache_dir/fused_multi_transformer_encoder_pass.pdmodel deleted file mode 100644 index f681386b53e59c9f559347d46475a74ef1d56266..0000000000000000000000000000000000000000 GIT binary patch literal 0 HcmV?d00001 literal 1899 zcmd^A%aYPS6zzlok~;x&SW-IOC2!k zbh!tP)24)4)TM+!hhBkLCYc_~wa+|+IM6`|0x(4b5F7w5pf`<_F*+X0WMvu|I0qs!!d6bET2HW9ci3#!Kho?aoG&94YB@`yiB9F6o`0Ab2H0{3PV$y9O{1Si!~7|9 z*GJgEc94zx!~N>z;WL0Ri9==bFa?{EZmD8AHTZ8(3awFSpOm%8K=Scmkd4cey55T_8R$F@+cehtr8NN=}n> zp$xTOx>xb$wc6nH;sWU6CYr>tEFfmH)ClNKqePikV?hB{nU*DlcHR+_{be@@wq~%Kjd`U*mj9i+eC*7a2-_h) E0onTQi~s-t diff --git a/test/ir/inference/__main___cache_dir/gpu_cpu_flatten2_matmul_fuse_pass.pdmodel b/test/ir/inference/__main___cache_dir/gpu_cpu_flatten2_matmul_fuse_pass.pdmodel deleted file mode 100644 index f681386b53e59c9f559347d46475a74ef1d56266..0000000000000000000000000000000000000000 GIT binary patch literal 0 HcmV?d00001 literal 1899 zcmd^A%aYPS6zzlok~;x&SW-IOC2!k zbh!tP)24)4)TM+!hhBkLCYc_~wa+|+IM6`|0x(4b5F7w5pf`<_F*+X0WMvu|I0qs!!d6bET2HW9ci3#!Kho?aoG&94YB@`yiB9F6o`0Ab2H0{3PV$y9O{1Si!~7|9 z*GJgEc94zx!~N>z;WL0Ri9==bFa?{EZmD8AHTZ8(3awFSpOm%8K=Scmkd4cey55T_8R$F@+cehtr8NN=}n> zp$xTOx>xb$wc6nH;sWU6CYr>tEFfmH)ClNKqePikV?hB{nU*DlcHR+_{be@@wq~%Kjd`U*mj9i+eC*7a2-_h) E0onTQi~s-t diff --git a/test/ir/inference/__main___cache_dir/gpu_cpu_map_matmul_to_mul_pass.pdmodel b/test/ir/inference/__main___cache_dir/gpu_cpu_map_matmul_to_mul_pass.pdmodel deleted file mode 100644 index f681386b53e59c9f559347d46475a74ef1d56266..0000000000000000000000000000000000000000 GIT binary patch literal 0 HcmV?d00001 literal 1899 zcmd^A%aYPS6zzlok~;x&SW-IOC2!k zbh!tP)24)4)TM+!hhBkLCYc_~wa+|+IM6`|0x(4b5F7w5pf`<_F*+X0WMvu|I0qs!!d6bET2HW9ci3#!Kho?aoG&94YB@`yiB9F6o`0Ab2H0{3PV$y9O{1Si!~7|9 z*GJgEc94zx!~N>z;WL0Ri9==bFa?{EZmD8AHTZ8(3awFSpOm%8K=Scmkd4cey55T_8R$F@+cehtr8NN=}n> zp$xTOx>xb$wc6nH;sWU6CYr>tEFfmH)ClNKqePikV?hB{nU*DlcHR+_{be@@wq~%Kjd`U*mj9i+eC*7a2-_h) E0onTQi~s-t diff --git a/test/ir/inference/__main___cache_dir/gpu_cpu_map_matmul_v2_to_matmul_pass.pdmodel b/test/ir/inference/__main___cache_dir/gpu_cpu_map_matmul_v2_to_matmul_pass.pdmodel deleted file mode 100644 index f681386b53e59c9f559347d46475a74ef1d56266..0000000000000000000000000000000000000000 GIT binary patch literal 0 HcmV?d00001 literal 1899 zcmd^A%aYPS6zzlok~;x&SW-IOC2!k zbh!tP)24)4)TM+!hhBkLCYc_~wa+|+IM6`|0x(4b5F7w5pf`<_F*+X0WMvu|I0qs!!d6bET2HW9ci3#!Kho?aoG&94YB@`yiB9F6o`0Ab2H0{3PV$y9O{1Si!~7|9 z*GJgEc94zx!~N>z;WL0Ri9==bFa?{EZmD8AHTZ8(3awFSpOm%8K=Scmkd4cey55T_8R$F@+cehtr8NN=}n> zp$xTOx>xb$wc6nH;sWU6CYr>tEFfmH)ClNKqePikV?hB{nU*DlcHR+_{be@@wq~%Kjd`U*mj9i+eC*7a2-_h) E0onTQi~s-t diff --git a/test/ir/inference/__main___cache_dir/gpu_cpu_map_matmul_v2_to_mul_pass.pdmodel b/test/ir/inference/__main___cache_dir/gpu_cpu_map_matmul_v2_to_mul_pass.pdmodel deleted file mode 100644 index f681386b53e59c9f559347d46475a74ef1d56266..0000000000000000000000000000000000000000 GIT binary patch literal 0 HcmV?d00001 literal 1899 zcmd^A%aYPS6zzlok~;x&SW-IOC2!k zbh!tP)24)4)TM+!hhBkLCYc_~wa+|+IM6`|0x(4b5F7w5pf`<_F*+X0WMvu|I0qs!!d6bET2HW9ci3#!Kho?aoG&94YB@`yiB9F6o`0Ab2H0{3PV$y9O{1Si!~7|9 z*GJgEc94zx!~N>z;WL0Ri9==bFa?{EZmD8AHTZ8(3awFSpOm%8K=Scmkd4cey55T_8R$F@+cehtr8NN=}n> zp$xTOx>xb$wc6nH;sWU6CYr>tEFfmH)ClNKqePikV?hB{nU*DlcHR+_{be@@wq~%Kjd`U*mj9i+eC*7a2-_h) E0onTQi~s-t diff --git a/test/ir/inference/__main___cache_dir/gpu_cpu_reshape2_matmul_fuse_pass.pdmodel b/test/ir/inference/__main___cache_dir/gpu_cpu_reshape2_matmul_fuse_pass.pdmodel deleted file mode 100644 index f681386b53e59c9f559347d46475a74ef1d56266..0000000000000000000000000000000000000000 GIT binary patch literal 0 HcmV?d00001 literal 1899 zcmd^A%aYPS6zzlok~;x&SW-IOC2!k zbh!tP)24)4)TM+!hhBkLCYc_~wa+|+IM6`|0x(4b5F7w5pf`<_F*+X0WMvu|I0qs!!d6bET2HW9ci3#!Kho?aoG&94YB@`yiB9F6o`0Ab2H0{3PV$y9O{1Si!~7|9 z*GJgEc94zx!~N>z;WL0Ri9==bFa?{EZmD8AHTZ8(3awFSpOm%8K=Scmkd4cey55T_8R$F@+cehtr8NN=}n> zp$xTOx>xb$wc6nH;sWU6CYr>tEFfmH)ClNKqePikV?hB{nU*DlcHR+_{be@@wq~%Kjd`U*mj9i+eC*7a2-_h) E0onTQi~s-t diff --git a/test/ir/inference/__main___cache_dir/gpu_cpu_squeeze2_matmul_fuse_pass.pdmodel b/test/ir/inference/__main___cache_dir/gpu_cpu_squeeze2_matmul_fuse_pass.pdmodel deleted file mode 100644 index f681386b53e59c9f559347d46475a74ef1d56266..0000000000000000000000000000000000000000 GIT binary patch literal 0 HcmV?d00001 literal 1899 zcmd^A%aYPS6zzlok~;x&SW-IOC2!k zbh!tP)24)4)TM+!hhBkLCYc_~wa+|+IM6`|0x(4b5F7w5pf`<_F*+X0WMvu|I0qs!!d6bET2HW9ci3#!Kho?aoG&94YB@`yiB9F6o`0Ab2H0{3PV$y9O{1Si!~7|9 z*GJgEc94zx!~N>z;WL0Ri9==bFa?{EZmD8AHTZ8(3awFSpOm%8K=Scmkd4cey55T_8R$F@+cehtr8NN=}n> zp$xTOx>xb$wc6nH;sWU6CYr>tEFfmH)ClNKqePikV?hB{nU*DlcHR+_{be@@wq~%Kjd`U*mj9i+eC*7a2-_h) E0onTQi~s-t diff --git a/test/ir/inference/__main___cache_dir/identity_op_clean_pass.pdmodel b/test/ir/inference/__main___cache_dir/identity_op_clean_pass.pdmodel deleted file mode 100644 index 56f395339c526ed919541dfb2dfe4b9807572fa8..0000000000000000000000000000000000000000 GIT binary patch literal 0 HcmV?d00001 literal 612 zcmah{-A;or6mEfS<;b+FUM$sQv%UcAMZEQ{A*=`q0W!MCbNGHfix%oOz$Nyk={aA& zpPs^(M-cr!EzFlNOO;MC<`CFozJ)*^;;^T{UVa z+mHnYLSSwn24E;Afanh(054T)ZxsFYR584w_yYHJ5hqG!Rk2qG`JwXnOfxXLbMQJ{ zL-PoW_KIiUm_nE4nBF#@0FtUqVlAtqX19hF`ZP`#SM0zC{Kl-~2XJ2vX7m6N?|Z@r zH>nDW*7*NB;q(p?pBSDyp%HgDK1OV14GawPO?qtds+8xU$h3&HR;9G5#0qYH^Tlo6 o7=uVK2u`3u4eaFmiW}k(i3sjGPXjp?SO@mgaJyZyBjFJA10ZXUDgXcg diff --git a/test/ir/inference/__main___cache_dir/inplace_op_var_pass.pdmodel b/test/ir/inference/__main___cache_dir/inplace_op_var_pass.pdmodel deleted file mode 100644 index 56f395339c526ed919541dfb2dfe4b9807572fa8..0000000000000000000000000000000000000000 GIT binary patch literal 0 HcmV?d00001 literal 612 zcmah{-A;or6mEfS<;b+FUM$sQv%UcAMZEQ{A*=`q0W!MCbNGHfix%oOz$Nyk={aA& zpPs^(M-cr!EzFlNOO;MC<`CFozJ)*^;;^T{UVa z+mHnYLSSwn24E;Afanh(054T)ZxsFYR584w_yYHJ5hqG!Rk2qG`JwXnOfxXLbMQJ{ zL-PoW_KIiUm_nE4nBF#@0FtUqVlAtqX19hF`ZP`#SM0zC{Kl-~2XJ2vX7m6N?|Z@r zH>nDW*7*NB;q(p?pBSDyp%HgDK1OV14GawPO?qtds+8xU$h3&HR;9G5#0qYH^Tlo6 o7=uVK2u`3u4eaFmiW}k(i3sjGPXjp?SO@mgaJyZyBjFJA10ZXUDgXcg diff --git a/test/ir/inference/__main___cache_dir/is_test_pass.pdmodel b/test/ir/inference/__main___cache_dir/is_test_pass.pdmodel deleted file mode 100644 index f681386b53e59c9f559347d46475a74ef1d56266..0000000000000000000000000000000000000000 GIT binary patch literal 0 HcmV?d00001 literal 1899 zcmd^A%aYPS6zzlok~;x&SW-IOC2!k zbh!tP)24)4)TM+!hhBkLCYc_~wa+|+IM6`|0x(4b5F7w5pf`<_F*+X0WMvu|I0qs!!d6bET2HW9ci3#!Kho?aoG&94YB@`yiB9F6o`0Ab2H0{3PV$y9O{1Si!~7|9 z*GJgEc94zx!~N>z;WL0Ri9==bFa?{EZmD8AHTZ8(3awFSpOm%8K=Scmkd4cey55T_8R$F@+cehtr8NN=}n> zp$xTOx>xb$wc6nH;sWU6CYr>tEFfmH)ClNKqePikV?hB{nU*DlcHR+_{be@@wq~%Kjd`U*mj9i+eC*7a2-_h) E0onTQi~s-t diff --git a/test/ir/inference/__main___cache_dir/map_op_to_another_pass.pdmodel b/test/ir/inference/__main___cache_dir/map_op_to_another_pass.pdmodel deleted file mode 100644 index f681386b53e59c9f559347d46475a74ef1d56266..0000000000000000000000000000000000000000 GIT binary patch literal 0 HcmV?d00001 literal 1899 zcmd^A%aYPS6zzlok~;x&SW-IOC2!k zbh!tP)24)4)TM+!hhBkLCYc_~wa+|+IM6`|0x(4b5F7w5pf`<_F*+X0WMvu|I0qs!!d6bET2HW9ci3#!Kho?aoG&94YB@`yiB9F6o`0Ab2H0{3PV$y9O{1Si!~7|9 z*GJgEc94zx!~N>z;WL0Ri9==bFa?{EZmD8AHTZ8(3awFSpOm%8K=Scmkd4cey55T_8R$F@+cehtr8NN=}n> zp$xTOx>xb$wc6nH;sWU6CYr>tEFfmH)ClNKqePikV?hB{nU*DlcHR+_{be@@wq~%Kjd`U*mj9i+eC*7a2-_h) E0onTQi~s-t diff --git a/test/ir/inference/__main___cache_dir/matmul_scale_fuse_pass.pdmodel b/test/ir/inference/__main___cache_dir/matmul_scale_fuse_pass.pdmodel deleted file mode 100644 index f681386b53e59c9f559347d46475a74ef1d56266..0000000000000000000000000000000000000000 GIT binary patch literal 0 HcmV?d00001 literal 1899 zcmd^A%aYPS6zzlok~;x&SW-IOC2!k zbh!tP)24)4)TM+!hhBkLCYc_~wa+|+IM6`|0x(4b5F7w5pf`<_F*+X0WMvu|I0qs!!d6bET2HW9ci3#!Kho?aoG&94YB@`yiB9F6o`0Ab2H0{3PV$y9O{1Si!~7|9 z*GJgEc94zx!~N>z;WL0Ri9==bFa?{EZmD8AHTZ8(3awFSpOm%8K=Scmkd4cey55T_8R$F@+cehtr8NN=}n> zp$xTOx>xb$wc6nH;sWU6CYr>tEFfmH)ClNKqePikV?hB{nU*DlcHR+_{be@@wq~%Kjd`U*mj9i+eC*7a2-_h) E0onTQi~s-t diff --git a/test/ir/inference/__main___cache_dir/multi_devices_fused_multi_transformer_decoder_fuse_qkv_pass.pdmodel b/test/ir/inference/__main___cache_dir/multi_devices_fused_multi_transformer_decoder_fuse_qkv_pass.pdmodel deleted file mode 100644 index f681386b53e59c9f559347d46475a74ef1d56266..0000000000000000000000000000000000000000 GIT binary patch literal 0 HcmV?d00001 literal 1899 zcmd^A%aYPS6zzlok~;x&SW-IOC2!k zbh!tP)24)4)TM+!hhBkLCYc_~wa+|+IM6`|0x(4b5F7w5pf`<_F*+X0WMvu|I0qs!!d6bET2HW9ci3#!Kho?aoG&94YB@`yiB9F6o`0Ab2H0{3PV$y9O{1Si!~7|9 z*GJgEc94zx!~N>z;WL0Ri9==bFa?{EZmD8AHTZ8(3awFSpOm%8K=Scmkd4cey55T_8R$F@+cehtr8NN=}n> zp$xTOx>xb$wc6nH;sWU6CYr>tEFfmH)ClNKqePikV?hB{nU*DlcHR+_{be@@wq~%Kjd`U*mj9i+eC*7a2-_h) E0onTQi~s-t diff --git a/test/ir/inference/__main___cache_dir/multi_devices_fused_multi_transformer_encoder_fuse_qkv_pass.pdmodel b/test/ir/inference/__main___cache_dir/multi_devices_fused_multi_transformer_encoder_fuse_qkv_pass.pdmodel deleted file mode 100644 index f681386b53e59c9f559347d46475a74ef1d56266..0000000000000000000000000000000000000000 GIT binary patch literal 0 HcmV?d00001 literal 1899 zcmd^A%aYPS6zzlok~;x&SW-IOC2!k zbh!tP)24)4)TM+!hhBkLCYc_~wa+|+IM6`|0x(4b5F7w5pf`<_F*+X0WMvu|I0qs!!d6bET2HW9ci3#!Kho?aoG&94YB@`yiB9F6o`0Ab2H0{3PV$y9O{1Si!~7|9 z*GJgEc94zx!~N>z;WL0Ri9==bFa?{EZmD8AHTZ8(3awFSpOm%8K=Scmkd4cey55T_8R$F@+cehtr8NN=}n> zp$xTOx>xb$wc6nH;sWU6CYr>tEFfmH)ClNKqePikV?hB{nU*DlcHR+_{be@@wq~%Kjd`U*mj9i+eC*7a2-_h) E0onTQi~s-t diff --git a/test/ir/inference/__main___cache_dir/multi_devices_fused_multi_transformer_encoder_pass.pdmodel b/test/ir/inference/__main___cache_dir/multi_devices_fused_multi_transformer_encoder_pass.pdmodel deleted file mode 100644 index f681386b53e59c9f559347d46475a74ef1d56266..0000000000000000000000000000000000000000 GIT binary patch literal 0 HcmV?d00001 literal 1899 zcmd^A%aYPS6zzlok~;x&SW-IOC2!k zbh!tP)24)4)TM+!hhBkLCYc_~wa+|+IM6`|0x(4b5F7w5pf`<_F*+X0WMvu|I0qs!!d6bET2HW9ci3#!Kho?aoG&94YB@`yiB9F6o`0Ab2H0{3PV$y9O{1Si!~7|9 z*GJgEc94zx!~N>z;WL0Ri9==bFa?{EZmD8AHTZ8(3awFSpOm%8K=Scmkd4cey55T_8R$F@+cehtr8NN=}n> zp$xTOx>xb$wc6nH;sWU6CYr>tEFfmH)ClNKqePikV?hB{nU*DlcHR+_{be@@wq~%Kjd`U*mj9i+eC*7a2-_h) E0onTQi~s-t diff --git a/test/ir/inference/__main___cache_dir/multihead_matmul_fuse_pass_v2.pdmodel b/test/ir/inference/__main___cache_dir/multihead_matmul_fuse_pass_v2.pdmodel deleted file mode 100644 index f681386b53e59c9f559347d46475a74ef1d56266..0000000000000000000000000000000000000000 GIT binary patch literal 0 HcmV?d00001 literal 1899 zcmd^A%aYPS6zzlok~;x&SW-IOC2!k zbh!tP)24)4)TM+!hhBkLCYc_~wa+|+IM6`|0x(4b5F7w5pf`<_F*+X0WMvu|I0qs!!d6bET2HW9ci3#!Kho?aoG&94YB@`yiB9F6o`0Ab2H0{3PV$y9O{1Si!~7|9 z*GJgEc94zx!~N>z;WL0Ri9==bFa?{EZmD8AHTZ8(3awFSpOm%8K=Scmkd4cey55T_8R$F@+cehtr8NN=}n> zp$xTOx>xb$wc6nH;sWU6CYr>tEFfmH)ClNKqePikV?hB{nU*DlcHR+_{be@@wq~%Kjd`U*mj9i+eC*7a2-_h) E0onTQi~s-t diff --git a/test/ir/inference/__main___cache_dir/multihead_matmul_fuse_pass_v3.pdmodel b/test/ir/inference/__main___cache_dir/multihead_matmul_fuse_pass_v3.pdmodel deleted file mode 100644 index f681386b53e59c9f559347d46475a74ef1d56266..0000000000000000000000000000000000000000 GIT binary patch literal 0 HcmV?d00001 literal 1899 zcmd^A%aYPS6zzlok~;x&SW-IOC2!k zbh!tP)24)4)TM+!hhBkLCYc_~wa+|+IM6`|0x(4b5F7w5pf`<_F*+X0WMvu|I0qs!!d6bET2HW9ci3#!Kho?aoG&94YB@`yiB9F6o`0Ab2H0{3PV$y9O{1Si!~7|9 z*GJgEc94zx!~N>z;WL0Ri9==bFa?{EZmD8AHTZ8(3awFSpOm%8K=Scmkd4cey55T_8R$F@+cehtr8NN=}n> zp$xTOx>xb$wc6nH;sWU6CYr>tEFfmH)ClNKqePikV?hB{nU*DlcHR+_{be@@wq~%Kjd`U*mj9i+eC*7a2-_h) E0onTQi~s-t diff --git a/test/ir/inference/__main___cache_dir/silu_fuse_pass.pdmodel b/test/ir/inference/__main___cache_dir/silu_fuse_pass.pdmodel deleted file mode 100644 index f681386b53e59c9f559347d46475a74ef1d56266..0000000000000000000000000000000000000000 GIT binary patch literal 0 HcmV?d00001 literal 1899 zcmd^A%aYPS6zzlok~;x&SW-IOC2!k zbh!tP)24)4)TM+!hhBkLCYc_~wa+|+IM6`|0x(4b5F7w5pf`<_F*+X0WMvu|I0qs!!d6bET2HW9ci3#!Kho?aoG&94YB@`yiB9F6o`0Ab2H0{3PV$y9O{1Si!~7|9 z*GJgEc94zx!~N>z;WL0Ri9==bFa?{EZmD8AHTZ8(3awFSpOm%8K=Scmkd4cey55T_8R$F@+cehtr8NN=}n> zp$xTOx>xb$wc6nH;sWU6CYr>tEFfmH)ClNKqePikV?hB{nU*DlcHR+_{be@@wq~%Kjd`U*mj9i+eC*7a2-_h) E0onTQi~s-t diff --git a/test/ir/inference/__main___cache_dir/simplify_with_basic_ops_pass.pdmodel b/test/ir/inference/__main___cache_dir/simplify_with_basic_ops_pass.pdmodel deleted file mode 100644 index f681386b53e59c9f559347d46475a74ef1d56266..0000000000000000000000000000000000000000 GIT binary patch literal 0 HcmV?d00001 literal 1899 zcmd^A%aYPS6zzlok~;x&SW-IOC2!k zbh!tP)24)4)TM+!hhBkLCYc_~wa+|+IM6`|0x(4b5F7w5pf`<_F*+X0WMvu|I0qs!!d6bET2HW9ci3#!Kho?aoG&94YB@`yiB9F6o`0Ab2H0{3PV$y9O{1Si!~7|9 z*GJgEc94zx!~N>z;WL0Ri9==bFa?{EZmD8AHTZ8(3awFSpOm%8K=Scmkd4cey55T_8R$F@+cehtr8NN=}n> zp$xTOx>xb$wc6nH;sWU6CYr>tEFfmH)ClNKqePikV?hB{nU*DlcHR+_{be@@wq~%Kjd`U*mj9i+eC*7a2-_h) E0onTQi~s-t diff --git a/test/ir/inference/__main___cache_dir/transfer_layout_elim_pass.pdmodel b/test/ir/inference/__main___cache_dir/transfer_layout_elim_pass.pdmodel deleted file mode 100644 index 56f395339c526ed919541dfb2dfe4b9807572fa8..0000000000000000000000000000000000000000 GIT binary patch literal 0 HcmV?d00001 literal 612 zcmah{-A;or6mEfS<;b+FUM$sQv%UcAMZEQ{A*=`q0W!MCbNGHfix%oOz$Nyk={aA& zpPs^(M-cr!EzFlNOO;MC<`CFozJ)*^;;^T{UVa z+mHnYLSSwn24E;Afanh(054T)ZxsFYR584w_yYHJ5hqG!Rk2qG`JwXnOfxXLbMQJ{ zL-PoW_KIiUm_nE4nBF#@0FtUqVlAtqX19hF`ZP`#SM0zC{Kl-~2XJ2vX7m6N?|Z@r zH>nDW*7*NB;q(p?pBSDyp%HgDK1OV14GawPO?qtds+8xU$h3&HR;9G5#0qYH^Tlo6 o7=uVK2u`3u4eaFmiW}k(i3sjGPXjp?SO@mgaJyZyBjFJA10ZXUDgXcg diff --git a/test/ir/inference/__main___cache_dir/transpose_flatten_concat_fuse_pass.pdmodel b/test/ir/inference/__main___cache_dir/transpose_flatten_concat_fuse_pass.pdmodel deleted file mode 100644 index 56f395339c526ed919541dfb2dfe4b9807572fa8..0000000000000000000000000000000000000000 GIT binary patch literal 0 HcmV?d00001 literal 612 zcmah{-A;or6mEfS<;b+FUM$sQv%UcAMZEQ{A*=`q0W!MCbNGHfix%oOz$Nyk={aA& zpPs^(M-cr!EzFlNOO;MC<`CFozJ)*^;;^T{UVa z+mHnYLSSwn24E;Afanh(054T)ZxsFYR584w_yYHJ5hqG!Rk2qG`JwXnOfxXLbMQJ{ zL-PoW_KIiUm_nE4nBF#@0FtUqVlAtqX19hF`ZP`#SM0zC{Kl-~2XJ2vX7m6N?|Z@r zH>nDW*7*NB;q(p?pBSDyp%HgDK1OV14GawPO?qtds+8xU$h3&HR;9G5#0qYH^Tlo6 o7=uVK2u`3u4eaFmiW}k(i3sjGPXjp?SO@mgaJyZyBjFJA10ZXUDgXcg diff --git a/test/ir/inference/__main___cache_dir/vit_attention_fuse_pass.pdmodel b/test/ir/inference/__main___cache_dir/vit_attention_fuse_pass.pdmodel deleted file mode 100644 index f681386b53e59c9f559347d46475a74ef1d56266..0000000000000000000000000000000000000000 GIT binary patch literal 0 HcmV?d00001 literal 1899 zcmd^A%aYPS6zzlok~;x&SW-IOC2!k zbh!tP)24)4)TM+!hhBkLCYc_~wa+|+IM6`|0x(4b5F7w5pf`<_F*+X0WMvu|I0qs!!d6bET2HW9ci3#!Kho?aoG&94YB@`yiB9F6o`0Ab2H0{3PV$y9O{1Si!~7|9 z*GJgEc94zx!~N>z;WL0Ri9==bFa?{EZmD8AHTZ8(3awFSpOm%8K=Scmkd4cey55T_8R$F@+cehtr8NN=}n> zp$xTOx>xb$wc6nH;sWU6CYr>tEFfmH)ClNKqePikV?hB{nU*DlcHR+_{be@@wq~%Kjd`U*mj9i+eC*7a2-_h) E0onTQi~s-t From c7859b937f17a20cee62c7dce62da27c05263205 Mon Sep 17 00:00:00 2001 From: zerorains Date: Wed, 4 Oct 2023 12:53:04 +0000 Subject: [PATCH 6/8] move fused_fc_elementwise_layernorm to phi, but have a bug in making --- paddle/fluid/operators/fused/CMakeLists.txt | 3 - .../fused_fc_elementwise_layernorm_op.cc | 294 ------------------ paddle/phi/api/yaml/fused_ops.yaml | 10 + paddle/phi/api/yaml/op_compat.yaml | 18 ++ paddle/phi/infermeta/fusion.cc | 188 +++++++++++ paddle/phi/infermeta/fusion.h | 15 + .../fused_fc_elementwise_layernorm_kernel.cu} | 246 ++++++++------- 7 files changed, 364 insertions(+), 410 deletions(-) delete mode 100644 paddle/fluid/operators/fused/fused_fc_elementwise_layernorm_op.cc rename paddle/{fluid/operators/fused/fused_fc_elementwise_layernorm_op.cu => phi/kernels/fusion/gpu/fused_fc_elementwise_layernorm_kernel.cu} (71%) diff --git a/paddle/fluid/operators/fused/CMakeLists.txt b/paddle/fluid/operators/fused/CMakeLists.txt index 0984c9da2e1e24..42c41effb80ed2 100755 --- a/paddle/fluid/operators/fused/CMakeLists.txt +++ b/paddle/fluid/operators/fused/CMakeLists.txt @@ -8,7 +8,6 @@ register_operators( fused_bn_activation_op conv_fusion_op fusion_conv_inception_op - fused_fc_elementwise_layernorm_op self_dp_attention_op skip_layernorm_op yolo_box_head_op @@ -65,8 +64,6 @@ if(WITH_GPU OR WITH_ROCM) if((NOT WITH_ROCM) AND (NOT ${CUDNN_VERSION} VERSION_LESS 7100)) op_library(fusion_conv_inception_op) endif() - # fused_fc_elementwise_layernorm_op - op_library(fused_fc_elementwise_layernorm_op) op_library(skip_layernorm_op) op_library(yolo_box_head_op) op_library(yolo_box_post_op) diff --git a/paddle/fluid/operators/fused/fused_fc_elementwise_layernorm_op.cc b/paddle/fluid/operators/fused/fused_fc_elementwise_layernorm_op.cc deleted file mode 100644 index 6f00b160d98dfd..00000000000000 --- a/paddle/fluid/operators/fused/fused_fc_elementwise_layernorm_op.cc +++ /dev/null @@ -1,294 +0,0 @@ -/* Copyright (c) 2018 PaddlePaddle Authors. All Rights Reserved. - -Licensed under the Apache License, Version 2.0 (the "License"); -you may not use this file except in compliance with the License. -You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - -Unless required by applicable law or agreed to in writing, software -distributed under the License is distributed on an "AS IS" BASIS, -WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. -See the License for the specific language governing permissions and -limitations under the License. */ - -#include "paddle/fluid/framework/op_registry.h" - -namespace paddle { -namespace operators { - -class FusedFCElementwiseLayerNormOp : public framework::OperatorWithKernel { - public: - using framework::OperatorWithKernel::OperatorWithKernel; - - void InferShape(framework::InferShapeContext *ctx) const override { - OP_INOUT_CHECK( - ctx->HasInput("X"), "Input", "X", "FusedFcElementwiseLayernorm"); - OP_INOUT_CHECK( - ctx->HasInput("W"), "Input", "W", "FusedFcElementwiseLayernorm"); - OP_INOUT_CHECK( - ctx->HasInput("Y"), "Input", "Y", "FusedFcElementwiseLayernorm"); - OP_INOUT_CHECK( - ctx->HasOutput("Out"), "Output", "Out", "FusedFcElementwiseLayernorm"); - - auto w_dims = ctx->GetInputDim("W"); - PADDLE_ENFORCE_EQ( - w_dims.size(), - 2, - platform::errors::InvalidArgument( - "The input Weight of fc is expected to be a 2-D tensor. " - "But received the number of Weight's dimensions is %d, ", - "Weight's shape is %s.", - w_dims.size(), - w_dims)); - - if (ctx->HasInput("Bias0")) { - auto bias0_dims = ctx->GetInputDim("Bias0"); - - PADDLE_ENFORCE_LE(bias0_dims.size(), - 2, - platform::errors::InvalidArgument( - "The input Bias of fc is expected to be an 1-D or " - "2-D tensor. But received the number of Bias's " - "dimensions is %d, Bias's shape is %s.", - bias0_dims.size(), - bias0_dims)); - - PADDLE_ENFORCE_EQ( - bias0_dims[bias0_dims.size() - 1], - w_dims[1], - platform::errors::InvalidArgument( - "The last dimension of input Bias is expected be equal " - "to the actual width of input Weight. But received the last " - "dimension of Bias is %d, Bias's shape is %s; " - "the actual width of Weight is %d, Weight's shape is %s.", - bias0_dims[bias0_dims.size() - 1], - bias0_dims, - w_dims[1], - w_dims)); - - if (bias0_dims.size() == 2) { - PADDLE_ENFORCE_EQ( - bias0_dims[0], - 1, - platform::errors::InvalidArgument( - "The first dimension of input Bias is expected to be 1, " - "but received %d, Bias's shape is %s.", - bias0_dims[0], - bias0_dims)); - } - } - - auto x_dims = ctx->GetInputDim("X"); - int x_num_col_dims = ctx->Attrs().Get("x_num_col_dims"); - PADDLE_ENFORCE_LT( - x_num_col_dims, - x_dims.size(), - platform::errors::InvalidArgument( - "The attribute x_num_col_dims used to flatten input X to " - "a 2-D tensor, is expected to be less than the number of " - "input X's dimensions. But received x_num_col_dims is %d, " - "the number of input X's dimensions is %d, input X's shape is %s.", - x_num_col_dims, - x_dims.size(), - x_dims)); - - auto x_mat_dims = phi::flatten_to_2d(x_dims, x_num_col_dims); - PADDLE_ENFORCE_EQ( - x_mat_dims[1], - w_dims[0], - platform::errors::InvalidArgument( - "The input's second dimension and weight's first dimension is " - "expected to be the same. But received input's second dimension is " - "%d, input's shape is %s; weight's first dimension is %d, weight's " - "shape is %s.", - x_mat_dims[1], - x_mat_dims, - w_dims[0], - w_dims)); - - std::vector fc_out_dims; - for (int i = 0; i < x_num_col_dims; ++i) { - fc_out_dims.push_back(x_dims[i]); - } - fc_out_dims.push_back(w_dims[1]); - - auto y_dims = ctx->GetInputDim("Y"); - PADDLE_ENFORCE_EQ(phi::make_ddim(fc_out_dims), - y_dims, - platform::errors::InvalidArgument( - "The output's shape of fc is expected to be equal to " - "that of input Y. But received output's shape of fc " - "is %s, input Y's shape is %s.", - phi::make_ddim(fc_out_dims), - y_dims)); - - auto begin_norm_axis = ctx->Attrs().Get("begin_norm_axis"); - PADDLE_ENFORCE_LT( - begin_norm_axis, - y_dims.size(), - platform::errors::InvalidArgument( - "The attribute begin_norm_axis used to flatten input Y to a 2-D " - "tensor, is expected to be less than the number of input Y's " - "dimensions. But received begin_norm_axis is %d, the number of " - "input Y's dimensions is %d, input Y's shape is %s.", - begin_norm_axis, - y_dims.size(), - y_dims)); - - auto y_mat_dim = phi::flatten_to_2d(y_dims, begin_norm_axis); - int64_t dim_0 = y_mat_dim[0]; - int64_t dim_1 = y_mat_dim[1]; - if (ctx->HasInput("Scale")) { - auto scale_dims = ctx->GetInputDim("Scale"); - PADDLE_ENFORCE_EQ(scale_dims.size(), - 1, - platform::errors::InvalidArgument( - "The input Scale is expected to be an 1-D tensor. " - "But received the number of input Scale's " - "dimensions is %d, input Scale's shape is %s.", - scale_dims.size(), - scale_dims)); - - if (ctx->IsRuntime()) { - PADDLE_ENFORCE_EQ( - scale_dims[0], - dim_1, - platform::errors::InvalidArgument( - "The first dimension of input Scale is expected to be equal to " - "the second dimension of input Y after flattened. " - "But received the first dimension of input Scale is %d, input " - "Scale's shape is %s; the second dimension of flattened input " - "Y is %d, input Y's shape is %s, flattened axis is %d.", - scale_dims[0], - scale_dims, - dim_1, - y_dims, - begin_norm_axis)); - } - } - if (ctx->HasInput("Bias1")) { - auto bias1_dims = ctx->GetInputDim("Bias1"); - PADDLE_ENFORCE_EQ( - bias1_dims.size(), - 1, - platform::errors::InvalidArgument( - "The input Bias1 is expected to be an 1-D tensor. " - "But received the number of input Bias1's dimension is %d, " - "input Bias1's shape is %s.", - bias1_dims.size(), - bias1_dims)); - - if (ctx->IsRuntime()) { - PADDLE_ENFORCE_EQ( - bias1_dims[0], - dim_1, - platform::errors::InvalidArgument( - "The first dimension of input Bias1 is expected to be equal to " - "the second dimension of input Y after flattened. " - "But received the first dimension of input Bias1 is %d, input " - "Bias1's shape is %s; the second dimension of flatten input " - "Y is %d, input Y's shape is %s, flattened axis is %d.", - bias1_dims[0], - bias1_dims, - dim_1, - y_dims, - begin_norm_axis)); - } - } - - ctx->SetOutputDim("Out", y_dims); - if (ctx->HasOutput("Mean")) { - ctx->SetOutputDim("Mean", {dim_0}); - } - if (ctx->HasOutput("Variance")) { - ctx->SetOutputDim("Variance", {dim_0}); - } - ctx->ShareLoD("X", "Out"); - } -}; - -class FusedFCElementwiseLayerNormOpMaker - : public framework::OpProtoAndCheckerMaker { - public: - void Make() override { - AddInput("X", "(Tensor), The input tensor of fully connected operation"); - AddInput("W", - "(Tensor), The weight tensor of fully connected operation. It is " - "a 2-D Tensor with shape (I, O)"); - AddInput("Bias0", - "(Tensor, optional), The bias tensor of fully connecred " - "operation. It is a 1-D Tensor with shape (O), or a 2-D Tensor " - "with shape (1, O).") - .AsDispensable(); - AddInput("Y", - "(Tensor), The second input tensor of elementwise_add operation. " - "Note that the shape should be the same as fully connect's result " - "tensor."); - AddInput( - "Scale", - "(Tensor, optional), It is a 1-D input Tensor of layer_norm operation.") - .AsDispensable(); - AddInput( - "Bias1", - "(Tensor, optional), It is a 1-D input Tensor of layer_norm operation.") - .AsDispensable(); - AddOutput("Out", - "(Tensor), Output after normalization. The shape is the shame as " - "layer_norm's input."); - AddOutput("Mean", "(Tensor, optional), Mean of the current minibatch") - .AsDispensable(); - AddOutput("Variance", - "(Tensor, optional), Variance of the current minibatch") - .AsDispensable(); - AddAttr("x_num_col_dims", - "(int, default 1), This op can take tensors with more than " - "two dimensions as its inputs.") - .SetDefault(1) - .EqualGreaterThan(1); - AddAttr("activation_type", - "Activation type used in fully connected operator.") - .SetDefault(""); - AddAttr("epsilon", - "Constant for numerical stability [default 1e-5].") - .SetDefault(1e-5) - .AddCustomChecker([](const float &epsilon) { - PADDLE_ENFORCE_GE(epsilon, - 0.0f, - platform::errors::InvalidArgument( - "'epsilon' should be between 0.0 and 0.001.")); - PADDLE_ENFORCE_LE(epsilon, - 0.001f, - platform::errors::InvalidArgument( - "'epsilon' should be between 0.0 and 0.001.")); - }); - AddAttr("begin_norm_axis", - "the axis of `begin_norm_axis ... Rank(Y) - 1` will be " - "normalized. `begin_norm_axis` splits the tensor(`X`) to a " - "matrix [N,H]. [default 1].") - .SetDefault(1) - .AddCustomChecker([](const int &begin_norm_axis) { - PADDLE_ENFORCE_GT( - begin_norm_axis, - 0, - platform::errors::InvalidArgument( - "'begin_norm_axis' should be greater than zero.")); - }); - AddComment(R"DOC( -fc_out <= fc(X, W, Bias0) -add_out <= elementwise_add(fc_out, Y) -(out, mean, variance) <= layer_norm(add_out, Scale, Bias1) -)DOC"); - } -}; - -} // namespace operators -} // namespace paddle - -namespace ops = paddle::operators; -REGISTER_OPERATOR( - fused_fc_elementwise_layernorm, - ops::FusedFCElementwiseLayerNormOp, - ops::FusedFCElementwiseLayerNormOpMaker, - paddle::framework::EmptyGradOpMaker, - paddle::framework::EmptyGradOpMaker); diff --git a/paddle/phi/api/yaml/fused_ops.yaml b/paddle/phi/api/yaml/fused_ops.yaml index 8028d60282cced..32b6781d864bac 100644 --- a/paddle/phi/api/yaml/fused_ops.yaml +++ b/paddle/phi/api/yaml/fused_ops.yaml @@ -154,6 +154,16 @@ func : fused_embedding_eltwise_layernorm data_type : embs +- op : fused_fc_elementwise_layernorm + args : (Tensor x, Tensor w, Tensor y, Tensor bias0, Tensor scale, Tensor bias1, int x_num_col_dims = 1, str activation_type = "", float epsilon = 0.00001f, int begin_norm_axis = 1) + output : Tensor(out), Tensor(mean), Tensor(variance) + infer_meta : + func : FusedFCElementwiseLayerNormInferMeta + kernel : + func : fused_fc_elementwise_layernorm + data_type : x + optional : bias0, scale, bias1 + - op : fused_linear_param_grad_add args : (Tensor x, Tensor dout, Tensor dweight, Tensor dbias, bool multi_precision = true, bool has_bias = true) output : Tensor(dweight_out), Tensor(dbias_out) diff --git a/paddle/phi/api/yaml/op_compat.yaml b/paddle/phi/api/yaml/op_compat.yaml index cc91a3e4e29b09..34f903921c356d 100755 --- a/paddle/phi/api/yaml/op_compat.yaml +++ b/paddle/phi/api/yaml/op_compat.yaml @@ -1266,6 +1266,24 @@ attrs : epsilon : epsilon +- op : fused_fc_elementwise_layernorm + inputs : + x : X + w : W + y : Y + bias0 : Bias0 + scale : Scale + bias1 : Bias1 + outputs : + out : Out + mean : Mean + variance : Variance + attrs : + x_num_col_dims : x_num_col_dims + activation_type : activation_type + epsilon : epsilon + begin_norm_axis : begin_norm_axis + - op : fused_feedforward backward: fused_feedforward_grad inputs: diff --git a/paddle/phi/infermeta/fusion.cc b/paddle/phi/infermeta/fusion.cc index 1703a52965cd1a..6a72eab504dc60 100644 --- a/paddle/phi/infermeta/fusion.cc +++ b/paddle/phi/infermeta/fusion.cc @@ -1979,4 +1979,192 @@ void FusionTransposeFlattenConcatInferMeta( out->set_dims(phi::make_ddim(out_dims)); } +void FusedFCElementwiseLayerNormInferMeta(const MetaTensor& x, + const MetaTensor& w, + const MetaTensor& y, + const MetaTensor& bias0, + const MetaTensor& scale, + const MetaTensor& bias1, + const int x_num_col_dims, + const std::string activation_type, + const float epsilon, + const int begin_norm_axis, + MetaTensor* out, + MetaTensor* mean, + MetaTensor* variance, + MetaConfig config) { + DDim w_dims = w.dims(); + PADDLE_ENFORCE_EQ( + w_dims.size(), + 2, + phi::errors::InvalidArgument( + "The input Weight of fc is expected to be a 2-D tensor. " + "But received the number of Weight's dimensions is %d, ", + "Weight's shape is %s.", + w_dims.size(), + w_dims)); + + if (bias0) { + DDim bias0_dims = bias0.dims(); + + PADDLE_ENFORCE_LE(bias0_dims.size(), + 2, + phi::errors::InvalidArgument( + "The input Bias of fc is expected to be an 1-D or " + "2-D tensor. But received the number of Bias's " + "dimensions is %d, Bias's shape is %s.", + bias0_dims.size(), + bias0_dims)); + + PADDLE_ENFORCE_EQ( + bias0_dims[bias0_dims.size() - 1], + w_dims[1], + phi::errors::InvalidArgument( + "The last dimension of input Bias is expected be equal " + "to the actual width of input Weight. But received the last " + "dimension of Bias is %d, Bias's shape is %s; " + "the actual width of Weight is %d, Weight's shape is %s.", + bias0_dims[bias0_dims.size() - 1], + bias0_dims, + w_dims[1], + w_dims)); + + if (bias0_dims.size() == 2) { + PADDLE_ENFORCE_EQ( + bias0_dims[0], + 1, + phi::errors::InvalidArgument( + "The first dimension of input Bias is expected to be 1, " + "but received %d, Bias's shape is %s.", + bias0_dims[0], + bias0_dims)); + } + } + + DDim x_dims = x.dims(); + PADDLE_ENFORCE_LT( + x_num_col_dims, + x_dims.size(), + phi::errors::InvalidArgument( + "The attribute x_num_col_dims used to flatten input X to " + "a 2-D tensor, is expected to be less than the number of " + "input X's dimensions. But received x_num_col_dims is %d, " + "the number of input X's dimensions is %d, input X's shape is %s.", + x_num_col_dims, + x_dims.size(), + x_dims)); + + auto x_mat_dims = phi::flatten_to_2d(x_dims, x_num_col_dims); + PADDLE_ENFORCE_EQ( + x_mat_dims[1], + w_dims[0], + phi::errors::InvalidArgument( + "The input's second dimension and weight's first dimension is " + "expected to be the same. But received input's second dimension is " + "%d, input's shape is %s; weight's first dimension is %d, weight's " + "shape is %s.", + x_mat_dims[1], + x_mat_dims, + w_dims[0], + w_dims)); + + std::vector fc_out_dims; + for (int i = 0; i < x_num_col_dims; ++i) { + fc_out_dims.push_back(x_dims[i]); + } + fc_out_dims.push_back(w_dims[1]); + + DDim y_dims = y.dims(); + PADDLE_ENFORCE_EQ(phi::make_ddim(fc_out_dims), + y_dims, + phi::errors::InvalidArgument( + "The output's shape of fc is expected to be equal to " + "that of input Y. But received output's shape of fc " + "is %s, input Y's shape is %s.", + phi::make_ddim(fc_out_dims), + y_dims)); + + PADDLE_ENFORCE_LT( + begin_norm_axis, + y_dims.size(), + phi::errors::InvalidArgument( + "The attribute begin_norm_axis used to flatten input Y to a 2-D " + "tensor, is expected to be less than the number of input Y's " + "dimensions. But received begin_norm_axis is %d, the number of " + "input Y's dimensions is %d, input Y's shape is %s.", + begin_norm_axis, + y_dims.size(), + y_dims)); + + auto y_mat_dim = phi::flatten_to_2d(y_dims, begin_norm_axis); + int64_t dim_0 = y_mat_dim[0]; + int64_t dim_1 = y_mat_dim[1]; + if (scale) { + DDim scale_dims = scale.dims(); + PADDLE_ENFORCE_EQ(scale_dims.size(), + 1, + phi::errors::InvalidArgument( + "The input Scale is expected to be an 1-D tensor. " + "But received the number of input Scale's " + "dimensions is %d, input Scale's shape is %s.", + scale_dims.size(), + scale_dims)); + + if (config.is_runtime) { + PADDLE_ENFORCE_EQ( + scale_dims[0], + dim_1, + phi::errors::InvalidArgument( + "The first dimension of input Scale is expected to be equal to " + "the second dimension of input Y after flattened. " + "But received the first dimension of input Scale is %d, input " + "Scale's shape is %s; the second dimension of flattened input " + "Y is %d, input Y's shape is %s, flattened axis is %d.", + scale_dims[0], + scale_dims, + dim_1, + y_dims, + begin_norm_axis)); + } + } + if (bias1) { + DDim bias1_dims = bias1.dims(); + PADDLE_ENFORCE_EQ( + bias1_dims.size(), + 1, + phi::errors::InvalidArgument( + "The input Bias1 is expected to be an 1-D tensor. " + "But received the number of input Bias1's dimension is %d, " + "input Bias1's shape is %s.", + bias1_dims.size(), + bias1_dims)); + + if (config.is_runtime) { + PADDLE_ENFORCE_EQ( + bias1_dims[0], + dim_1, + phi::errors::InvalidArgument( + "The first dimension of input Bias1 is expected to be equal to " + "the second dimension of input Y after flattened. " + "But received the first dimension of input Bias1 is %d, input " + "Bias1's shape is %s; the second dimension of flatten input " + "Y is %d, input Y's shape is %s, flattened axis is %d.", + bias1_dims[0], + bias1_dims, + dim_1, + y_dims, + begin_norm_axis)); + } + } + + out->set_dims(y_dims); + if (mean) { + mean->set_dims({dim_0}) + } + if (variance) { + variance->set_dims({dim_0}); + } + out->share_lod(x); +} + } // namespace phi diff --git a/paddle/phi/infermeta/fusion.h b/paddle/phi/infermeta/fusion.h index caf8085e27215d..3406a487dbd33c 100644 --- a/paddle/phi/infermeta/fusion.h +++ b/paddle/phi/infermeta/fusion.h @@ -500,4 +500,19 @@ void FusionTransposeFlattenConcatInferMeta( const int concat_axis, MetaTensor* out); +void FusedFCElementwiseLayerNormInferMeta(const MetaTensor& x, + const MetaTensor& w, + const MetaTensor& y, + const MetaTensor& bias0, + const MetaTensor& scale, + const MetaTensor& bias1, + const int x_num_col_dims, + const std::string activation_type, + const float epsilon, + const int begin_norm_axis, + MetaTensor* out, + MetaTensor* mean, + MetaTensor* variance, + MetaConfig config = MetaConfig()); + } // namespace phi diff --git a/paddle/fluid/operators/fused/fused_fc_elementwise_layernorm_op.cu b/paddle/phi/kernels/fusion/gpu/fused_fc_elementwise_layernorm_kernel.cu similarity index 71% rename from paddle/fluid/operators/fused/fused_fc_elementwise_layernorm_op.cu rename to paddle/phi/kernels/fusion/gpu/fused_fc_elementwise_layernorm_kernel.cu index f4a9f0a77a53b2..2e78bf41a81106 100644 --- a/paddle/fluid/operators/fused/fused_fc_elementwise_layernorm_op.cu +++ b/paddle/phi/kernels/fusion/gpu/fused_fc_elementwise_layernorm_kernel.cu @@ -1,16 +1,19 @@ -/* Copyright (c) 2019 PaddlePaddle Authors. All Rights Reserved. - -Licensed under the Apache License, Version 2.0 (the "License"); -you may not use this file except in compliance with the License. -You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - -Unless required by applicable law or agreed to in writing, software -distributed under the License is distributed on an "AS IS" BASIS, -WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. -See the License for the specific language governing permissions and -limitations under the License. */ +// Copyright (c) 2023 PaddlePaddle Authors. All Rights Reserved. +// +// Licensed under the Apache License, Version 2.0 (the "License"); +// you may not use this file except in compliance with the License. +// You may obtain a copy of the License at +// +// http://www.apache.org/licenses/LICENSE-2.0 +// +// Unless required by applicable law or agreed to in writing, software +// distributed under the License is distributed on an "AS IS" BASIS, +// WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +// See the License for the specific language governing permissions and +// limitations under the License. + +#include +#include #ifdef __NVCC__ #include @@ -24,13 +27,17 @@ namespace cub = hipcub; #include #endif -#include "paddle/fluid/framework/op_registry.h" -#include "paddle/fluid/platform/device/gpu/gpu_launch_config.h" #include "paddle/phi/backends/gpu/gpu_device_function.h" +#include "paddle/phi/backends/gpu/gpu_launch_config.h" +#include "paddle/phi/common/float16.h" +#include "paddle/phi/core/enforce.h" +#include "paddle/phi/core/errors.h" +#include "paddle/phi/core/kernel_registry.h" +#include "paddle/phi/core/tensor_utils.h" #include "paddle/phi/kernels/funcs/blas/blas.h" -namespace paddle { -namespace operators { +namespace phi { +namespace fusion { using float16 = phi::dtype::float16; @@ -300,8 +307,8 @@ __global__ void InplaceAddReluAddLayerNormKernel(const float16* y_data, } } -template -void AddReluAddLayerNorm(gpuStream_t stream, +template +void AddReluAddLayerNorm(const Context& dev_ctx, bool with_relu, int max_threads, const T* y, @@ -315,30 +322,30 @@ void AddReluAddLayerNorm(gpuStream_t stream, int N, float epsilon) { if (with_relu) { - switch (platform::RoundToPowerOfTwo(N)) { + switch (phi::backends::gpu::RoundToPowerOfTwo(N)) { CUDA_LAUNCH_KERNEL_HELPER( InplaceAddReluAddLayerNormKernel <<>>( + dev_ctx.stream()>>>( y, bias_0, bias_1, scale, out, mean, variance, M, N, epsilon)); } } else { - switch (platform::RoundToPowerOfTwo(N)) { + switch (phi::backends::gpu::RoundToPowerOfTwo(N)) { CUDA_LAUNCH_KERNEL_HELPER( InplaceAddReluAddLayerNormKernel <<>>( + dev_ctx.stream()>>>( y, bias_0, bias_1, scale, out, mean, variance, M, N, epsilon)); } } } -template <> -void AddReluAddLayerNorm(gpuStream_t stream, +template +void AddReluAddLayerNorm(const Context& dev_ctx, bool with_relu, int max_threads, const float16* y, @@ -352,109 +359,122 @@ void AddReluAddLayerNorm(gpuStream_t stream, int N, float epsilon) { if (with_relu) { - switch (platform::RoundToPowerOfTwo(N)) { + switch (phi::backends::gpu::RoundToPowerOfTwo(N)) { CUDA_LAUNCH_KERNEL_HELPER( InplaceAddReluAddLayerNormKernel <<>>( + dev_ctx.stream()>>>( y, bias_0, bias_1, scale, out, mean, variance, M, N, epsilon)); } } else { - switch (platform::RoundToPowerOfTwo(N)) { + switch (phi::backends::gpu::RoundToPowerOfTwo(N)) { CUDA_LAUNCH_KERNEL_HELPER( InplaceAddReluAddLayerNormKernel <<>>( + dev_ctx.stream()>>>( y, bias_0, bias_1, scale, out, mean, variance, M, N, epsilon)); } } } -template -class FusedFCElementwiseLayerNormOpKernel : public framework::OpKernel { - public: - void Compute(const framework::ExecutionContext& ctx) const override { - auto* x = ctx.Input("X"); - auto* w = ctx.Input("W"); - auto* out = ctx.Output("Out"); - - auto w_dims = w->dims(); - int N = w_dims[1]; - int K = w_dims[0]; - int M = phi::product(x->dims()) / K; - - const T* x_data = x->data(); - const T* w_data = w->data(); - - auto& dev_ctx = ctx.template device_context(); - auto* out_data = dev_ctx.template Alloc(out, out->numel() * sizeof(T)); - - auto blas = phi::funcs::GetBlas(dev_ctx); - blas.GEMM(CblasNoTrans, - CblasNoTrans, - M, - N, - K, - static_cast(1.0), - x_data, - w_data, - static_cast(0.0), - out_data); - auto* y = ctx.Input("Y"); - auto* bias_0 = ctx.Input("Bias0"); - auto* bias_1 = ctx.Input("Bias1"); - auto* scale = ctx.Input("Scale"); - - const T* y_data = y->data(); - const T* bias_0_data = bias_0 ? bias_0->data() : nullptr; - const T* bias_1_data = bias_1 ? bias_1->data() : nullptr; - const T* scale_data = scale ? scale->data() : nullptr; - - auto* mean = ctx.Output("Mean"); - auto* variance = ctx.Output("Variance"); - - T* mean_data = - mean ? dev_ctx.template Alloc(mean, mean->numel() * sizeof(T)) - : nullptr; - T* variance_data = variance ? dev_ctx.template Alloc( - variance, variance->numel() * sizeof(T)) - : nullptr; - - bool with_relu = - (ctx.Attr("activation_type") == "relu") ? true : false; - float epsilon = ctx.Attr("epsilon"); - - int max_threads = dev_ctx.GetMaxPhysicalThreadCount(); - AddReluAddLayerNorm(dev_ctx.stream(), - with_relu, - max_threads, - y_data, - bias_0_data, - bias_1_data, - scale_data, - out_data, - mean_data, - variance_data, - M, - N, - epsilon); - } -}; - -} // namespace operators -} // namespace paddle - -namespace ops = paddle::operators; -namespace plat = paddle::platform; - -PD_REGISTER_STRUCT_KERNEL(fused_fc_elementwise_layernorm, - GPU, - ALL_LAYOUT, - ops::FusedFCElementwiseLayerNormOpKernel, - float, - double, - plat::float16) {} +template +void FusedFCElementwiseLayerNormKernel( + const Context& dev_ctx, + const DenseTensor& x, + const DenseTensor& w, + const DenseTensor& y, + const paddle::optional& bias0, + const paddle::optional& scale, + const paddle::optional& bias1, + const int x_num_col_dims, + const std::string activation_type, + const float epsilon, + const int begin_norm_axis, + DenseTensor* out, + DenseTensor* mean, + DenseTensor* variance) { + PADDLE_ENFORCE_GE( + x_num_col_dims, + 1, + phi::errors::InvalidArgument( + "The x_num_col_dims must be greater than or equal to 1, " + "But received the x_num_col_dims is %d", + x_num_col_dims)); + PADDLE_ENFORCE_GE(epsilon, + 0.0f, + phi::errors::InvalidArgument( + "'epsilon' should be between 0.0 and 0.001.")); + PADDLE_ENFORCE_LE(epsilon, + 0.001f, + phi::errors::InvalidArgument( + "'epsilon' should be between 0.0 and 0.001.")); + PADDLE_ENFORCE_GT(begin_norm_axis, + 0, + phi::errors::InvalidArgument( + "'begin_norm_axis' should be greater than zero.")); + + auto w_dims = w.dims(); + int N = w_dims[1]; + int K = w_dims[0]; + int M = phi::product(x.dims()) / K; + + const T* x_data = x.data(); + const T* w_data = w.data(); + + auto* out_data = dev_ctx.template Alloc(out, out->numel() * sizeof(T)); + + auto blas = phi::funcs::GetBlas(dev_ctx); + blas.GEMM(CblasNoTrans, + CblasNoTrans, + M, + N, + K, + static_cast(1.0), + x_data, + w_data, + static_cast(0.0), + out_data); + + const T* y_data = y.data(); + const T* bias_0_data = bias0 ? bias0->data() : nullptr; + const T* bias_1_data = bias1 ? bias1->data() : nullptr; + const T* scale_data = scale ? scale->data() : nullptr; + + T* mean_data = + mean ? dev_ctx.template Alloc(mean, mean->numel() * sizeof(T)) + : nullptr; + T* variance_data = variance ? dev_ctx.template Alloc( + variance, variance->numel() * sizeof(T)) + : nullptr; + + bool with_relu = (activation_type == "relu") ? true : false; + + int max_threads = dev_ctx.GetMaxPhysicalThreadCount(); + AddReluAddLayerNorm(dev_ctx, + with_relu, + max_threads, + y_data, + bias_0_data, + bias_1_data, + scale_data, + out_data, + mean_data, + variance_data, + M, + N, + epsilon); +} +} // namespace fusion +} // namespace phi + +PD_REGISTER_KERNEL(fused_fc_elementwise_layernorm, + GPU, + ALL_LAYOUT, + phi::fusion::FusedFCElementwiseLayerNormKernel, + float, + double, + phi::dtype::float16) {} From 3949aee0f711eefcd1ba24b82ab8c9e40b62ff32 Mon Sep 17 00:00:00 2001 From: zerorains Date: Thu, 5 Oct 2023 04:27:21 +0000 Subject: [PATCH 7/8] fix the bug in build the fused_fc_elementwise_layernorm_kernel and pass the test with new IR --- paddle/phi/infermeta/fusion.cc | 4 ++-- paddle/phi/infermeta/fusion.h | 2 +- .../fusion/gpu/fused_fc_elementwise_layernorm_kernel.cu | 2 +- 3 files changed, 4 insertions(+), 4 deletions(-) diff --git a/paddle/phi/infermeta/fusion.cc b/paddle/phi/infermeta/fusion.cc index 6a72eab504dc60..d047670a9ee5fa 100644 --- a/paddle/phi/infermeta/fusion.cc +++ b/paddle/phi/infermeta/fusion.cc @@ -1986,7 +1986,7 @@ void FusedFCElementwiseLayerNormInferMeta(const MetaTensor& x, const MetaTensor& scale, const MetaTensor& bias1, const int x_num_col_dims, - const std::string activation_type, + const std::string& activation_type, const float epsilon, const int begin_norm_axis, MetaTensor* out, @@ -2159,7 +2159,7 @@ void FusedFCElementwiseLayerNormInferMeta(const MetaTensor& x, out->set_dims(y_dims); if (mean) { - mean->set_dims({dim_0}) + mean->set_dims({dim_0}); } if (variance) { variance->set_dims({dim_0}); diff --git a/paddle/phi/infermeta/fusion.h b/paddle/phi/infermeta/fusion.h index 3406a487dbd33c..c022a4257e4dc3 100644 --- a/paddle/phi/infermeta/fusion.h +++ b/paddle/phi/infermeta/fusion.h @@ -507,7 +507,7 @@ void FusedFCElementwiseLayerNormInferMeta(const MetaTensor& x, const MetaTensor& scale, const MetaTensor& bias1, const int x_num_col_dims, - const std::string activation_type, + const std::string& activation_type, const float epsilon, const int begin_norm_axis, MetaTensor* out, diff --git a/paddle/phi/kernels/fusion/gpu/fused_fc_elementwise_layernorm_kernel.cu b/paddle/phi/kernels/fusion/gpu/fused_fc_elementwise_layernorm_kernel.cu index 2e78bf41a81106..f7f8faa329d60f 100644 --- a/paddle/phi/kernels/fusion/gpu/fused_fc_elementwise_layernorm_kernel.cu +++ b/paddle/phi/kernels/fusion/gpu/fused_fc_elementwise_layernorm_kernel.cu @@ -391,7 +391,7 @@ void FusedFCElementwiseLayerNormKernel( const paddle::optional& scale, const paddle::optional& bias1, const int x_num_col_dims, - const std::string activation_type, + const std::string& activation_type, const float epsilon, const int begin_norm_axis, DenseTensor* out, From e2ad0021d51e999fe0010bccd4861e4d082b5a76 Mon Sep 17 00:00:00 2001 From: zerorains Date: Thu, 5 Oct 2023 10:33:05 +0000 Subject: [PATCH 8/8] try to fix the bug --- paddle/phi/api/yaml/fused_ops.yaml | 2 +- test/legacy_test/test_fusion_transpose_flatten_concat_op.py | 2 +- 2 files changed, 2 insertions(+), 2 deletions(-) diff --git a/paddle/phi/api/yaml/fused_ops.yaml b/paddle/phi/api/yaml/fused_ops.yaml index 32b6781d864bac..b54307861b3674 100644 --- a/paddle/phi/api/yaml/fused_ops.yaml +++ b/paddle/phi/api/yaml/fused_ops.yaml @@ -162,7 +162,7 @@ kernel : func : fused_fc_elementwise_layernorm data_type : x - optional : bias0, scale, bias1 + optional : bias0, scale, bias1, mean, variance - op : fused_linear_param_grad_add args : (Tensor x, Tensor dout, Tensor dweight, Tensor dbias, bool multi_precision = true, bool has_bias = true) diff --git a/test/legacy_test/test_fusion_transpose_flatten_concat_op.py b/test/legacy_test/test_fusion_transpose_flatten_concat_op.py index de557e4c4a52ed..a0ef5e25b58b69 100644 --- a/test/legacy_test/test_fusion_transpose_flatten_concat_op.py +++ b/test/legacy_test/test_fusion_transpose_flatten_concat_op.py @@ -54,7 +54,7 @@ def setUp(self): def test_check_output(self): place = core.CUDAPlace(0) - self.check_output_with_place(place, 1e-6) + self.check_output_with_place(place, 1e-6, check_dygraph=False) def init_test_case(self): self.shapes = [(3, 4, 17, 17), (3, 8, 7, 7), (3, 12, 5, 5)]