Mock Version: 3.5 ENTER ['do_with_status'](['bash', '--login', '-c', '/usr/bin/rpmbuild -bs --target x86_64 --nodeps /builddir/build/SPECS/python-neural-compressor.spec'], chrootPath='/var/lib/mock/openeuler-22.03_LTS_SP1-x86_64-1686314573.244223/root'env={'TERM': 'vt100', 'SHELL': '/bin/bash', 'HOME': '/builddir', 'HOSTNAME': 'mock', 'PATH': '/usr/bin:/bin:/usr/sbin:/sbin', 'PROMPT_COMMAND': 'printf "\\033]0;\\007"', 'PS1': ' \\s-\\v\\$ ', 'LANG': 'C.UTF-8'}shell=Falselogger=timeout=0uid=1000gid=135user='mockbuild'nspawn_args=[]unshare_net=FalseprintOutput=True) Executing command: ['bash', '--login', '-c', '/usr/bin/rpmbuild -bs --target x86_64 --nodeps /builddir/build/SPECS/python-neural-compressor.spec'] with env {'TERM': 'vt100', 'SHELL': '/bin/bash', 'HOME': '/builddir', 'HOSTNAME': 'mock', 'PATH': '/usr/bin:/bin:/usr/sbin:/sbin', 'PROMPT_COMMAND': 'printf "\\033]0;\\007"', 'PS1': ' \\s-\\v\\$ ', 'LANG': 'C.UTF-8'} and shell False /etc/profile.d/system-info.sh: line 55: ps: command not found Building target platforms: x86_64 Building for target x86_64 Wrote: /builddir/build/SRPMS/python-neural-compressor-2.1.1-1.src.rpm Child return code was: 0 Mock Version: 3.5 ENTER ['do_with_status'](['bash', '--login', '-c', '/usr/bin/rpmbuild -bs --target x86_64 --nodeps /builddir/build/SPECS/python-neural-compressor.spec'], chrootPath='/var/lib/mock/openeuler-22.03_LTS_SP1-x86_64-1686314573.244223/root'env={'TERM': 'vt100', 'SHELL': '/bin/bash', 'HOME': '/builddir', 'HOSTNAME': 'mock', 'PATH': '/usr/bin:/bin:/usr/sbin:/sbin', 'PROMPT_COMMAND': 'printf "\\033]0;\\007"', 'PS1': ' \\s-\\v\\$ ', 'LANG': 'C.UTF-8'}shell=Falselogger=timeout=0uid=1000gid=135user='mockbuild'nspawn_args=[]unshare_net=FalseprintOutput=True) Executing command: ['bash', '--login', '-c', '/usr/bin/rpmbuild -bs --target x86_64 --nodeps /builddir/build/SPECS/python-neural-compressor.spec'] with env {'TERM': 'vt100', 'SHELL': '/bin/bash', 'HOME': '/builddir', 'HOSTNAME': 'mock', 'PATH': '/usr/bin:/bin:/usr/sbin:/sbin', 'PROMPT_COMMAND': 'printf "\\033]0;\\007"', 'PS1': ' \\s-\\v\\$ ', 'LANG': 'C.UTF-8'} and shell False /etc/profile.d/system-info.sh: line 55: ps: command not found Building target platforms: x86_64 Building for target x86_64 Wrote: /builddir/build/SRPMS/python-neural-compressor-2.1.1-1.src.rpm Child return code was: 0 ENTER ['do_with_status'](['bash', '--login', '-c', '/usr/bin/rpmbuild -bb --target x86_64 --nodeps /builddir/build/SPECS/python-neural-compressor.spec'], chrootPath='/var/lib/mock/openeuler-22.03_LTS_SP1-x86_64-1686314573.244223/root'env={'TERM': 'vt100', 'SHELL': '/bin/bash', 'HOME': '/builddir', 'HOSTNAME': 'mock', 'PATH': '/usr/bin:/bin:/usr/sbin:/sbin', 'PROMPT_COMMAND': 'printf "\\033]0;\\007"', 'PS1': ' \\s-\\v\\$ ', 'LANG': 'C.UTF-8'}shell=Falselogger=timeout=0uid=1000gid=135user='mockbuild'nspawn_args=[]unshare_net=FalseprintOutput=True) Executing command: ['bash', '--login', '-c', '/usr/bin/rpmbuild -bb --target x86_64 --nodeps /builddir/build/SPECS/python-neural-compressor.spec'] with env {'TERM': 'vt100', 'SHELL': '/bin/bash', 'HOME': '/builddir', 'HOSTNAME': 'mock', 'PATH': '/usr/bin:/bin:/usr/sbin:/sbin', 'PROMPT_COMMAND': 'printf "\\033]0;\\007"', 'PS1': ' \\s-\\v\\$ ', 'LANG': 'C.UTF-8'} and shell False /etc/profile.d/system-info.sh: line 55: ps: command not found Building target platforms: x86_64 Building for target x86_64 Executing(%prep): /bin/sh -e /var/tmp/rpm-tmp.G9r0VM + umask 022 + cd /builddir/build/BUILD + cd /builddir/build/BUILD + rm -rf neural_compressor-2.1.1 + /usr/bin/gzip -dc /builddir/build/SOURCES/neural_compressor-2.1.1.tar.gz + /usr/bin/tar -xof - + STATUS=0 + '[' 0 -ne 0 ']' + cd neural_compressor-2.1.1 + /usr/bin/chmod -Rf a+rX,u+w,g-w,o-w . + RPM_EC=0 ++ jobs -p + exit 0 Executing(%build): /bin/sh -e /var/tmp/rpm-tmp.GShJoj + umask 022 + cd /builddir/build/BUILD + cd neural_compressor-2.1.1 + CFLAGS='-O2 -g -pipe -Wall -Werror=format-security -Wp,-D_FORTIFY_SOURCE=2 -Wp,-D_GLIBCXX_ASSERTIONS -fstack-protector-strong -grecord-gcc-switches -specs=/usr/lib/rpm/generic-hardened-cc1 -m64 -mtune=generic -fasynchronous-unwind-tables -fstack-clash-protection ' + LDFLAGS='-Wl,-z,relro -Wl,-z,now -specs=/usr/lib/rpm/generic-hardened-ld' + /usr/bin/python3 setup.py build '--executable=/usr/bin/python3 -s' running build running build_py creating build creating build/lib creating build/lib/neural_coder copying neural_coder/launcher.py -> build/lib/neural_coder copying neural_coder/__init__.py -> build/lib/neural_coder copying neural_coder/interface.py -> build/lib/neural_coder copying neural_coder/__main__.py -> build/lib/neural_coder copying neural_coder/version.py -> build/lib/neural_coder copying neural_coder/globals.py -> build/lib/neural_coder creating build/lib/neural_compressor copying neural_compressor/objective.py -> build/lib/neural_compressor copying neural_compressor/mix_precision.py -> build/lib/neural_compressor copying neural_compressor/quantization.py -> build/lib/neural_compressor copying neural_compressor/__init__.py -> build/lib/neural_compressor copying neural_compressor/benchmark.py -> build/lib/neural_compressor copying neural_compressor/config.py -> build/lib/neural_compressor copying neural_compressor/version.py -> build/lib/neural_compressor copying neural_compressor/training.py -> build/lib/neural_compressor creating build/lib/neural_coder/coders copying neural_coder/coders/__init__.py -> build/lib/neural_coder/coders copying neural_coder/coders/transform.py -> build/lib/neural_coder/coders creating build/lib/neural_coder/graphers copying neural_coder/graphers/code_line.py -> build/lib/neural_coder/graphers copying neural_coder/graphers/__init__.py -> build/lib/neural_coder/graphers copying neural_coder/graphers/model.py -> build/lib/neural_coder/graphers copying neural_coder/graphers/function.py -> build/lib/neural_coder/graphers creating build/lib/neural_coder/utils copying neural_coder/utils/device.py -> build/lib/neural_coder/utils copying neural_coder/utils/pdf_report.py -> build/lib/neural_coder/utils copying neural_coder/utils/__init__.py -> build/lib/neural_coder/utils copying neural_coder/utils/numa_launcher.py -> build/lib/neural_coder/utils copying neural_coder/utils/cpu_info.py -> build/lib/neural_coder/utils copying neural_coder/utils/line_operation.py -> build/lib/neural_coder/utils copying neural_coder/utils/handle_user_input.py -> build/lib/neural_coder/utils copying neural_coder/utils/common.py -> build/lib/neural_coder/utils creating build/lib/neural_coder/backends copying neural_coder/backends/__init__.py -> build/lib/neural_coder/backends creating build/lib/neural_coder/coders/autoinc copying neural_coder/coders/autoinc/__init__.py -> build/lib/neural_coder/coders/autoinc copying neural_coder/coders/autoinc/eval_func.py -> build/lib/neural_coder/coders/autoinc copying neural_coder/coders/autoinc/domain.py -> build/lib/neural_coder/coders/autoinc copying neural_coder/coders/autoinc/autoinc_harness.py -> build/lib/neural_coder/coders/autoinc copying neural_coder/coders/autoinc/calib_dataloader.py -> build/lib/neural_coder/coders/autoinc creating build/lib/neural_coder/coders/pytorch copying neural_coder/coders/pytorch/reclaim_inputs.py -> build/lib/neural_coder/coders/pytorch copying neural_coder/coders/pytorch/change_trainer_to_nlptrainer.py -> build/lib/neural_coder/coders/pytorch copying neural_coder/coders/pytorch/__init__.py -> build/lib/neural_coder/coders/pytorch copying neural_coder/coders/pytorch/dummy_dataloader.py -> build/lib/neural_coder/coders/pytorch copying neural_coder/coders/pytorch/lightning.py -> build/lib/neural_coder/coders/pytorch copying neural_coder/coders/pytorch/batch_size.py -> build/lib/neural_coder/coders/pytorch copying neural_coder/coders/pytorch/harness.py -> build/lib/neural_coder/coders/pytorch copying neural_coder/coders/pytorch/cuda_to_cpu.py -> build/lib/neural_coder/coders/pytorch copying neural_coder/coders/pytorch/reclaim_inference_transformers_trainer.py -> build/lib/neural_coder/coders/pytorch creating build/lib/neural_coder/coders/tensorflow copying neural_coder/coders/tensorflow/__init__.py -> build/lib/neural_coder/coders/tensorflow copying neural_coder/coders/tensorflow/inc.py -> build/lib/neural_coder/coders/tensorflow copying neural_coder/coders/tensorflow/amp.py -> build/lib/neural_coder/coders/tensorflow creating build/lib/neural_coder/graphers/preloads copying neural_coder/graphers/preloads/__init__.py -> build/lib/neural_coder/graphers/preloads creating build/lib/neural_compressor/compression copying neural_compressor/compression/__init__.py -> build/lib/neural_compressor/compression copying neural_compressor/compression/callbacks.py -> build/lib/neural_compressor/compression creating build/lib/neural_compressor/contrib copying neural_compressor/contrib/__init__.py -> build/lib/neural_compressor/contrib creating build/lib/neural_compressor/metric copying neural_compressor/metric/__init__.py -> build/lib/neural_compressor/metric copying neural_compressor/metric/bleu_util.py -> build/lib/neural_compressor/metric copying neural_compressor/metric/bleu.py -> build/lib/neural_compressor/metric copying neural_compressor/metric/metric.py -> build/lib/neural_compressor/metric copying neural_compressor/metric/evaluate_squad.py -> build/lib/neural_compressor/metric copying neural_compressor/metric/f1.py -> build/lib/neural_compressor/metric copying neural_compressor/metric/coco_label_map.py -> build/lib/neural_compressor/metric copying neural_compressor/metric/coco_tools.py -> build/lib/neural_compressor/metric creating build/lib/neural_compressor/adaptor copying neural_compressor/adaptor/keras.py -> build/lib/neural_compressor/adaptor copying neural_compressor/adaptor/tensorflow.py -> build/lib/neural_compressor/adaptor copying neural_compressor/adaptor/__init__.py -> build/lib/neural_compressor/adaptor copying neural_compressor/adaptor/mxnet.py -> build/lib/neural_compressor/adaptor copying neural_compressor/adaptor/query.py -> build/lib/neural_compressor/adaptor copying neural_compressor/adaptor/adaptor.py -> build/lib/neural_compressor/adaptor copying neural_compressor/adaptor/pytorch.py -> build/lib/neural_compressor/adaptor copying neural_compressor/adaptor/onnxrt.py -> build/lib/neural_compressor/adaptor creating build/lib/neural_compressor/template copying neural_compressor/template/__init__.py -> build/lib/neural_compressor/template copying neural_compressor/template/api_doc_example.py -> build/lib/neural_compressor/template creating build/lib/neural_compressor/experimental copying neural_compressor/experimental/mixed_precision.py -> build/lib/neural_compressor/experimental copying neural_compressor/experimental/component.py -> build/lib/neural_compressor/experimental copying neural_compressor/experimental/pruning_v2.py -> build/lib/neural_compressor/experimental copying neural_compressor/experimental/quantization.py -> build/lib/neural_compressor/experimental copying neural_compressor/experimental/graph_optimization.py -> build/lib/neural_compressor/experimental copying neural_compressor/experimental/__init__.py -> build/lib/neural_compressor/experimental copying neural_compressor/experimental/benchmark.py -> build/lib/neural_compressor/experimental copying neural_compressor/experimental/pruning.py -> build/lib/neural_compressor/experimental copying neural_compressor/experimental/model_conversion.py -> build/lib/neural_compressor/experimental copying neural_compressor/experimental/distillation.py -> build/lib/neural_compressor/experimental copying neural_compressor/experimental/scheduler.py -> build/lib/neural_compressor/experimental creating build/lib/neural_compressor/model copying neural_compressor/model/keras_model.py -> build/lib/neural_compressor/model copying neural_compressor/model/__init__.py -> build/lib/neural_compressor/model copying neural_compressor/model/torch_model.py -> build/lib/neural_compressor/model copying neural_compressor/model/model.py -> build/lib/neural_compressor/model copying neural_compressor/model/nets_factory.py -> build/lib/neural_compressor/model copying neural_compressor/model/onnx_model.py -> build/lib/neural_compressor/model copying neural_compressor/model/mxnet_model.py -> build/lib/neural_compressor/model copying neural_compressor/model/base_model.py -> build/lib/neural_compressor/model copying neural_compressor/model/tensorflow_model.py -> build/lib/neural_compressor/model creating build/lib/neural_compressor/strategy copying neural_compressor/strategy/basic.py -> build/lib/neural_compressor/strategy copying neural_compressor/strategy/bayesian.py -> build/lib/neural_compressor/strategy copying neural_compressor/strategy/hawq_v2.py -> build/lib/neural_compressor/strategy copying neural_compressor/strategy/mse_v2.py -> build/lib/neural_compressor/strategy copying neural_compressor/strategy/__init__.py -> build/lib/neural_compressor/strategy copying neural_compressor/strategy/auto_mixed_precision.py -> build/lib/neural_compressor/strategy copying neural_compressor/strategy/mse.py -> build/lib/neural_compressor/strategy copying neural_compressor/strategy/auto.py -> build/lib/neural_compressor/strategy copying neural_compressor/strategy/conservative.py -> build/lib/neural_compressor/strategy copying neural_compressor/strategy/strategy.py -> build/lib/neural_compressor/strategy copying neural_compressor/strategy/exhaustive.py -> build/lib/neural_compressor/strategy copying neural_compressor/strategy/random.py -> build/lib/neural_compressor/strategy creating build/lib/neural_compressor/data copying neural_compressor/data/__init__.py -> build/lib/neural_compressor/data creating build/lib/neural_compressor/algorithm copying neural_compressor/algorithm/weight_correction.py -> build/lib/neural_compressor/algorithm copying neural_compressor/algorithm/algorithm.py -> build/lib/neural_compressor/algorithm copying neural_compressor/algorithm/__init__.py -> build/lib/neural_compressor/algorithm copying neural_compressor/algorithm/fast_bias_correction.py -> build/lib/neural_compressor/algorithm copying neural_compressor/algorithm/smooth_quant.py -> build/lib/neural_compressor/algorithm creating build/lib/neural_compressor/utils copying neural_compressor/utils/collect_layer_histogram.py -> build/lib/neural_compressor/utils copying neural_compressor/utils/create_obj_from_config.py -> build/lib/neural_compressor/utils copying neural_compressor/utils/constant.py -> build/lib/neural_compressor/utils copying neural_compressor/utils/load_huggingface.py -> build/lib/neural_compressor/utils copying neural_compressor/utils/__init__.py -> build/lib/neural_compressor/utils copying neural_compressor/utils/logger.py -> build/lib/neural_compressor/utils copying neural_compressor/utils/pytorch.py -> build/lib/neural_compressor/utils copying neural_compressor/utils/options.py -> build/lib/neural_compressor/utils copying neural_compressor/utils/kl_divergence.py -> build/lib/neural_compressor/utils copying neural_compressor/utils/utility.py -> build/lib/neural_compressor/utils creating build/lib/neural_compressor/conf copying neural_compressor/conf/__init__.py -> build/lib/neural_compressor/conf copying neural_compressor/conf/pythonic_config.py -> build/lib/neural_compressor/conf copying neural_compressor/conf/dotdict.py -> build/lib/neural_compressor/conf copying neural_compressor/conf/config.py -> build/lib/neural_compressor/conf creating build/lib/neural_compressor/compression/distillation copying neural_compressor/compression/distillation/__init__.py -> build/lib/neural_compressor/compression/distillation copying neural_compressor/compression/distillation/criterions.py -> build/lib/neural_compressor/compression/distillation creating build/lib/neural_compressor/compression/pruner copying neural_compressor/compression/pruner/__init__.py -> build/lib/neural_compressor/compression/pruner copying neural_compressor/compression/pruner/pruners.py -> build/lib/neural_compressor/compression/pruner copying neural_compressor/compression/pruner/patterns.py -> build/lib/neural_compressor/compression/pruner copying neural_compressor/compression/pruner/schedulers.py -> build/lib/neural_compressor/compression/pruner copying neural_compressor/compression/pruner/regs.py -> build/lib/neural_compressor/compression/pruner copying neural_compressor/compression/pruner/utils.py -> build/lib/neural_compressor/compression/pruner copying neural_compressor/compression/pruner/criteria.py -> build/lib/neural_compressor/compression/pruner creating build/lib/neural_compressor/contrib/strategy copying neural_compressor/contrib/strategy/__init__.py -> build/lib/neural_compressor/contrib/strategy copying neural_compressor/contrib/strategy/tpe.py -> build/lib/neural_compressor/contrib/strategy copying neural_compressor/contrib/strategy/sigopt.py -> build/lib/neural_compressor/contrib/strategy creating build/lib/neural_compressor/adaptor/mxnet_utils copying neural_compressor/adaptor/mxnet_utils/__init__.py -> build/lib/neural_compressor/adaptor/mxnet_utils copying neural_compressor/adaptor/mxnet_utils/util.py -> build/lib/neural_compressor/adaptor/mxnet_utils creating build/lib/neural_compressor/adaptor/keras_utils copying neural_compressor/adaptor/keras_utils/__init__.py -> build/lib/neural_compressor/adaptor/keras_utils copying neural_compressor/adaptor/keras_utils/dense.py -> build/lib/neural_compressor/adaptor/keras_utils copying neural_compressor/adaptor/keras_utils/conv2d.py -> build/lib/neural_compressor/adaptor/keras_utils copying neural_compressor/adaptor/keras_utils/depthwise_conv2d.py -> build/lib/neural_compressor/adaptor/keras_utils copying neural_compressor/adaptor/keras_utils/quantizer.py -> build/lib/neural_compressor/adaptor/keras_utils copying neural_compressor/adaptor/keras_utils/separable_conv2d.py -> build/lib/neural_compressor/adaptor/keras_utils creating build/lib/neural_compressor/adaptor/ox_utils copying neural_compressor/adaptor/ox_utils/__init__.py -> build/lib/neural_compressor/adaptor/ox_utils copying neural_compressor/adaptor/ox_utils/util.py -> build/lib/neural_compressor/adaptor/ox_utils copying neural_compressor/adaptor/ox_utils/calibration.py -> build/lib/neural_compressor/adaptor/ox_utils copying neural_compressor/adaptor/ox_utils/quantizer.py -> build/lib/neural_compressor/adaptor/ox_utils creating build/lib/neural_compressor/adaptor/torch_utils copying neural_compressor/adaptor/torch_utils/symbolic_trace.py -> build/lib/neural_compressor/adaptor/torch_utils copying neural_compressor/adaptor/torch_utils/hawq_metric.py -> build/lib/neural_compressor/adaptor/torch_utils copying neural_compressor/adaptor/torch_utils/model_wrapper.py -> build/lib/neural_compressor/adaptor/torch_utils copying neural_compressor/adaptor/torch_utils/__init__.py -> build/lib/neural_compressor/adaptor/torch_utils copying neural_compressor/adaptor/torch_utils/util.py -> build/lib/neural_compressor/adaptor/torch_utils copying neural_compressor/adaptor/torch_utils/bf16_convert.py -> build/lib/neural_compressor/adaptor/torch_utils copying neural_compressor/adaptor/torch_utils/smooth_quant.py -> build/lib/neural_compressor/adaptor/torch_utils creating build/lib/neural_compressor/adaptor/tf_utils copying neural_compressor/adaptor/tf_utils/graph_converter.py -> build/lib/neural_compressor/adaptor/tf_utils copying neural_compressor/adaptor/tf_utils/__init__.py -> build/lib/neural_compressor/adaptor/tf_utils copying neural_compressor/adaptor/tf_utils/util.py -> build/lib/neural_compressor/adaptor/tf_utils copying neural_compressor/adaptor/tf_utils/graph_converter_without_calib.py -> build/lib/neural_compressor/adaptor/tf_utils copying neural_compressor/adaptor/tf_utils/tf2onnx_converter.py -> build/lib/neural_compressor/adaptor/tf_utils copying neural_compressor/adaptor/tf_utils/graph_util.py -> build/lib/neural_compressor/adaptor/tf_utils copying neural_compressor/adaptor/tf_utils/quantize_graph_common.py -> build/lib/neural_compressor/adaptor/tf_utils creating build/lib/neural_compressor/adaptor/ox_utils/operators copying neural_compressor/adaptor/ox_utils/operators/binary_op.py -> build/lib/neural_compressor/adaptor/ox_utils/operators copying neural_compressor/adaptor/ox_utils/operators/embed_layernorm.py -> build/lib/neural_compressor/adaptor/ox_utils/operators copying neural_compressor/adaptor/ox_utils/operators/activation.py -> build/lib/neural_compressor/adaptor/ox_utils/operators copying neural_compressor/adaptor/ox_utils/operators/pooling.py -> build/lib/neural_compressor/adaptor/ox_utils/operators copying neural_compressor/adaptor/ox_utils/operators/attention.py -> build/lib/neural_compressor/adaptor/ox_utils/operators copying neural_compressor/adaptor/ox_utils/operators/__init__.py -> build/lib/neural_compressor/adaptor/ox_utils/operators copying neural_compressor/adaptor/ox_utils/operators/pad.py -> build/lib/neural_compressor/adaptor/ox_utils/operators copying neural_compressor/adaptor/ox_utils/operators/concat.py -> build/lib/neural_compressor/adaptor/ox_utils/operators copying neural_compressor/adaptor/ox_utils/operators/gavgpool.py -> build/lib/neural_compressor/adaptor/ox_utils/operators copying neural_compressor/adaptor/ox_utils/operators/argmax.py -> build/lib/neural_compressor/adaptor/ox_utils/operators copying neural_compressor/adaptor/ox_utils/operators/maxpool.py -> build/lib/neural_compressor/adaptor/ox_utils/operators copying neural_compressor/adaptor/ox_utils/operators/gemm.py -> build/lib/neural_compressor/adaptor/ox_utils/operators copying neural_compressor/adaptor/ox_utils/operators/split.py -> build/lib/neural_compressor/adaptor/ox_utils/operators copying neural_compressor/adaptor/ox_utils/operators/matmul.py -> build/lib/neural_compressor/adaptor/ox_utils/operators copying neural_compressor/adaptor/ox_utils/operators/ops.py -> build/lib/neural_compressor/adaptor/ox_utils/operators copying neural_compressor/adaptor/ox_utils/operators/gather.py -> build/lib/neural_compressor/adaptor/ox_utils/operators copying neural_compressor/adaptor/ox_utils/operators/direct_q8.py -> build/lib/neural_compressor/adaptor/ox_utils/operators copying neural_compressor/adaptor/ox_utils/operators/conv.py -> build/lib/neural_compressor/adaptor/ox_utils/operators copying neural_compressor/adaptor/ox_utils/operators/lstm.py -> build/lib/neural_compressor/adaptor/ox_utils/operators copying neural_compressor/adaptor/ox_utils/operators/resize.py -> build/lib/neural_compressor/adaptor/ox_utils/operators creating build/lib/neural_compressor/adaptor/tf_utils/transform_graph copying neural_compressor/adaptor/tf_utils/transform_graph/graph_transform_base.py -> build/lib/neural_compressor/adaptor/tf_utils/transform_graph copying neural_compressor/adaptor/tf_utils/transform_graph/insert_logging.py -> build/lib/neural_compressor/adaptor/tf_utils/transform_graph copying neural_compressor/adaptor/tf_utils/transform_graph/__init__.py -> build/lib/neural_compressor/adaptor/tf_utils/transform_graph copying neural_compressor/adaptor/tf_utils/transform_graph/bias_correction.py -> build/lib/neural_compressor/adaptor/tf_utils/transform_graph copying neural_compressor/adaptor/tf_utils/transform_graph/rerange_quantized_concat.py -> build/lib/neural_compressor/adaptor/tf_utils/transform_graph creating build/lib/neural_compressor/adaptor/tf_utils/graph_rewriter copying neural_compressor/adaptor/tf_utils/graph_rewriter/graph_base.py -> build/lib/neural_compressor/adaptor/tf_utils/graph_rewriter copying neural_compressor/adaptor/tf_utils/graph_rewriter/__init__.py -> build/lib/neural_compressor/adaptor/tf_utils/graph_rewriter creating build/lib/neural_compressor/adaptor/tf_utils/quantize_graph copying neural_compressor/adaptor/tf_utils/quantize_graph/quantize_graph_conv.py -> build/lib/neural_compressor/adaptor/tf_utils/quantize_graph copying neural_compressor/adaptor/tf_utils/quantize_graph/__init__.py -> build/lib/neural_compressor/adaptor/tf_utils/quantize_graph copying neural_compressor/adaptor/tf_utils/quantize_graph/quantize_graph_matmul.py -> build/lib/neural_compressor/adaptor/tf_utils/quantize_graph copying neural_compressor/adaptor/tf_utils/quantize_graph/quantize_graph_bn.py -> build/lib/neural_compressor/adaptor/tf_utils/quantize_graph copying neural_compressor/adaptor/tf_utils/quantize_graph/quantize_graph_concatv2.py -> build/lib/neural_compressor/adaptor/tf_utils/quantize_graph copying neural_compressor/adaptor/tf_utils/quantize_graph/quantize_graph_base.py -> build/lib/neural_compressor/adaptor/tf_utils/quantize_graph copying neural_compressor/adaptor/tf_utils/quantize_graph/quantize_graph_pooling.py -> build/lib/neural_compressor/adaptor/tf_utils/quantize_graph copying neural_compressor/adaptor/tf_utils/quantize_graph/quantize_graph_for_intel_cpu.py -> build/lib/neural_compressor/adaptor/tf_utils/quantize_graph creating build/lib/neural_compressor/adaptor/tf_utils/graph_rewriter/qdq copying neural_compressor/adaptor/tf_utils/graph_rewriter/qdq/share_qdq_y_pattern.py -> build/lib/neural_compressor/adaptor/tf_utils/graph_rewriter/qdq copying neural_compressor/adaptor/tf_utils/graph_rewriter/qdq/__init__.py -> build/lib/neural_compressor/adaptor/tf_utils/graph_rewriter/qdq copying neural_compressor/adaptor/tf_utils/graph_rewriter/qdq/insert_qdq_pattern.py -> build/lib/neural_compressor/adaptor/tf_utils/graph_rewriter/qdq copying neural_compressor/adaptor/tf_utils/graph_rewriter/qdq/merge_duplicated_qdq.py -> build/lib/neural_compressor/adaptor/tf_utils/graph_rewriter/qdq creating build/lib/neural_compressor/adaptor/tf_utils/graph_rewriter/bf16 copying neural_compressor/adaptor/tf_utils/graph_rewriter/bf16/__init__.py -> build/lib/neural_compressor/adaptor/tf_utils/graph_rewriter/bf16 copying neural_compressor/adaptor/tf_utils/graph_rewriter/bf16/bf16_convert.py -> build/lib/neural_compressor/adaptor/tf_utils/graph_rewriter/bf16 creating build/lib/neural_compressor/adaptor/tf_utils/graph_rewriter/int8 copying neural_compressor/adaptor/tf_utils/graph_rewriter/int8/scale_propagation.py -> build/lib/neural_compressor/adaptor/tf_utils/graph_rewriter/int8 copying neural_compressor/adaptor/tf_utils/graph_rewriter/int8/post_quantized_op_cse.py -> build/lib/neural_compressor/adaptor/tf_utils/graph_rewriter/int8 copying neural_compressor/adaptor/tf_utils/graph_rewriter/int8/fuse_matmul_redundant_dequantize.py -> build/lib/neural_compressor/adaptor/tf_utils/graph_rewriter/int8 copying neural_compressor/adaptor/tf_utils/graph_rewriter/int8/__init__.py -> build/lib/neural_compressor/adaptor/tf_utils/graph_rewriter/int8 copying neural_compressor/adaptor/tf_utils/graph_rewriter/int8/freeze_fake_quant.py -> build/lib/neural_compressor/adaptor/tf_utils/graph_rewriter/int8 copying neural_compressor/adaptor/tf_utils/graph_rewriter/int8/freeze_value_without_calib.py -> build/lib/neural_compressor/adaptor/tf_utils/graph_rewriter/int8 copying neural_compressor/adaptor/tf_utils/graph_rewriter/int8/fuse_conv_redundant_dequantize.py -> build/lib/neural_compressor/adaptor/tf_utils/graph_rewriter/int8 copying neural_compressor/adaptor/tf_utils/graph_rewriter/int8/meta_op_optimizer.py -> build/lib/neural_compressor/adaptor/tf_utils/graph_rewriter/int8 copying neural_compressor/adaptor/tf_utils/graph_rewriter/int8/freeze_value.py -> build/lib/neural_compressor/adaptor/tf_utils/graph_rewriter/int8 copying neural_compressor/adaptor/tf_utils/graph_rewriter/int8/fuse_conv_requantize.py -> build/lib/neural_compressor/adaptor/tf_utils/graph_rewriter/int8 copying neural_compressor/adaptor/tf_utils/graph_rewriter/int8/rnn_convert.py -> build/lib/neural_compressor/adaptor/tf_utils/graph_rewriter/int8 copying neural_compressor/adaptor/tf_utils/graph_rewriter/int8/fuse_matmul_requantize.py -> build/lib/neural_compressor/adaptor/tf_utils/graph_rewriter/int8 copying neural_compressor/adaptor/tf_utils/graph_rewriter/int8/post_hostconst_converter.py -> build/lib/neural_compressor/adaptor/tf_utils/graph_rewriter/int8 creating build/lib/neural_compressor/adaptor/tf_utils/graph_rewriter/onnx copying neural_compressor/adaptor/tf_utils/graph_rewriter/onnx/onnx_node.py -> build/lib/neural_compressor/adaptor/tf_utils/graph_rewriter/onnx copying neural_compressor/adaptor/tf_utils/graph_rewriter/onnx/onnx_graph.py -> build/lib/neural_compressor/adaptor/tf_utils/graph_rewriter/onnx copying neural_compressor/adaptor/tf_utils/graph_rewriter/onnx/tf2onnx_utils.py -> build/lib/neural_compressor/adaptor/tf_utils/graph_rewriter/onnx copying neural_compressor/adaptor/tf_utils/graph_rewriter/onnx/__init__.py -> build/lib/neural_compressor/adaptor/tf_utils/graph_rewriter/onnx copying neural_compressor/adaptor/tf_utils/graph_rewriter/onnx/onnx_schema.py -> build/lib/neural_compressor/adaptor/tf_utils/graph_rewriter/onnx creating build/lib/neural_compressor/adaptor/tf_utils/graph_rewriter/generic copying neural_compressor/adaptor/tf_utils/graph_rewriter/generic/rename_batch_norm.py -> build/lib/neural_compressor/adaptor/tf_utils/graph_rewriter/generic copying neural_compressor/adaptor/tf_utils/graph_rewriter/generic/dilated_contraction.py -> build/lib/neural_compressor/adaptor/tf_utils/graph_rewriter/generic copying neural_compressor/adaptor/tf_utils/graph_rewriter/generic/pre_optimize.py -> build/lib/neural_compressor/adaptor/tf_utils/graph_rewriter/generic copying neural_compressor/adaptor/tf_utils/graph_rewriter/generic/fuse_decomposed_bn.py -> build/lib/neural_compressor/adaptor/tf_utils/graph_rewriter/generic copying neural_compressor/adaptor/tf_utils/graph_rewriter/generic/convert_nan_to_random.py -> build/lib/neural_compressor/adaptor/tf_utils/graph_rewriter/generic copying neural_compressor/adaptor/tf_utils/graph_rewriter/generic/convert_add_to_biasadd.py -> build/lib/neural_compressor/adaptor/tf_utils/graph_rewriter/generic copying neural_compressor/adaptor/tf_utils/graph_rewriter/generic/dummy_biasadd.py -> build/lib/neural_compressor/adaptor/tf_utils/graph_rewriter/generic copying neural_compressor/adaptor/tf_utils/graph_rewriter/generic/__init__.py -> build/lib/neural_compressor/adaptor/tf_utils/graph_rewriter/generic copying neural_compressor/adaptor/tf_utils/graph_rewriter/generic/fuse_pad_with_fp32_conv.py -> build/lib/neural_compressor/adaptor/tf_utils/graph_rewriter/generic copying neural_compressor/adaptor/tf_utils/graph_rewriter/generic/graph_cse_optimizer.py -> build/lib/neural_compressor/adaptor/tf_utils/graph_rewriter/generic copying neural_compressor/adaptor/tf_utils/graph_rewriter/generic/fold_constant.py -> build/lib/neural_compressor/adaptor/tf_utils/graph_rewriter/generic copying neural_compressor/adaptor/tf_utils/graph_rewriter/generic/strip_equivalent_nodes.py -> build/lib/neural_compressor/adaptor/tf_utils/graph_rewriter/generic copying neural_compressor/adaptor/tf_utils/graph_rewriter/generic/move_squeeze_after_relu.py -> build/lib/neural_compressor/adaptor/tf_utils/graph_rewriter/generic copying neural_compressor/adaptor/tf_utils/graph_rewriter/generic/fold_batch_norm.py -> build/lib/neural_compressor/adaptor/tf_utils/graph_rewriter/generic copying neural_compressor/adaptor/tf_utils/graph_rewriter/generic/expanddims_optimizer.py -> build/lib/neural_compressor/adaptor/tf_utils/graph_rewriter/generic copying neural_compressor/adaptor/tf_utils/graph_rewriter/generic/split_shared_input.py -> build/lib/neural_compressor/adaptor/tf_utils/graph_rewriter/generic copying neural_compressor/adaptor/tf_utils/graph_rewriter/generic/fuse_conv_with_math.py -> build/lib/neural_compressor/adaptor/tf_utils/graph_rewriter/generic copying neural_compressor/adaptor/tf_utils/graph_rewriter/generic/fetch_weight_from_reshape.py -> build/lib/neural_compressor/adaptor/tf_utils/graph_rewriter/generic copying neural_compressor/adaptor/tf_utils/graph_rewriter/generic/convert_leakyrelu.py -> build/lib/neural_compressor/adaptor/tf_utils/graph_rewriter/generic copying neural_compressor/adaptor/tf_utils/graph_rewriter/generic/fuse_gelu.py -> build/lib/neural_compressor/adaptor/tf_utils/graph_rewriter/generic copying neural_compressor/adaptor/tf_utils/graph_rewriter/generic/fuse_decomposed_in.py -> build/lib/neural_compressor/adaptor/tf_utils/graph_rewriter/generic copying neural_compressor/adaptor/tf_utils/graph_rewriter/generic/switch_optimizer.py -> build/lib/neural_compressor/adaptor/tf_utils/graph_rewriter/generic copying neural_compressor/adaptor/tf_utils/graph_rewriter/generic/insert_print_node.py -> build/lib/neural_compressor/adaptor/tf_utils/graph_rewriter/generic copying neural_compressor/adaptor/tf_utils/graph_rewriter/generic/grappler_pass.py -> build/lib/neural_compressor/adaptor/tf_utils/graph_rewriter/generic copying neural_compressor/adaptor/tf_utils/graph_rewriter/generic/fuse_biasadd_add.py -> build/lib/neural_compressor/adaptor/tf_utils/graph_rewriter/generic copying neural_compressor/adaptor/tf_utils/graph_rewriter/generic/fuse_pad_with_conv.py -> build/lib/neural_compressor/adaptor/tf_utils/graph_rewriter/generic copying neural_compressor/adaptor/tf_utils/graph_rewriter/generic/convert_layout.py -> build/lib/neural_compressor/adaptor/tf_utils/graph_rewriter/generic copying neural_compressor/adaptor/tf_utils/graph_rewriter/generic/fuse_reshape_transpose.py -> build/lib/neural_compressor/adaptor/tf_utils/graph_rewriter/generic copying neural_compressor/adaptor/tf_utils/graph_rewriter/generic/strip_unused_nodes.py -> build/lib/neural_compressor/adaptor/tf_utils/graph_rewriter/generic copying neural_compressor/adaptor/tf_utils/graph_rewriter/generic/dequantize_cast_optimizer.py -> build/lib/neural_compressor/adaptor/tf_utils/graph_rewriter/generic copying neural_compressor/adaptor/tf_utils/graph_rewriter/generic/remove_training_nodes.py -> build/lib/neural_compressor/adaptor/tf_utils/graph_rewriter/generic copying neural_compressor/adaptor/tf_utils/graph_rewriter/generic/fuse_column_wise_mul.py -> build/lib/neural_compressor/adaptor/tf_utils/graph_rewriter/generic copying neural_compressor/adaptor/tf_utils/graph_rewriter/generic/convert_placeholder_to_const.py -> build/lib/neural_compressor/adaptor/tf_utils/graph_rewriter/generic copying neural_compressor/adaptor/tf_utils/graph_rewriter/generic/fuse_layer_norm.py -> build/lib/neural_compressor/adaptor/tf_utils/graph_rewriter/generic creating build/lib/neural_compressor/adaptor/tf_utils/quantize_graph/qat copying neural_compressor/adaptor/tf_utils/quantize_graph/qat/fake_quantize.py -> build/lib/neural_compressor/adaptor/tf_utils/quantize_graph/qat copying neural_compressor/adaptor/tf_utils/quantize_graph/qat/quantize_wrapper.py -> build/lib/neural_compressor/adaptor/tf_utils/quantize_graph/qat copying neural_compressor/adaptor/tf_utils/quantize_graph/qat/__init__.py -> build/lib/neural_compressor/adaptor/tf_utils/quantize_graph/qat copying neural_compressor/adaptor/tf_utils/quantize_graph/qat/quantize_config.py -> build/lib/neural_compressor/adaptor/tf_utils/quantize_graph/qat copying neural_compressor/adaptor/tf_utils/quantize_graph/qat/quantize_helper.py -> build/lib/neural_compressor/adaptor/tf_utils/quantize_graph/qat creating build/lib/neural_compressor/adaptor/tf_utils/quantize_graph/qdq copying neural_compressor/adaptor/tf_utils/quantize_graph/qdq/fuse_qdq_concatv2.py -> build/lib/neural_compressor/adaptor/tf_utils/quantize_graph/qdq copying neural_compressor/adaptor/tf_utils/quantize_graph/qdq/fuse_qdq_conv.py -> build/lib/neural_compressor/adaptor/tf_utils/quantize_graph/qdq copying neural_compressor/adaptor/tf_utils/quantize_graph/qdq/fuse_qdq_pooling.py -> build/lib/neural_compressor/adaptor/tf_utils/quantize_graph/qdq copying neural_compressor/adaptor/tf_utils/quantize_graph/qdq/fuse_qdq_deconv.py -> build/lib/neural_compressor/adaptor/tf_utils/quantize_graph/qdq copying neural_compressor/adaptor/tf_utils/quantize_graph/qdq/__init__.py -> build/lib/neural_compressor/adaptor/tf_utils/quantize_graph/qdq copying neural_compressor/adaptor/tf_utils/quantize_graph/qdq/fuse_qdq_bn.py -> build/lib/neural_compressor/adaptor/tf_utils/quantize_graph/qdq copying neural_compressor/adaptor/tf_utils/quantize_graph/qdq/fuse_qdq_matmul.py -> build/lib/neural_compressor/adaptor/tf_utils/quantize_graph/qdq copying neural_compressor/adaptor/tf_utils/quantize_graph/qdq/optimize_qdq.py -> build/lib/neural_compressor/adaptor/tf_utils/quantize_graph/qdq copying neural_compressor/adaptor/tf_utils/quantize_graph/qdq/fuse_qdq_in.py -> build/lib/neural_compressor/adaptor/tf_utils/quantize_graph/qdq creating build/lib/neural_compressor/adaptor/tf_utils/quantize_graph/qat/quantize_layers copying neural_compressor/adaptor/tf_utils/quantize_graph/qat/quantize_layers/__init__.py -> build/lib/neural_compressor/adaptor/tf_utils/quantize_graph/qat/quantize_layers copying neural_compressor/adaptor/tf_utils/quantize_graph/qat/quantize_layers/quantize_layer_base.py -> build/lib/neural_compressor/adaptor/tf_utils/quantize_graph/qat/quantize_layers copying neural_compressor/adaptor/tf_utils/quantize_graph/qat/quantize_layers/optimize_layer.py -> build/lib/neural_compressor/adaptor/tf_utils/quantize_graph/qat/quantize_layers copying neural_compressor/adaptor/tf_utils/quantize_graph/qat/quantize_layers/quantize_layer_bn.py -> build/lib/neural_compressor/adaptor/tf_utils/quantize_graph/qat/quantize_layers copying neural_compressor/adaptor/tf_utils/quantize_graph/qat/quantize_layers/quantize_layer_add.py -> build/lib/neural_compressor/adaptor/tf_utils/quantize_graph/qat/quantize_layers creating build/lib/neural_compressor/experimental/compression copying neural_compressor/experimental/compression/__init__.py -> build/lib/neural_compressor/experimental/compression copying neural_compressor/experimental/compression/pruning.py -> build/lib/neural_compressor/experimental/compression creating build/lib/neural_compressor/experimental/nas copying neural_compressor/experimental/nas/nas.py -> build/lib/neural_compressor/experimental/nas copying neural_compressor/experimental/nas/dynas.py -> build/lib/neural_compressor/experimental/nas copying neural_compressor/experimental/nas/__init__.py -> build/lib/neural_compressor/experimental/nas copying neural_compressor/experimental/nas/search_algorithms.py -> build/lib/neural_compressor/experimental/nas copying neural_compressor/experimental/nas/nas_utils.py -> build/lib/neural_compressor/experimental/nas copying neural_compressor/experimental/nas/basic_nas.py -> build/lib/neural_compressor/experimental/nas creating build/lib/neural_compressor/experimental/pruning_recipes copying neural_compressor/experimental/pruning_recipes/__init__.py -> build/lib/neural_compressor/experimental/pruning_recipes creating build/lib/neural_compressor/experimental/metric copying neural_compressor/experimental/metric/__init__.py -> build/lib/neural_compressor/experimental/metric copying neural_compressor/experimental/metric/bleu_util.py -> build/lib/neural_compressor/experimental/metric copying neural_compressor/experimental/metric/bleu.py -> build/lib/neural_compressor/experimental/metric copying neural_compressor/experimental/metric/metric.py -> build/lib/neural_compressor/experimental/metric copying neural_compressor/experimental/metric/evaluate_squad.py -> build/lib/neural_compressor/experimental/metric copying neural_compressor/experimental/metric/f1.py -> build/lib/neural_compressor/experimental/metric copying neural_compressor/experimental/metric/coco_label_map.py -> build/lib/neural_compressor/experimental/metric copying neural_compressor/experimental/metric/coco_tools.py -> build/lib/neural_compressor/experimental/metric creating build/lib/neural_compressor/experimental/pruner_legacy copying neural_compressor/experimental/pruner_legacy/group_lasso.py -> build/lib/neural_compressor/experimental/pruner_legacy copying neural_compressor/experimental/pruner_legacy/__init__.py -> build/lib/neural_compressor/experimental/pruner_legacy copying neural_compressor/experimental/pruner_legacy/pattern_lock.py -> build/lib/neural_compressor/experimental/pruner_legacy copying neural_compressor/experimental/pruner_legacy/gradient_sensitivity.py -> build/lib/neural_compressor/experimental/pruner_legacy copying neural_compressor/experimental/pruner_legacy/magnitude.py -> build/lib/neural_compressor/experimental/pruner_legacy copying neural_compressor/experimental/pruner_legacy/pruner.py -> build/lib/neural_compressor/experimental/pruner_legacy creating build/lib/neural_compressor/experimental/export copying neural_compressor/experimental/export/__init__.py -> build/lib/neural_compressor/experimental/export copying neural_compressor/experimental/export/qlinear2qdq.py -> build/lib/neural_compressor/experimental/export copying neural_compressor/experimental/export/tf2onnx.py -> build/lib/neural_compressor/experimental/export copying neural_compressor/experimental/export/utils.py -> build/lib/neural_compressor/experimental/export copying neural_compressor/experimental/export/torch2onnx.py -> build/lib/neural_compressor/experimental/export creating build/lib/neural_compressor/experimental/common copying neural_compressor/experimental/common/criterion.py -> build/lib/neural_compressor/experimental/common copying neural_compressor/experimental/common/__init__.py -> build/lib/neural_compressor/experimental/common copying neural_compressor/experimental/common/postprocess.py -> build/lib/neural_compressor/experimental/common copying neural_compressor/experimental/common/optimizer.py -> build/lib/neural_compressor/experimental/common copying neural_compressor/experimental/common/metric.py -> build/lib/neural_compressor/experimental/common copying neural_compressor/experimental/common/model.py -> build/lib/neural_compressor/experimental/common copying neural_compressor/experimental/common/torch_utils.py -> build/lib/neural_compressor/experimental/common copying neural_compressor/experimental/common/dataloader.py -> build/lib/neural_compressor/experimental/common creating build/lib/neural_compressor/experimental/pytorch_pruner copying neural_compressor/experimental/pytorch_pruner/__init__.py -> build/lib/neural_compressor/experimental/pytorch_pruner copying neural_compressor/experimental/pytorch_pruner/logger.py -> build/lib/neural_compressor/experimental/pytorch_pruner copying neural_compressor/experimental/pytorch_pruner/pruning.py -> build/lib/neural_compressor/experimental/pytorch_pruner copying neural_compressor/experimental/pytorch_pruner/patterns.py -> build/lib/neural_compressor/experimental/pytorch_pruner copying neural_compressor/experimental/pytorch_pruner/prune_utils.py -> build/lib/neural_compressor/experimental/pytorch_pruner copying neural_compressor/experimental/pytorch_pruner/scheduler.py -> build/lib/neural_compressor/experimental/pytorch_pruner copying neural_compressor/experimental/pytorch_pruner/pruner.py -> build/lib/neural_compressor/experimental/pytorch_pruner creating build/lib/neural_compressor/experimental/data copying neural_compressor/experimental/data/__init__.py -> build/lib/neural_compressor/experimental/data creating build/lib/neural_compressor/experimental/pruning_recipes/patterns copying neural_compressor/experimental/pruning_recipes/patterns/__init__.py -> build/lib/neural_compressor/experimental/pruning_recipes/patterns copying neural_compressor/experimental/pruning_recipes/patterns/tile_pattern.py -> build/lib/neural_compressor/experimental/pruning_recipes/patterns copying neural_compressor/experimental/pruning_recipes/patterns/pattern.py -> build/lib/neural_compressor/experimental/pruning_recipes/patterns creating build/lib/neural_compressor/experimental/data/dataloaders copying neural_compressor/experimental/data/dataloaders/default_dataloader.py -> build/lib/neural_compressor/experimental/data/dataloaders copying neural_compressor/experimental/data/dataloaders/base_dataloader.py -> build/lib/neural_compressor/experimental/data/dataloaders copying neural_compressor/experimental/data/dataloaders/__init__.py -> build/lib/neural_compressor/experimental/data/dataloaders copying neural_compressor/experimental/data/dataloaders/pytorch_dataloader.py -> build/lib/neural_compressor/experimental/data/dataloaders copying neural_compressor/experimental/data/dataloaders/fetcher.py -> build/lib/neural_compressor/experimental/data/dataloaders copying neural_compressor/experimental/data/dataloaders/sampler.py -> build/lib/neural_compressor/experimental/data/dataloaders copying neural_compressor/experimental/data/dataloaders/tensorflow_dataloader.py -> build/lib/neural_compressor/experimental/data/dataloaders copying neural_compressor/experimental/data/dataloaders/onnxrt_dataloader.py -> build/lib/neural_compressor/experimental/data/dataloaders copying neural_compressor/experimental/data/dataloaders/dataloader.py -> build/lib/neural_compressor/experimental/data/dataloaders copying neural_compressor/experimental/data/dataloaders/mxnet_dataloader.py -> build/lib/neural_compressor/experimental/data/dataloaders creating build/lib/neural_compressor/experimental/data/datasets copying neural_compressor/experimental/data/datasets/coco_dataset.py -> build/lib/neural_compressor/experimental/data/datasets copying neural_compressor/experimental/data/datasets/style_transfer_dataset.py -> build/lib/neural_compressor/experimental/data/datasets copying neural_compressor/experimental/data/datasets/bert_dataset.py -> build/lib/neural_compressor/experimental/data/datasets copying neural_compressor/experimental/data/datasets/__init__.py -> build/lib/neural_compressor/experimental/data/datasets copying neural_compressor/experimental/data/datasets/imagenet_dataset.py -> build/lib/neural_compressor/experimental/data/datasets copying neural_compressor/experimental/data/datasets/dataset.py -> build/lib/neural_compressor/experimental/data/datasets copying neural_compressor/experimental/data/datasets/dummy_dataset_v2.py -> build/lib/neural_compressor/experimental/data/datasets copying neural_compressor/experimental/data/datasets/dummy_dataset.py -> build/lib/neural_compressor/experimental/data/datasets creating build/lib/neural_compressor/experimental/data/transforms copying neural_compressor/experimental/data/transforms/imagenet_transform.py -> build/lib/neural_compressor/experimental/data/transforms copying neural_compressor/experimental/data/transforms/__init__.py -> build/lib/neural_compressor/experimental/data/transforms copying neural_compressor/experimental/data/transforms/tokenization.py -> build/lib/neural_compressor/experimental/data/transforms copying neural_compressor/experimental/data/transforms/transform.py -> build/lib/neural_compressor/experimental/data/transforms creating build/lib/neural_compressor/experimental/data/filters copying neural_compressor/experimental/data/filters/coco_filter.py -> build/lib/neural_compressor/experimental/data/filters copying neural_compressor/experimental/data/filters/__init__.py -> build/lib/neural_compressor/experimental/data/filters copying neural_compressor/experimental/data/filters/filter.py -> build/lib/neural_compressor/experimental/data/filters creating build/lib/neural_compressor/strategy/utils copying neural_compressor/strategy/utils/constant.py -> build/lib/neural_compressor/strategy/utils copying neural_compressor/strategy/utils/__init__.py -> build/lib/neural_compressor/strategy/utils copying neural_compressor/strategy/utils/tuning_sampler.py -> build/lib/neural_compressor/strategy/utils copying neural_compressor/strategy/utils/tuning_space.py -> build/lib/neural_compressor/strategy/utils copying neural_compressor/strategy/utils/tuning_structs.py -> build/lib/neural_compressor/strategy/utils copying neural_compressor/strategy/utils/utility.py -> build/lib/neural_compressor/strategy/utils creating build/lib/neural_compressor/data/dataloaders copying neural_compressor/data/dataloaders/default_dataloader.py -> build/lib/neural_compressor/data/dataloaders copying neural_compressor/data/dataloaders/base_dataloader.py -> build/lib/neural_compressor/data/dataloaders copying neural_compressor/data/dataloaders/__init__.py -> build/lib/neural_compressor/data/dataloaders copying neural_compressor/data/dataloaders/pytorch_dataloader.py -> build/lib/neural_compressor/data/dataloaders copying neural_compressor/data/dataloaders/fetcher.py -> build/lib/neural_compressor/data/dataloaders copying neural_compressor/data/dataloaders/sampler.py -> build/lib/neural_compressor/data/dataloaders copying neural_compressor/data/dataloaders/tensorflow_dataloader.py -> build/lib/neural_compressor/data/dataloaders copying neural_compressor/data/dataloaders/onnxrt_dataloader.py -> build/lib/neural_compressor/data/dataloaders copying neural_compressor/data/dataloaders/dataloader.py -> build/lib/neural_compressor/data/dataloaders copying neural_compressor/data/dataloaders/mxnet_dataloader.py -> build/lib/neural_compressor/data/dataloaders creating build/lib/neural_compressor/data/datasets copying neural_compressor/data/datasets/coco_dataset.py -> build/lib/neural_compressor/data/datasets copying neural_compressor/data/datasets/style_transfer_dataset.py -> build/lib/neural_compressor/data/datasets copying neural_compressor/data/datasets/bert_dataset.py -> build/lib/neural_compressor/data/datasets copying neural_compressor/data/datasets/__init__.py -> build/lib/neural_compressor/data/datasets copying neural_compressor/data/datasets/imagenet_dataset.py -> build/lib/neural_compressor/data/datasets copying neural_compressor/data/datasets/dataset.py -> build/lib/neural_compressor/data/datasets copying neural_compressor/data/datasets/dummy_dataset_v2.py -> build/lib/neural_compressor/data/datasets copying neural_compressor/data/datasets/dummy_dataset.py -> build/lib/neural_compressor/data/datasets creating build/lib/neural_compressor/data/transforms copying neural_compressor/data/transforms/imagenet_transform.py -> build/lib/neural_compressor/data/transforms copying neural_compressor/data/transforms/__init__.py -> build/lib/neural_compressor/data/transforms copying neural_compressor/data/transforms/coco_transform.py -> build/lib/neural_compressor/data/transforms copying neural_compressor/data/transforms/postprocess.py -> build/lib/neural_compressor/data/transforms copying neural_compressor/data/transforms/tokenization.py -> build/lib/neural_compressor/data/transforms copying neural_compressor/data/transforms/transform.py -> build/lib/neural_compressor/data/transforms creating build/lib/neural_compressor/data/filters copying neural_compressor/data/filters/coco_filter.py -> build/lib/neural_compressor/data/filters copying neural_compressor/data/filters/__init__.py -> build/lib/neural_compressor/data/filters copying neural_compressor/data/filters/filter.py -> build/lib/neural_compressor/data/filters running egg_info writing neural_compressor.egg-info/PKG-INFO writing dependency_links to neural_compressor.egg-info/dependency_links.txt writing requirements to neural_compressor.egg-info/requires.txt writing top-level names to neural_compressor.egg-info/top_level.txt reading manifest file 'neural_compressor.egg-info/SOURCES.txt' adding license file 'LICENSE' writing manifest file 'neural_compressor.egg-info/SOURCES.txt' copying neural_coder/backends/intel_extension_for_transformers.yaml -> build/lib/neural_coder/backends copying neural_coder/backends/keras_inc.yaml -> build/lib/neural_coder/backends copying neural_coder/backends/nano_bf16.yaml -> build/lib/neural_coder/backends copying neural_coder/backends/nano_bf16_channels_last.yaml -> build/lib/neural_coder/backends copying neural_coder/backends/nano_bf16_ipex.yaml -> build/lib/neural_coder/backends copying neural_coder/backends/nano_bf16_ipex_channels_last.yaml -> build/lib/neural_coder/backends copying neural_coder/backends/nano_fp32_channels_last.yaml -> build/lib/neural_coder/backends copying neural_coder/backends/nano_fp32_ipex.yaml -> build/lib/neural_coder/backends copying neural_coder/backends/nano_fp32_ipex_channels_last.yaml -> build/lib/neural_coder/backends copying neural_coder/backends/nano_gpu_to_cpu.yaml -> build/lib/neural_coder/backends copying neural_coder/backends/nano_int8.yaml -> build/lib/neural_coder/backends copying neural_coder/backends/nano_jit_bf16.yaml -> build/lib/neural_coder/backends copying neural_coder/backends/nano_jit_bf16_channels_last.yaml -> build/lib/neural_coder/backends copying neural_coder/backends/nano_jit_bf16_ipex.yaml -> build/lib/neural_coder/backends copying neural_coder/backends/nano_jit_bf16_ipex_channels_last.yaml -> build/lib/neural_coder/backends copying neural_coder/backends/nano_jit_fp32.yaml -> build/lib/neural_coder/backends copying neural_coder/backends/nano_jit_fp32_channels_last.yaml -> build/lib/neural_coder/backends copying neural_coder/backends/nano_jit_fp32_ipex.yaml -> build/lib/neural_coder/backends copying neural_coder/backends/nano_jit_fp32_ipex_channels_last.yaml -> build/lib/neural_coder/backends copying neural_coder/backends/nano_onnxruntime_fp32.yaml -> build/lib/neural_coder/backends copying neural_coder/backends/nano_onnxruntime_int8_qlinear.yaml -> build/lib/neural_coder/backends copying neural_coder/backends/nano_openvino_fp32.yaml -> build/lib/neural_coder/backends copying neural_coder/backends/nano_openvino_int8.yaml -> build/lib/neural_coder/backends copying neural_coder/backends/onnx_inc_dynamic_quant.yaml -> build/lib/neural_coder/backends copying neural_coder/backends/onnx_inc_static_quant_qdq.yaml -> build/lib/neural_coder/backends copying neural_coder/backends/onnx_inc_static_quant_qlinear.yaml -> build/lib/neural_coder/backends copying neural_coder/backends/pytorch_aliblade.yaml -> build/lib/neural_coder/backends copying neural_coder/backends/pytorch_benchmark.yaml -> build/lib/neural_coder/backends copying neural_coder/backends/pytorch_channels_last.yaml -> build/lib/neural_coder/backends copying neural_coder/backends/pytorch_inc_bf16.yaml -> build/lib/neural_coder/backends copying neural_coder/backends/pytorch_inc_dynamic_quant.yaml -> build/lib/neural_coder/backends copying neural_coder/backends/pytorch_inc_dynamic_quant_fp8.yaml -> build/lib/neural_coder/backends copying neural_coder/backends/pytorch_inc_huggingface_optimum_dynamic.yaml -> build/lib/neural_coder/backends copying neural_coder/backends/pytorch_inc_huggingface_optimum_static.yaml -> build/lib/neural_coder/backends copying neural_coder/backends/pytorch_inc_static_quant_fx.yaml -> build/lib/neural_coder/backends copying neural_coder/backends/pytorch_inc_static_quant_fx_fp8.yaml -> build/lib/neural_coder/backends copying neural_coder/backends/pytorch_inc_static_quant_ipex.yaml -> build/lib/neural_coder/backends copying neural_coder/backends/pytorch_ipex_bf16.yaml -> build/lib/neural_coder/backends copying neural_coder/backends/pytorch_ipex_fp32.yaml -> build/lib/neural_coder/backends copying neural_coder/backends/pytorch_ipex_int8_dynamic_quant.yaml -> build/lib/neural_coder/backends copying neural_coder/backends/pytorch_ipex_int8_static_quant.yaml -> build/lib/neural_coder/backends copying neural_coder/backends/pytorch_jit_script.yaml -> build/lib/neural_coder/backends copying neural_coder/backends/pytorch_jit_script_ofi.yaml -> build/lib/neural_coder/backends copying neural_coder/backends/pytorch_jit_trace.yaml -> build/lib/neural_coder/backends copying neural_coder/backends/pytorch_jit_trace_ofi.yaml -> build/lib/neural_coder/backends copying neural_coder/backends/pytorch_mixed_precision_cpu.yaml -> build/lib/neural_coder/backends copying neural_coder/backends/pytorch_mixed_precision_cuda.yaml -> build/lib/neural_coder/backends copying neural_coder/backends/pytorch_mixed_precision_intel_gpu.yaml -> build/lib/neural_coder/backends copying neural_coder/backends/pytorch_torchdynamo_jit_script.yaml -> build/lib/neural_coder/backends copying neural_coder/backends/pytorch_torchdynamo_jit_script_ofi.yaml -> build/lib/neural_coder/backends copying neural_coder/backends/pytorch_torchdynamo_jit_trace.yaml -> build/lib/neural_coder/backends copying neural_coder/backends/pytorch_torchdynamo_jit_trace_ofi.yaml -> build/lib/neural_coder/backends copying neural_coder/backends/template.yaml -> build/lib/neural_coder/backends copying neural_coder/graphers/preloads/transformers.yaml -> build/lib/neural_coder/graphers/preloads copying neural_compressor/adaptor/keras.yaml -> build/lib/neural_compressor/adaptor copying neural_compressor/adaptor/mxnet.yaml -> build/lib/neural_compressor/adaptor copying neural_compressor/adaptor/onnxrt.yaml -> build/lib/neural_compressor/adaptor copying neural_compressor/adaptor/onnxrt_cuda.yaml -> build/lib/neural_compressor/adaptor copying neural_compressor/adaptor/onnxrt_trt.yaml -> build/lib/neural_compressor/adaptor copying neural_compressor/adaptor/pytorch_cpu.yaml -> build/lib/neural_compressor/adaptor copying neural_compressor/adaptor/pytorch_gpu.yaml -> build/lib/neural_compressor/adaptor copying neural_compressor/adaptor/pytorch_ipex.yaml -> build/lib/neural_compressor/adaptor copying neural_compressor/adaptor/tensorflow.yaml -> build/lib/neural_compressor/adaptor copying neural_compressor/adaptor/tensorflow_itex.yaml -> build/lib/neural_compressor/adaptor copying neural_compressor/template/graph_optimization.yaml -> build/lib/neural_compressor/template copying neural_compressor/template/pruning.yaml -> build/lib/neural_compressor/template copying neural_compressor/template/ptq.yaml -> build/lib/neural_compressor/template copying neural_compressor/template/qat.yaml -> build/lib/neural_compressor/template + sleep 1 + RPM_EC=0 ++ jobs -p + exit 0 Executing(%install): /bin/sh -e /var/tmp/rpm-tmp.eLXCGp + umask 022 + cd /builddir/build/BUILD + '[' /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64 '!=' / ']' + rm -rf /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64 ++ dirname /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64 + mkdir -p /builddir/build/BUILDROOT + mkdir /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64 + cd neural_compressor-2.1.1 + CFLAGS='-O2 -g -pipe -Wall -Werror=format-security -Wp,-D_FORTIFY_SOURCE=2 -Wp,-D_GLIBCXX_ASSERTIONS -fstack-protector-strong -grecord-gcc-switches -specs=/usr/lib/rpm/generic-hardened-cc1 -m64 -mtune=generic -fasynchronous-unwind-tables -fstack-clash-protection ' + LDFLAGS='-Wl,-z,relro -Wl,-z,now -specs=/usr/lib/rpm/generic-hardened-ld' + /usr/bin/python3 setup.py install -O1 --skip-build --root /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64 running install /usr/lib/python3.9/site-packages/setuptools/command/install.py:34: SetuptoolsDeprecationWarning: setup.py install is deprecated. Use build and pip and other standards-based tools. warnings.warn( running install_lib creating /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr creating /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib creating /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9 creating /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages creating /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_coder copying build/lib/neural_coder/launcher.py -> /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_coder creating /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_coder/coders creating /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_coder/coders/autoinc copying build/lib/neural_coder/coders/autoinc/__init__.py -> /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_coder/coders/autoinc copying build/lib/neural_coder/coders/autoinc/eval_func.py -> /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_coder/coders/autoinc copying build/lib/neural_coder/coders/autoinc/domain.py -> /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_coder/coders/autoinc copying build/lib/neural_coder/coders/autoinc/autoinc_harness.py -> /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_coder/coders/autoinc copying build/lib/neural_coder/coders/autoinc/calib_dataloader.py -> /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_coder/coders/autoinc copying build/lib/neural_coder/coders/__init__.py -> /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_coder/coders creating /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_coder/coders/pytorch copying build/lib/neural_coder/coders/pytorch/reclaim_inputs.py -> /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_coder/coders/pytorch copying build/lib/neural_coder/coders/pytorch/change_trainer_to_nlptrainer.py -> /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_coder/coders/pytorch copying build/lib/neural_coder/coders/pytorch/__init__.py -> /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_coder/coders/pytorch copying build/lib/neural_coder/coders/pytorch/dummy_dataloader.py -> /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_coder/coders/pytorch copying build/lib/neural_coder/coders/pytorch/lightning.py -> /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_coder/coders/pytorch copying build/lib/neural_coder/coders/pytorch/batch_size.py -> /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_coder/coders/pytorch copying build/lib/neural_coder/coders/pytorch/harness.py -> /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_coder/coders/pytorch copying build/lib/neural_coder/coders/pytorch/cuda_to_cpu.py -> /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_coder/coders/pytorch copying build/lib/neural_coder/coders/pytorch/reclaim_inference_transformers_trainer.py -> /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_coder/coders/pytorch copying build/lib/neural_coder/coders/transform.py -> /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_coder/coders creating /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_coder/coders/tensorflow copying build/lib/neural_coder/coders/tensorflow/__init__.py -> /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_coder/coders/tensorflow copying build/lib/neural_coder/coders/tensorflow/inc.py -> /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_coder/coders/tensorflow copying build/lib/neural_coder/coders/tensorflow/amp.py -> /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_coder/coders/tensorflow copying build/lib/neural_coder/__init__.py -> /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_coder creating /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_coder/graphers copying build/lib/neural_coder/graphers/code_line.py -> /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_coder/graphers copying build/lib/neural_coder/graphers/__init__.py -> /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_coder/graphers copying build/lib/neural_coder/graphers/model.py -> /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_coder/graphers creating /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_coder/graphers/preloads copying build/lib/neural_coder/graphers/preloads/transformers.yaml -> /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_coder/graphers/preloads copying build/lib/neural_coder/graphers/preloads/__init__.py -> /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_coder/graphers/preloads copying build/lib/neural_coder/graphers/function.py -> /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_coder/graphers copying build/lib/neural_coder/interface.py -> /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_coder copying build/lib/neural_coder/__main__.py -> /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_coder creating /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_coder/utils copying build/lib/neural_coder/utils/device.py -> /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_coder/utils copying build/lib/neural_coder/utils/pdf_report.py -> /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_coder/utils copying build/lib/neural_coder/utils/__init__.py -> /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_coder/utils copying build/lib/neural_coder/utils/numa_launcher.py -> /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_coder/utils copying build/lib/neural_coder/utils/cpu_info.py -> /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_coder/utils copying build/lib/neural_coder/utils/line_operation.py -> /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_coder/utils copying build/lib/neural_coder/utils/handle_user_input.py -> /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_coder/utils copying build/lib/neural_coder/utils/common.py -> /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_coder/utils copying build/lib/neural_coder/version.py -> /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_coder creating /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_coder/backends copying build/lib/neural_coder/backends/nano_fp32_channels_last.yaml -> /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_coder/backends copying build/lib/neural_coder/backends/keras_inc.yaml -> /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_coder/backends copying build/lib/neural_coder/backends/pytorch_jit_script_ofi.yaml -> /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_coder/backends copying build/lib/neural_coder/backends/onnx_inc_dynamic_quant.yaml -> /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_coder/backends copying build/lib/neural_coder/backends/nano_bf16_channels_last.yaml -> /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_coder/backends copying build/lib/neural_coder/backends/pytorch_torchdynamo_jit_script_ofi.yaml -> /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_coder/backends copying build/lib/neural_coder/backends/pytorch_mixed_precision_intel_gpu.yaml -> /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_coder/backends copying build/lib/neural_coder/backends/nano_onnxruntime_fp32.yaml -> /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_coder/backends copying build/lib/neural_coder/backends/pytorch_ipex_int8_static_quant.yaml -> /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_coder/backends copying build/lib/neural_coder/backends/nano_bf16_ipex.yaml -> /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_coder/backends copying build/lib/neural_coder/backends/pytorch_mixed_precision_cuda.yaml -> /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_coder/backends copying build/lib/neural_coder/backends/template.yaml -> /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_coder/backends copying build/lib/neural_coder/backends/nano_jit_bf16.yaml -> /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_coder/backends copying build/lib/neural_coder/backends/__init__.py -> /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_coder/backends copying build/lib/neural_coder/backends/pytorch_inc_huggingface_optimum_static.yaml -> /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_coder/backends copying build/lib/neural_coder/backends/nano_jit_fp32_ipex.yaml -> /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_coder/backends copying build/lib/neural_coder/backends/pytorch_channels_last.yaml -> /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_coder/backends copying build/lib/neural_coder/backends/nano_fp32_ipex.yaml -> /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_coder/backends copying build/lib/neural_coder/backends/nano_bf16.yaml -> /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_coder/backends copying build/lib/neural_coder/backends/pytorch_benchmark.yaml -> /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_coder/backends copying build/lib/neural_coder/backends/onnx_inc_static_quant_qdq.yaml -> /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_coder/backends copying build/lib/neural_coder/backends/nano_bf16_ipex_channels_last.yaml -> /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_coder/backends copying build/lib/neural_coder/backends/pytorch_inc_static_quant_fx_fp8.yaml -> /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_coder/backends copying build/lib/neural_coder/backends/nano_openvino_int8.yaml -> /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_coder/backends copying build/lib/neural_coder/backends/nano_onnxruntime_int8_qlinear.yaml -> /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_coder/backends copying build/lib/neural_coder/backends/pytorch_torchdynamo_jit_trace.yaml -> /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_coder/backends copying build/lib/neural_coder/backends/pytorch_ipex_bf16.yaml -> /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_coder/backends copying build/lib/neural_coder/backends/nano_gpu_to_cpu.yaml -> /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_coder/backends copying build/lib/neural_coder/backends/pytorch_jit_script.yaml -> /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_coder/backends copying build/lib/neural_coder/backends/nano_fp32_ipex_channels_last.yaml -> /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_coder/backends copying build/lib/neural_coder/backends/pytorch_torchdynamo_jit_trace_ofi.yaml -> /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_coder/backends copying build/lib/neural_coder/backends/pytorch_inc_static_quant_fx.yaml -> /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_coder/backends copying build/lib/neural_coder/backends/nano_jit_fp32.yaml -> /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_coder/backends copying build/lib/neural_coder/backends/intel_extension_for_transformers.yaml -> /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_coder/backends copying build/lib/neural_coder/backends/pytorch_inc_static_quant_ipex.yaml -> /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_coder/backends copying build/lib/neural_coder/backends/pytorch_ipex_fp32.yaml -> /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_coder/backends copying build/lib/neural_coder/backends/nano_jit_bf16_ipex.yaml -> /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_coder/backends copying build/lib/neural_coder/backends/pytorch_inc_bf16.yaml -> /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_coder/backends copying build/lib/neural_coder/backends/pytorch_inc_dynamic_quant_fp8.yaml -> /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_coder/backends copying build/lib/neural_coder/backends/pytorch_ipex_int8_dynamic_quant.yaml -> /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_coder/backends copying build/lib/neural_coder/backends/pytorch_jit_trace_ofi.yaml -> /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_coder/backends copying build/lib/neural_coder/backends/pytorch_inc_dynamic_quant.yaml -> /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_coder/backends copying build/lib/neural_coder/backends/nano_jit_fp32_channels_last.yaml -> /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_coder/backends copying build/lib/neural_coder/backends/nano_jit_bf16_channels_last.yaml -> /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_coder/backends copying build/lib/neural_coder/backends/pytorch_jit_trace.yaml -> /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_coder/backends copying build/lib/neural_coder/backends/pytorch_mixed_precision_cpu.yaml -> /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_coder/backends copying build/lib/neural_coder/backends/pytorch_aliblade.yaml -> /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_coder/backends copying build/lib/neural_coder/backends/pytorch_inc_huggingface_optimum_dynamic.yaml -> /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_coder/backends copying build/lib/neural_coder/backends/onnx_inc_static_quant_qlinear.yaml -> /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_coder/backends copying build/lib/neural_coder/backends/nano_openvino_fp32.yaml -> /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_coder/backends copying build/lib/neural_coder/backends/nano_jit_bf16_ipex_channels_last.yaml -> /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_coder/backends copying build/lib/neural_coder/backends/nano_int8.yaml -> /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_coder/backends copying build/lib/neural_coder/backends/nano_jit_fp32_ipex_channels_last.yaml -> /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_coder/backends copying build/lib/neural_coder/backends/pytorch_torchdynamo_jit_script.yaml -> /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_coder/backends copying build/lib/neural_coder/globals.py -> /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_coder creating /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor creating /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/compression creating /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/compression/distillation copying build/lib/neural_compressor/compression/distillation/__init__.py -> /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/compression/distillation copying build/lib/neural_compressor/compression/distillation/criterions.py -> /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/compression/distillation copying build/lib/neural_compressor/compression/__init__.py -> /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/compression copying build/lib/neural_compressor/compression/callbacks.py -> /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/compression creating /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/compression/pruner copying build/lib/neural_compressor/compression/pruner/__init__.py -> /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/compression/pruner copying build/lib/neural_compressor/compression/pruner/pruners.py -> /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/compression/pruner copying build/lib/neural_compressor/compression/pruner/patterns.py -> /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/compression/pruner copying build/lib/neural_compressor/compression/pruner/schedulers.py -> /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/compression/pruner copying build/lib/neural_compressor/compression/pruner/regs.py -> /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/compression/pruner copying build/lib/neural_compressor/compression/pruner/utils.py -> /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/compression/pruner copying build/lib/neural_compressor/compression/pruner/criteria.py -> /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/compression/pruner creating /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/contrib copying build/lib/neural_compressor/contrib/__init__.py -> /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/contrib creating /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/contrib/strategy copying build/lib/neural_compressor/contrib/strategy/__init__.py -> /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/contrib/strategy copying build/lib/neural_compressor/contrib/strategy/tpe.py -> /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/contrib/strategy copying build/lib/neural_compressor/contrib/strategy/sigopt.py -> /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/contrib/strategy copying build/lib/neural_compressor/objective.py -> /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor copying build/lib/neural_compressor/mix_precision.py -> /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor copying build/lib/neural_compressor/quantization.py -> /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor copying build/lib/neural_compressor/__init__.py -> /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor copying build/lib/neural_compressor/benchmark.py -> /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor creating /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/metric copying build/lib/neural_compressor/metric/__init__.py -> /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/metric copying build/lib/neural_compressor/metric/bleu_util.py -> /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/metric copying build/lib/neural_compressor/metric/bleu.py -> /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/metric copying build/lib/neural_compressor/metric/metric.py -> /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/metric copying build/lib/neural_compressor/metric/evaluate_squad.py -> /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/metric copying build/lib/neural_compressor/metric/f1.py -> /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/metric copying build/lib/neural_compressor/metric/coco_label_map.py -> /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/metric copying build/lib/neural_compressor/metric/coco_tools.py -> /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/metric creating /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/adaptor creating /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/adaptor/mxnet_utils copying build/lib/neural_compressor/adaptor/mxnet_utils/__init__.py -> /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/adaptor/mxnet_utils copying build/lib/neural_compressor/adaptor/mxnet_utils/util.py -> /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/adaptor/mxnet_utils copying build/lib/neural_compressor/adaptor/onnxrt.yaml -> /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/adaptor creating /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/adaptor/keras_utils copying build/lib/neural_compressor/adaptor/keras_utils/__init__.py -> /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/adaptor/keras_utils copying build/lib/neural_compressor/adaptor/keras_utils/dense.py -> /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/adaptor/keras_utils copying build/lib/neural_compressor/adaptor/keras_utils/conv2d.py -> /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/adaptor/keras_utils copying build/lib/neural_compressor/adaptor/keras_utils/depthwise_conv2d.py -> /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/adaptor/keras_utils copying build/lib/neural_compressor/adaptor/keras_utils/quantizer.py -> /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/adaptor/keras_utils copying build/lib/neural_compressor/adaptor/keras_utils/separable_conv2d.py -> /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/adaptor/keras_utils copying build/lib/neural_compressor/adaptor/keras.py -> /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/adaptor copying build/lib/neural_compressor/adaptor/tensorflow.py -> /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/adaptor copying build/lib/neural_compressor/adaptor/pytorch_cpu.yaml -> /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/adaptor copying build/lib/neural_compressor/adaptor/__init__.py -> /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/adaptor copying build/lib/neural_compressor/adaptor/mxnet.yaml -> /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/adaptor copying build/lib/neural_compressor/adaptor/mxnet.py -> /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/adaptor copying build/lib/neural_compressor/adaptor/query.py -> /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/adaptor copying build/lib/neural_compressor/adaptor/pytorch_ipex.yaml -> /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/adaptor copying build/lib/neural_compressor/adaptor/adaptor.py -> /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/adaptor copying build/lib/neural_compressor/adaptor/pytorch.py -> /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/adaptor copying build/lib/neural_compressor/adaptor/onnxrt.py -> /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/adaptor copying build/lib/neural_compressor/adaptor/pytorch_gpu.yaml -> /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/adaptor copying build/lib/neural_compressor/adaptor/tensorflow_itex.yaml -> /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/adaptor creating /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/adaptor/ox_utils creating /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/adaptor/ox_utils/operators copying build/lib/neural_compressor/adaptor/ox_utils/operators/binary_op.py -> /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/adaptor/ox_utils/operators copying build/lib/neural_compressor/adaptor/ox_utils/operators/embed_layernorm.py -> /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/adaptor/ox_utils/operators copying build/lib/neural_compressor/adaptor/ox_utils/operators/activation.py -> /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/adaptor/ox_utils/operators copying build/lib/neural_compressor/adaptor/ox_utils/operators/pooling.py -> /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/adaptor/ox_utils/operators copying build/lib/neural_compressor/adaptor/ox_utils/operators/attention.py -> /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/adaptor/ox_utils/operators copying build/lib/neural_compressor/adaptor/ox_utils/operators/__init__.py -> /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/adaptor/ox_utils/operators copying build/lib/neural_compressor/adaptor/ox_utils/operators/pad.py -> /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/adaptor/ox_utils/operators copying build/lib/neural_compressor/adaptor/ox_utils/operators/concat.py -> /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/adaptor/ox_utils/operators copying build/lib/neural_compressor/adaptor/ox_utils/operators/gavgpool.py -> /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/adaptor/ox_utils/operators copying build/lib/neural_compressor/adaptor/ox_utils/operators/argmax.py -> /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/adaptor/ox_utils/operators copying build/lib/neural_compressor/adaptor/ox_utils/operators/maxpool.py -> /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/adaptor/ox_utils/operators copying build/lib/neural_compressor/adaptor/ox_utils/operators/gemm.py -> /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/adaptor/ox_utils/operators copying build/lib/neural_compressor/adaptor/ox_utils/operators/split.py -> /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/adaptor/ox_utils/operators copying build/lib/neural_compressor/adaptor/ox_utils/operators/matmul.py -> /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/adaptor/ox_utils/operators copying build/lib/neural_compressor/adaptor/ox_utils/operators/ops.py -> /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/adaptor/ox_utils/operators copying build/lib/neural_compressor/adaptor/ox_utils/operators/gather.py -> /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/adaptor/ox_utils/operators copying build/lib/neural_compressor/adaptor/ox_utils/operators/direct_q8.py -> /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/adaptor/ox_utils/operators copying build/lib/neural_compressor/adaptor/ox_utils/operators/conv.py -> /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/adaptor/ox_utils/operators copying build/lib/neural_compressor/adaptor/ox_utils/operators/lstm.py -> /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/adaptor/ox_utils/operators copying build/lib/neural_compressor/adaptor/ox_utils/operators/resize.py -> /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/adaptor/ox_utils/operators copying build/lib/neural_compressor/adaptor/ox_utils/__init__.py -> /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/adaptor/ox_utils copying build/lib/neural_compressor/adaptor/ox_utils/util.py -> /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/adaptor/ox_utils copying build/lib/neural_compressor/adaptor/ox_utils/calibration.py -> /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/adaptor/ox_utils copying build/lib/neural_compressor/adaptor/ox_utils/quantizer.py -> /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/adaptor/ox_utils creating /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/adaptor/torch_utils copying build/lib/neural_compressor/adaptor/torch_utils/symbolic_trace.py -> /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/adaptor/torch_utils copying build/lib/neural_compressor/adaptor/torch_utils/hawq_metric.py -> /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/adaptor/torch_utils copying build/lib/neural_compressor/adaptor/torch_utils/model_wrapper.py -> /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/adaptor/torch_utils copying build/lib/neural_compressor/adaptor/torch_utils/__init__.py -> /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/adaptor/torch_utils copying build/lib/neural_compressor/adaptor/torch_utils/util.py -> /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/adaptor/torch_utils copying build/lib/neural_compressor/adaptor/torch_utils/bf16_convert.py -> /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/adaptor/torch_utils copying build/lib/neural_compressor/adaptor/torch_utils/smooth_quant.py -> /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/adaptor/torch_utils copying build/lib/neural_compressor/adaptor/onnxrt_cuda.yaml -> /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/adaptor creating /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/adaptor/tf_utils copying build/lib/neural_compressor/adaptor/tf_utils/graph_converter.py -> /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/adaptor/tf_utils copying build/lib/neural_compressor/adaptor/tf_utils/__init__.py -> /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/adaptor/tf_utils copying build/lib/neural_compressor/adaptor/tf_utils/util.py -> /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/adaptor/tf_utils copying build/lib/neural_compressor/adaptor/tf_utils/graph_converter_without_calib.py -> /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/adaptor/tf_utils copying build/lib/neural_compressor/adaptor/tf_utils/tf2onnx_converter.py -> /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/adaptor/tf_utils creating /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/adaptor/tf_utils/transform_graph copying build/lib/neural_compressor/adaptor/tf_utils/transform_graph/graph_transform_base.py -> /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/adaptor/tf_utils/transform_graph copying build/lib/neural_compressor/adaptor/tf_utils/transform_graph/insert_logging.py -> /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/adaptor/tf_utils/transform_graph copying build/lib/neural_compressor/adaptor/tf_utils/transform_graph/__init__.py -> /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/adaptor/tf_utils/transform_graph copying build/lib/neural_compressor/adaptor/tf_utils/transform_graph/bias_correction.py -> /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/adaptor/tf_utils/transform_graph copying build/lib/neural_compressor/adaptor/tf_utils/transform_graph/rerange_quantized_concat.py -> /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/adaptor/tf_utils/transform_graph creating /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/adaptor/tf_utils/graph_rewriter copying build/lib/neural_compressor/adaptor/tf_utils/graph_rewriter/graph_base.py -> /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/adaptor/tf_utils/graph_rewriter copying build/lib/neural_compressor/adaptor/tf_utils/graph_rewriter/__init__.py -> /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/adaptor/tf_utils/graph_rewriter creating /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/adaptor/tf_utils/graph_rewriter/qdq copying build/lib/neural_compressor/adaptor/tf_utils/graph_rewriter/qdq/share_qdq_y_pattern.py -> /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/adaptor/tf_utils/graph_rewriter/qdq copying build/lib/neural_compressor/adaptor/tf_utils/graph_rewriter/qdq/__init__.py -> /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/adaptor/tf_utils/graph_rewriter/qdq copying build/lib/neural_compressor/adaptor/tf_utils/graph_rewriter/qdq/insert_qdq_pattern.py -> /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/adaptor/tf_utils/graph_rewriter/qdq copying build/lib/neural_compressor/adaptor/tf_utils/graph_rewriter/qdq/merge_duplicated_qdq.py -> /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/adaptor/tf_utils/graph_rewriter/qdq creating /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/adaptor/tf_utils/graph_rewriter/bf16 copying build/lib/neural_compressor/adaptor/tf_utils/graph_rewriter/bf16/__init__.py -> /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/adaptor/tf_utils/graph_rewriter/bf16 copying build/lib/neural_compressor/adaptor/tf_utils/graph_rewriter/bf16/bf16_convert.py -> /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/adaptor/tf_utils/graph_rewriter/bf16 creating /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/adaptor/tf_utils/graph_rewriter/int8 copying build/lib/neural_compressor/adaptor/tf_utils/graph_rewriter/int8/scale_propagation.py -> /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/adaptor/tf_utils/graph_rewriter/int8 copying build/lib/neural_compressor/adaptor/tf_utils/graph_rewriter/int8/post_quantized_op_cse.py -> /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/adaptor/tf_utils/graph_rewriter/int8 copying build/lib/neural_compressor/adaptor/tf_utils/graph_rewriter/int8/fuse_matmul_redundant_dequantize.py -> /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/adaptor/tf_utils/graph_rewriter/int8 copying build/lib/neural_compressor/adaptor/tf_utils/graph_rewriter/int8/__init__.py -> /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/adaptor/tf_utils/graph_rewriter/int8 copying build/lib/neural_compressor/adaptor/tf_utils/graph_rewriter/int8/freeze_fake_quant.py -> /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/adaptor/tf_utils/graph_rewriter/int8 copying build/lib/neural_compressor/adaptor/tf_utils/graph_rewriter/int8/freeze_value_without_calib.py -> /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/adaptor/tf_utils/graph_rewriter/int8 copying build/lib/neural_compressor/adaptor/tf_utils/graph_rewriter/int8/fuse_conv_redundant_dequantize.py -> /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/adaptor/tf_utils/graph_rewriter/int8 copying build/lib/neural_compressor/adaptor/tf_utils/graph_rewriter/int8/meta_op_optimizer.py -> /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/adaptor/tf_utils/graph_rewriter/int8 copying build/lib/neural_compressor/adaptor/tf_utils/graph_rewriter/int8/freeze_value.py -> /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/adaptor/tf_utils/graph_rewriter/int8 copying build/lib/neural_compressor/adaptor/tf_utils/graph_rewriter/int8/fuse_conv_requantize.py -> /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/adaptor/tf_utils/graph_rewriter/int8 copying build/lib/neural_compressor/adaptor/tf_utils/graph_rewriter/int8/rnn_convert.py -> /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/adaptor/tf_utils/graph_rewriter/int8 copying build/lib/neural_compressor/adaptor/tf_utils/graph_rewriter/int8/fuse_matmul_requantize.py -> /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/adaptor/tf_utils/graph_rewriter/int8 copying build/lib/neural_compressor/adaptor/tf_utils/graph_rewriter/int8/post_hostconst_converter.py -> /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/adaptor/tf_utils/graph_rewriter/int8 creating /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/adaptor/tf_utils/graph_rewriter/onnx copying build/lib/neural_compressor/adaptor/tf_utils/graph_rewriter/onnx/onnx_node.py -> /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/adaptor/tf_utils/graph_rewriter/onnx copying build/lib/neural_compressor/adaptor/tf_utils/graph_rewriter/onnx/onnx_graph.py -> /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/adaptor/tf_utils/graph_rewriter/onnx copying build/lib/neural_compressor/adaptor/tf_utils/graph_rewriter/onnx/tf2onnx_utils.py -> /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/adaptor/tf_utils/graph_rewriter/onnx copying build/lib/neural_compressor/adaptor/tf_utils/graph_rewriter/onnx/__init__.py -> /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/adaptor/tf_utils/graph_rewriter/onnx copying build/lib/neural_compressor/adaptor/tf_utils/graph_rewriter/onnx/onnx_schema.py -> /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/adaptor/tf_utils/graph_rewriter/onnx creating /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/adaptor/tf_utils/graph_rewriter/generic copying build/lib/neural_compressor/adaptor/tf_utils/graph_rewriter/generic/rename_batch_norm.py -> /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/adaptor/tf_utils/graph_rewriter/generic copying build/lib/neural_compressor/adaptor/tf_utils/graph_rewriter/generic/dilated_contraction.py -> /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/adaptor/tf_utils/graph_rewriter/generic copying build/lib/neural_compressor/adaptor/tf_utils/graph_rewriter/generic/pre_optimize.py -> /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/adaptor/tf_utils/graph_rewriter/generic copying build/lib/neural_compressor/adaptor/tf_utils/graph_rewriter/generic/fuse_decomposed_bn.py -> /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/adaptor/tf_utils/graph_rewriter/generic copying build/lib/neural_compressor/adaptor/tf_utils/graph_rewriter/generic/convert_nan_to_random.py -> /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/adaptor/tf_utils/graph_rewriter/generic copying build/lib/neural_compressor/adaptor/tf_utils/graph_rewriter/generic/convert_add_to_biasadd.py -> /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/adaptor/tf_utils/graph_rewriter/generic copying build/lib/neural_compressor/adaptor/tf_utils/graph_rewriter/generic/dummy_biasadd.py -> /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/adaptor/tf_utils/graph_rewriter/generic copying build/lib/neural_compressor/adaptor/tf_utils/graph_rewriter/generic/__init__.py -> /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/adaptor/tf_utils/graph_rewriter/generic copying build/lib/neural_compressor/adaptor/tf_utils/graph_rewriter/generic/fuse_pad_with_fp32_conv.py -> /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/adaptor/tf_utils/graph_rewriter/generic copying build/lib/neural_compressor/adaptor/tf_utils/graph_rewriter/generic/graph_cse_optimizer.py -> /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/adaptor/tf_utils/graph_rewriter/generic copying build/lib/neural_compressor/adaptor/tf_utils/graph_rewriter/generic/fold_constant.py -> /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/adaptor/tf_utils/graph_rewriter/generic copying build/lib/neural_compressor/adaptor/tf_utils/graph_rewriter/generic/strip_equivalent_nodes.py -> /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/adaptor/tf_utils/graph_rewriter/generic copying build/lib/neural_compressor/adaptor/tf_utils/graph_rewriter/generic/move_squeeze_after_relu.py -> /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/adaptor/tf_utils/graph_rewriter/generic copying build/lib/neural_compressor/adaptor/tf_utils/graph_rewriter/generic/fold_batch_norm.py -> /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/adaptor/tf_utils/graph_rewriter/generic copying build/lib/neural_compressor/adaptor/tf_utils/graph_rewriter/generic/expanddims_optimizer.py -> /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/adaptor/tf_utils/graph_rewriter/generic copying build/lib/neural_compressor/adaptor/tf_utils/graph_rewriter/generic/split_shared_input.py -> /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/adaptor/tf_utils/graph_rewriter/generic copying build/lib/neural_compressor/adaptor/tf_utils/graph_rewriter/generic/fuse_conv_with_math.py -> /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/adaptor/tf_utils/graph_rewriter/generic copying build/lib/neural_compressor/adaptor/tf_utils/graph_rewriter/generic/fetch_weight_from_reshape.py -> /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/adaptor/tf_utils/graph_rewriter/generic copying build/lib/neural_compressor/adaptor/tf_utils/graph_rewriter/generic/convert_leakyrelu.py -> /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/adaptor/tf_utils/graph_rewriter/generic copying build/lib/neural_compressor/adaptor/tf_utils/graph_rewriter/generic/fuse_gelu.py -> /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/adaptor/tf_utils/graph_rewriter/generic copying build/lib/neural_compressor/adaptor/tf_utils/graph_rewriter/generic/fuse_decomposed_in.py -> /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/adaptor/tf_utils/graph_rewriter/generic copying build/lib/neural_compressor/adaptor/tf_utils/graph_rewriter/generic/switch_optimizer.py -> /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/adaptor/tf_utils/graph_rewriter/generic copying build/lib/neural_compressor/adaptor/tf_utils/graph_rewriter/generic/insert_print_node.py -> /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/adaptor/tf_utils/graph_rewriter/generic copying build/lib/neural_compressor/adaptor/tf_utils/graph_rewriter/generic/grappler_pass.py -> /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/adaptor/tf_utils/graph_rewriter/generic copying build/lib/neural_compressor/adaptor/tf_utils/graph_rewriter/generic/fuse_biasadd_add.py -> /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/adaptor/tf_utils/graph_rewriter/generic copying build/lib/neural_compressor/adaptor/tf_utils/graph_rewriter/generic/fuse_pad_with_conv.py -> /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/adaptor/tf_utils/graph_rewriter/generic copying build/lib/neural_compressor/adaptor/tf_utils/graph_rewriter/generic/convert_layout.py -> /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/adaptor/tf_utils/graph_rewriter/generic copying build/lib/neural_compressor/adaptor/tf_utils/graph_rewriter/generic/fuse_reshape_transpose.py -> /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/adaptor/tf_utils/graph_rewriter/generic copying build/lib/neural_compressor/adaptor/tf_utils/graph_rewriter/generic/strip_unused_nodes.py -> /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/adaptor/tf_utils/graph_rewriter/generic copying build/lib/neural_compressor/adaptor/tf_utils/graph_rewriter/generic/dequantize_cast_optimizer.py -> /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/adaptor/tf_utils/graph_rewriter/generic copying build/lib/neural_compressor/adaptor/tf_utils/graph_rewriter/generic/remove_training_nodes.py -> /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/adaptor/tf_utils/graph_rewriter/generic copying build/lib/neural_compressor/adaptor/tf_utils/graph_rewriter/generic/fuse_column_wise_mul.py -> /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/adaptor/tf_utils/graph_rewriter/generic copying build/lib/neural_compressor/adaptor/tf_utils/graph_rewriter/generic/convert_placeholder_to_const.py -> /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/adaptor/tf_utils/graph_rewriter/generic copying build/lib/neural_compressor/adaptor/tf_utils/graph_rewriter/generic/fuse_layer_norm.py -> /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/adaptor/tf_utils/graph_rewriter/generic creating /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/adaptor/tf_utils/quantize_graph creating /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/adaptor/tf_utils/quantize_graph/qat copying build/lib/neural_compressor/adaptor/tf_utils/quantize_graph/qat/fake_quantize.py -> /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/adaptor/tf_utils/quantize_graph/qat copying build/lib/neural_compressor/adaptor/tf_utils/quantize_graph/qat/quantize_wrapper.py -> /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/adaptor/tf_utils/quantize_graph/qat creating /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/adaptor/tf_utils/quantize_graph/qat/quantize_layers copying build/lib/neural_compressor/adaptor/tf_utils/quantize_graph/qat/quantize_layers/__init__.py -> /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/adaptor/tf_utils/quantize_graph/qat/quantize_layers copying build/lib/neural_compressor/adaptor/tf_utils/quantize_graph/qat/quantize_layers/quantize_layer_base.py -> /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/adaptor/tf_utils/quantize_graph/qat/quantize_layers copying build/lib/neural_compressor/adaptor/tf_utils/quantize_graph/qat/quantize_layers/optimize_layer.py -> /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/adaptor/tf_utils/quantize_graph/qat/quantize_layers copying build/lib/neural_compressor/adaptor/tf_utils/quantize_graph/qat/quantize_layers/quantize_layer_bn.py -> /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/adaptor/tf_utils/quantize_graph/qat/quantize_layers copying build/lib/neural_compressor/adaptor/tf_utils/quantize_graph/qat/quantize_layers/quantize_layer_add.py -> /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/adaptor/tf_utils/quantize_graph/qat/quantize_layers copying build/lib/neural_compressor/adaptor/tf_utils/quantize_graph/qat/__init__.py -> /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/adaptor/tf_utils/quantize_graph/qat copying build/lib/neural_compressor/adaptor/tf_utils/quantize_graph/qat/quantize_config.py -> /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/adaptor/tf_utils/quantize_graph/qat copying build/lib/neural_compressor/adaptor/tf_utils/quantize_graph/qat/quantize_helper.py -> /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/adaptor/tf_utils/quantize_graph/qat copying build/lib/neural_compressor/adaptor/tf_utils/quantize_graph/quantize_graph_conv.py -> /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/adaptor/tf_utils/quantize_graph copying build/lib/neural_compressor/adaptor/tf_utils/quantize_graph/__init__.py -> /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/adaptor/tf_utils/quantize_graph creating /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/adaptor/tf_utils/quantize_graph/qdq copying build/lib/neural_compressor/adaptor/tf_utils/quantize_graph/qdq/fuse_qdq_concatv2.py -> /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/adaptor/tf_utils/quantize_graph/qdq copying build/lib/neural_compressor/adaptor/tf_utils/quantize_graph/qdq/fuse_qdq_conv.py -> /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/adaptor/tf_utils/quantize_graph/qdq copying build/lib/neural_compressor/adaptor/tf_utils/quantize_graph/qdq/fuse_qdq_pooling.py -> /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/adaptor/tf_utils/quantize_graph/qdq copying build/lib/neural_compressor/adaptor/tf_utils/quantize_graph/qdq/fuse_qdq_deconv.py -> /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/adaptor/tf_utils/quantize_graph/qdq copying build/lib/neural_compressor/adaptor/tf_utils/quantize_graph/qdq/__init__.py -> /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/adaptor/tf_utils/quantize_graph/qdq copying build/lib/neural_compressor/adaptor/tf_utils/quantize_graph/qdq/fuse_qdq_bn.py -> /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/adaptor/tf_utils/quantize_graph/qdq copying build/lib/neural_compressor/adaptor/tf_utils/quantize_graph/qdq/fuse_qdq_matmul.py -> /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/adaptor/tf_utils/quantize_graph/qdq copying build/lib/neural_compressor/adaptor/tf_utils/quantize_graph/qdq/optimize_qdq.py -> /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/adaptor/tf_utils/quantize_graph/qdq copying build/lib/neural_compressor/adaptor/tf_utils/quantize_graph/qdq/fuse_qdq_in.py -> /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/adaptor/tf_utils/quantize_graph/qdq copying build/lib/neural_compressor/adaptor/tf_utils/quantize_graph/quantize_graph_matmul.py -> /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/adaptor/tf_utils/quantize_graph copying build/lib/neural_compressor/adaptor/tf_utils/quantize_graph/quantize_graph_bn.py -> /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/adaptor/tf_utils/quantize_graph copying build/lib/neural_compressor/adaptor/tf_utils/quantize_graph/quantize_graph_concatv2.py -> /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/adaptor/tf_utils/quantize_graph copying build/lib/neural_compressor/adaptor/tf_utils/quantize_graph/quantize_graph_base.py -> /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/adaptor/tf_utils/quantize_graph copying build/lib/neural_compressor/adaptor/tf_utils/quantize_graph/quantize_graph_pooling.py -> /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/adaptor/tf_utils/quantize_graph copying build/lib/neural_compressor/adaptor/tf_utils/quantize_graph/quantize_graph_for_intel_cpu.py -> /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/adaptor/tf_utils/quantize_graph copying build/lib/neural_compressor/adaptor/tf_utils/graph_util.py -> /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/adaptor/tf_utils copying build/lib/neural_compressor/adaptor/tf_utils/quantize_graph_common.py -> /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/adaptor/tf_utils copying build/lib/neural_compressor/adaptor/onnxrt_trt.yaml -> /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/adaptor copying build/lib/neural_compressor/adaptor/tensorflow.yaml -> /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/adaptor copying build/lib/neural_compressor/adaptor/keras.yaml -> /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/adaptor copying build/lib/neural_compressor/config.py -> /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor creating /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/template copying build/lib/neural_compressor/template/__init__.py -> /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/template copying build/lib/neural_compressor/template/graph_optimization.yaml -> /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/template copying build/lib/neural_compressor/template/pruning.yaml -> /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/template copying build/lib/neural_compressor/template/ptq.yaml -> /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/template copying build/lib/neural_compressor/template/api_doc_example.py -> /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/template copying build/lib/neural_compressor/template/qat.yaml -> /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/template creating /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/experimental creating /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/experimental/compression copying build/lib/neural_compressor/experimental/compression/__init__.py -> /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/experimental/compression copying build/lib/neural_compressor/experimental/compression/pruning.py -> /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/experimental/compression creating /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/experimental/nas copying build/lib/neural_compressor/experimental/nas/nas.py -> /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/experimental/nas copying build/lib/neural_compressor/experimental/nas/dynas.py -> /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/experimental/nas copying build/lib/neural_compressor/experimental/nas/__init__.py -> /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/experimental/nas copying build/lib/neural_compressor/experimental/nas/search_algorithms.py -> /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/experimental/nas copying build/lib/neural_compressor/experimental/nas/nas_utils.py -> /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/experimental/nas copying build/lib/neural_compressor/experimental/nas/basic_nas.py -> /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/experimental/nas copying build/lib/neural_compressor/experimental/mixed_precision.py -> /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/experimental copying build/lib/neural_compressor/experimental/component.py -> /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/experimental copying build/lib/neural_compressor/experimental/pruning_v2.py -> /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/experimental creating /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/experimental/pruning_recipes copying build/lib/neural_compressor/experimental/pruning_recipes/__init__.py -> /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/experimental/pruning_recipes creating /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/experimental/pruning_recipes/patterns copying build/lib/neural_compressor/experimental/pruning_recipes/patterns/__init__.py -> /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/experimental/pruning_recipes/patterns copying build/lib/neural_compressor/experimental/pruning_recipes/patterns/tile_pattern.py -> /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/experimental/pruning_recipes/patterns copying build/lib/neural_compressor/experimental/pruning_recipes/patterns/pattern.py -> /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/experimental/pruning_recipes/patterns copying build/lib/neural_compressor/experimental/quantization.py -> /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/experimental copying build/lib/neural_compressor/experimental/graph_optimization.py -> /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/experimental copying build/lib/neural_compressor/experimental/__init__.py -> /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/experimental copying build/lib/neural_compressor/experimental/benchmark.py -> /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/experimental creating /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/experimental/metric copying build/lib/neural_compressor/experimental/metric/__init__.py -> /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/experimental/metric copying build/lib/neural_compressor/experimental/metric/bleu_util.py -> /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/experimental/metric copying build/lib/neural_compressor/experimental/metric/bleu.py -> /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/experimental/metric copying build/lib/neural_compressor/experimental/metric/metric.py -> /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/experimental/metric copying build/lib/neural_compressor/experimental/metric/evaluate_squad.py -> /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/experimental/metric copying build/lib/neural_compressor/experimental/metric/f1.py -> /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/experimental/metric copying build/lib/neural_compressor/experimental/metric/coco_label_map.py -> /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/experimental/metric copying build/lib/neural_compressor/experimental/metric/coco_tools.py -> /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/experimental/metric copying build/lib/neural_compressor/experimental/pruning.py -> /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/experimental creating /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/experimental/pruner_legacy copying build/lib/neural_compressor/experimental/pruner_legacy/group_lasso.py -> /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/experimental/pruner_legacy copying build/lib/neural_compressor/experimental/pruner_legacy/__init__.py -> /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/experimental/pruner_legacy copying build/lib/neural_compressor/experimental/pruner_legacy/pattern_lock.py -> /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/experimental/pruner_legacy copying build/lib/neural_compressor/experimental/pruner_legacy/gradient_sensitivity.py -> /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/experimental/pruner_legacy copying build/lib/neural_compressor/experimental/pruner_legacy/magnitude.py -> /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/experimental/pruner_legacy copying build/lib/neural_compressor/experimental/pruner_legacy/pruner.py -> /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/experimental/pruner_legacy copying build/lib/neural_compressor/experimental/model_conversion.py -> /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/experimental creating /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/experimental/export copying build/lib/neural_compressor/experimental/export/__init__.py -> /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/experimental/export copying build/lib/neural_compressor/experimental/export/qlinear2qdq.py -> /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/experimental/export copying build/lib/neural_compressor/experimental/export/tf2onnx.py -> /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/experimental/export copying build/lib/neural_compressor/experimental/export/utils.py -> /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/experimental/export copying build/lib/neural_compressor/experimental/export/torch2onnx.py -> /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/experimental/export creating /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/experimental/common copying build/lib/neural_compressor/experimental/common/criterion.py -> /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/experimental/common copying build/lib/neural_compressor/experimental/common/__init__.py -> /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/experimental/common copying build/lib/neural_compressor/experimental/common/postprocess.py -> /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/experimental/common copying build/lib/neural_compressor/experimental/common/optimizer.py -> /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/experimental/common copying build/lib/neural_compressor/experimental/common/metric.py -> /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/experimental/common copying build/lib/neural_compressor/experimental/common/model.py -> /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/experimental/common copying build/lib/neural_compressor/experimental/common/torch_utils.py -> /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/experimental/common copying build/lib/neural_compressor/experimental/common/dataloader.py -> /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/experimental/common creating /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/experimental/pytorch_pruner copying build/lib/neural_compressor/experimental/pytorch_pruner/__init__.py -> /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/experimental/pytorch_pruner copying build/lib/neural_compressor/experimental/pytorch_pruner/logger.py -> /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/experimental/pytorch_pruner copying build/lib/neural_compressor/experimental/pytorch_pruner/pruning.py -> /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/experimental/pytorch_pruner copying build/lib/neural_compressor/experimental/pytorch_pruner/patterns.py -> /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/experimental/pytorch_pruner copying build/lib/neural_compressor/experimental/pytorch_pruner/prune_utils.py -> /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/experimental/pytorch_pruner copying build/lib/neural_compressor/experimental/pytorch_pruner/scheduler.py -> /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/experimental/pytorch_pruner copying build/lib/neural_compressor/experimental/pytorch_pruner/pruner.py -> /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/experimental/pytorch_pruner copying build/lib/neural_compressor/experimental/distillation.py -> /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/experimental copying build/lib/neural_compressor/experimental/scheduler.py -> /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/experimental creating /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/experimental/data creating /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/experimental/data/dataloaders copying build/lib/neural_compressor/experimental/data/dataloaders/default_dataloader.py -> /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/experimental/data/dataloaders copying build/lib/neural_compressor/experimental/data/dataloaders/base_dataloader.py -> /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/experimental/data/dataloaders copying build/lib/neural_compressor/experimental/data/dataloaders/__init__.py -> /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/experimental/data/dataloaders copying build/lib/neural_compressor/experimental/data/dataloaders/pytorch_dataloader.py -> /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/experimental/data/dataloaders copying build/lib/neural_compressor/experimental/data/dataloaders/fetcher.py -> /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/experimental/data/dataloaders copying build/lib/neural_compressor/experimental/data/dataloaders/sampler.py -> /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/experimental/data/dataloaders copying build/lib/neural_compressor/experimental/data/dataloaders/tensorflow_dataloader.py -> /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/experimental/data/dataloaders copying build/lib/neural_compressor/experimental/data/dataloaders/onnxrt_dataloader.py -> /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/experimental/data/dataloaders copying build/lib/neural_compressor/experimental/data/dataloaders/dataloader.py -> /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/experimental/data/dataloaders copying build/lib/neural_compressor/experimental/data/dataloaders/mxnet_dataloader.py -> /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/experimental/data/dataloaders copying build/lib/neural_compressor/experimental/data/__init__.py -> /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/experimental/data creating /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/experimental/data/datasets copying build/lib/neural_compressor/experimental/data/datasets/coco_dataset.py -> /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/experimental/data/datasets copying build/lib/neural_compressor/experimental/data/datasets/style_transfer_dataset.py -> /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/experimental/data/datasets copying build/lib/neural_compressor/experimental/data/datasets/bert_dataset.py -> /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/experimental/data/datasets copying build/lib/neural_compressor/experimental/data/datasets/__init__.py -> /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/experimental/data/datasets copying build/lib/neural_compressor/experimental/data/datasets/imagenet_dataset.py -> /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/experimental/data/datasets copying build/lib/neural_compressor/experimental/data/datasets/dataset.py -> /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/experimental/data/datasets copying build/lib/neural_compressor/experimental/data/datasets/dummy_dataset_v2.py -> /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/experimental/data/datasets copying build/lib/neural_compressor/experimental/data/datasets/dummy_dataset.py -> /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/experimental/data/datasets creating /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/experimental/data/transforms copying build/lib/neural_compressor/experimental/data/transforms/imagenet_transform.py -> /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/experimental/data/transforms copying build/lib/neural_compressor/experimental/data/transforms/__init__.py -> /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/experimental/data/transforms copying build/lib/neural_compressor/experimental/data/transforms/tokenization.py -> /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/experimental/data/transforms copying build/lib/neural_compressor/experimental/data/transforms/transform.py -> /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/experimental/data/transforms creating /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/experimental/data/filters copying build/lib/neural_compressor/experimental/data/filters/coco_filter.py -> /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/experimental/data/filters copying build/lib/neural_compressor/experimental/data/filters/__init__.py -> /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/experimental/data/filters copying build/lib/neural_compressor/experimental/data/filters/filter.py -> /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/experimental/data/filters creating /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/model copying build/lib/neural_compressor/model/keras_model.py -> /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/model copying build/lib/neural_compressor/model/__init__.py -> /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/model copying build/lib/neural_compressor/model/torch_model.py -> /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/model copying build/lib/neural_compressor/model/model.py -> /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/model copying build/lib/neural_compressor/model/nets_factory.py -> /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/model copying build/lib/neural_compressor/model/onnx_model.py -> /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/model copying build/lib/neural_compressor/model/mxnet_model.py -> /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/model copying build/lib/neural_compressor/model/base_model.py -> /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/model copying build/lib/neural_compressor/model/tensorflow_model.py -> /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/model creating /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/strategy copying build/lib/neural_compressor/strategy/basic.py -> /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/strategy copying build/lib/neural_compressor/strategy/bayesian.py -> /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/strategy copying build/lib/neural_compressor/strategy/hawq_v2.py -> /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/strategy copying build/lib/neural_compressor/strategy/mse_v2.py -> /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/strategy copying build/lib/neural_compressor/strategy/__init__.py -> /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/strategy copying build/lib/neural_compressor/strategy/auto_mixed_precision.py -> /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/strategy copying build/lib/neural_compressor/strategy/mse.py -> /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/strategy copying build/lib/neural_compressor/strategy/auto.py -> /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/strategy copying build/lib/neural_compressor/strategy/conservative.py -> /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/strategy copying build/lib/neural_compressor/strategy/strategy.py -> /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/strategy copying build/lib/neural_compressor/strategy/exhaustive.py -> /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/strategy creating /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/strategy/utils copying build/lib/neural_compressor/strategy/utils/constant.py -> /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/strategy/utils copying build/lib/neural_compressor/strategy/utils/__init__.py -> /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/strategy/utils copying build/lib/neural_compressor/strategy/utils/tuning_sampler.py -> /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/strategy/utils copying build/lib/neural_compressor/strategy/utils/tuning_space.py -> /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/strategy/utils copying build/lib/neural_compressor/strategy/utils/tuning_structs.py -> /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/strategy/utils copying build/lib/neural_compressor/strategy/utils/utility.py -> /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/strategy/utils copying build/lib/neural_compressor/strategy/random.py -> /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/strategy creating /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/data creating /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/data/dataloaders copying build/lib/neural_compressor/data/dataloaders/default_dataloader.py -> /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/data/dataloaders copying build/lib/neural_compressor/data/dataloaders/base_dataloader.py -> /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/data/dataloaders copying build/lib/neural_compressor/data/dataloaders/__init__.py -> /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/data/dataloaders copying build/lib/neural_compressor/data/dataloaders/pytorch_dataloader.py -> /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/data/dataloaders copying build/lib/neural_compressor/data/dataloaders/fetcher.py -> /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/data/dataloaders copying build/lib/neural_compressor/data/dataloaders/sampler.py -> /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/data/dataloaders copying build/lib/neural_compressor/data/dataloaders/tensorflow_dataloader.py -> /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/data/dataloaders copying build/lib/neural_compressor/data/dataloaders/onnxrt_dataloader.py -> /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/data/dataloaders copying build/lib/neural_compressor/data/dataloaders/dataloader.py -> /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/data/dataloaders copying build/lib/neural_compressor/data/dataloaders/mxnet_dataloader.py -> /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/data/dataloaders copying build/lib/neural_compressor/data/__init__.py -> /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/data creating /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/data/datasets copying build/lib/neural_compressor/data/datasets/coco_dataset.py -> /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/data/datasets copying build/lib/neural_compressor/data/datasets/style_transfer_dataset.py -> /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/data/datasets copying build/lib/neural_compressor/data/datasets/bert_dataset.py -> /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/data/datasets copying build/lib/neural_compressor/data/datasets/__init__.py -> /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/data/datasets copying build/lib/neural_compressor/data/datasets/imagenet_dataset.py -> /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/data/datasets copying build/lib/neural_compressor/data/datasets/dataset.py -> /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/data/datasets copying build/lib/neural_compressor/data/datasets/dummy_dataset_v2.py -> /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/data/datasets copying build/lib/neural_compressor/data/datasets/dummy_dataset.py -> /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/data/datasets creating /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/data/transforms copying build/lib/neural_compressor/data/transforms/imagenet_transform.py -> /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/data/transforms copying build/lib/neural_compressor/data/transforms/__init__.py -> /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/data/transforms copying build/lib/neural_compressor/data/transforms/coco_transform.py -> /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/data/transforms copying build/lib/neural_compressor/data/transforms/postprocess.py -> /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/data/transforms copying build/lib/neural_compressor/data/transforms/tokenization.py -> /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/data/transforms copying build/lib/neural_compressor/data/transforms/transform.py -> /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/data/transforms creating /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/data/filters copying build/lib/neural_compressor/data/filters/coco_filter.py -> /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/data/filters copying build/lib/neural_compressor/data/filters/__init__.py -> /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/data/filters copying build/lib/neural_compressor/data/filters/filter.py -> /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/data/filters creating /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/algorithm copying build/lib/neural_compressor/algorithm/weight_correction.py -> /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/algorithm copying build/lib/neural_compressor/algorithm/algorithm.py -> /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/algorithm copying build/lib/neural_compressor/algorithm/__init__.py -> /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/algorithm copying build/lib/neural_compressor/algorithm/fast_bias_correction.py -> /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/algorithm copying build/lib/neural_compressor/algorithm/smooth_quant.py -> /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/algorithm creating /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/utils copying build/lib/neural_compressor/utils/collect_layer_histogram.py -> /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/utils copying build/lib/neural_compressor/utils/create_obj_from_config.py -> /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/utils copying build/lib/neural_compressor/utils/constant.py -> /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/utils copying build/lib/neural_compressor/utils/load_huggingface.py -> /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/utils copying build/lib/neural_compressor/utils/__init__.py -> /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/utils copying build/lib/neural_compressor/utils/logger.py -> /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/utils copying build/lib/neural_compressor/utils/pytorch.py -> /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/utils copying build/lib/neural_compressor/utils/options.py -> /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/utils copying build/lib/neural_compressor/utils/kl_divergence.py -> /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/utils copying build/lib/neural_compressor/utils/utility.py -> /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/utils copying build/lib/neural_compressor/version.py -> /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor creating /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/conf copying build/lib/neural_compressor/conf/__init__.py -> /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/conf copying build/lib/neural_compressor/conf/pythonic_config.py -> /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/conf copying build/lib/neural_compressor/conf/dotdict.py -> /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/conf copying build/lib/neural_compressor/conf/config.py -> /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/conf copying build/lib/neural_compressor/training.py -> /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor byte-compiling /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_coder/launcher.py to launcher.cpython-39.pyc byte-compiling /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_coder/coders/autoinc/__init__.py to __init__.cpython-39.pyc byte-compiling /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_coder/coders/autoinc/eval_func.py to eval_func.cpython-39.pyc byte-compiling /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_coder/coders/autoinc/domain.py to domain.cpython-39.pyc byte-compiling /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_coder/coders/autoinc/autoinc_harness.py to autoinc_harness.cpython-39.pyc byte-compiling /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_coder/coders/autoinc/calib_dataloader.py to calib_dataloader.cpython-39.pyc byte-compiling /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_coder/coders/__init__.py to __init__.cpython-39.pyc byte-compiling /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_coder/coders/pytorch/reclaim_inputs.py to reclaim_inputs.cpython-39.pyc byte-compiling /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_coder/coders/pytorch/change_trainer_to_nlptrainer.py to change_trainer_to_nlptrainer.cpython-39.pyc byte-compiling /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_coder/coders/pytorch/__init__.py to __init__.cpython-39.pyc byte-compiling /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_coder/coders/pytorch/dummy_dataloader.py to dummy_dataloader.cpython-39.pyc byte-compiling /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_coder/coders/pytorch/lightning.py to lightning.cpython-39.pyc byte-compiling /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_coder/coders/pytorch/batch_size.py to batch_size.cpython-39.pyc byte-compiling /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_coder/coders/pytorch/harness.py to harness.cpython-39.pyc byte-compiling /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_coder/coders/pytorch/cuda_to_cpu.py to cuda_to_cpu.cpython-39.pyc byte-compiling /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_coder/coders/pytorch/reclaim_inference_transformers_trainer.py to reclaim_inference_transformers_trainer.cpython-39.pyc byte-compiling /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_coder/coders/transform.py to transform.cpython-39.pyc byte-compiling /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_coder/coders/tensorflow/__init__.py to __init__.cpython-39.pyc byte-compiling /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_coder/coders/tensorflow/inc.py to inc.cpython-39.pyc byte-compiling /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_coder/coders/tensorflow/amp.py to amp.cpython-39.pyc byte-compiling /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_coder/__init__.py to __init__.cpython-39.pyc byte-compiling /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_coder/graphers/code_line.py to code_line.cpython-39.pyc byte-compiling /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_coder/graphers/__init__.py to __init__.cpython-39.pyc byte-compiling /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_coder/graphers/model.py to model.cpython-39.pyc byte-compiling /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_coder/graphers/preloads/__init__.py to __init__.cpython-39.pyc byte-compiling /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_coder/graphers/function.py to function.cpython-39.pyc byte-compiling /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_coder/interface.py to interface.cpython-39.pyc byte-compiling /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_coder/__main__.py to __main__.cpython-39.pyc byte-compiling /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_coder/utils/device.py to device.cpython-39.pyc byte-compiling /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_coder/utils/pdf_report.py to pdf_report.cpython-39.pyc byte-compiling /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_coder/utils/__init__.py to __init__.cpython-39.pyc byte-compiling /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_coder/utils/numa_launcher.py to numa_launcher.cpython-39.pyc byte-compiling /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_coder/utils/cpu_info.py to cpu_info.cpython-39.pyc byte-compiling /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_coder/utils/line_operation.py to line_operation.cpython-39.pyc byte-compiling /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_coder/utils/handle_user_input.py to handle_user_input.cpython-39.pyc byte-compiling /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_coder/utils/common.py to common.cpython-39.pyc byte-compiling /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_coder/version.py to version.cpython-39.pyc byte-compiling /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_coder/backends/__init__.py to __init__.cpython-39.pyc byte-compiling /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_coder/globals.py to globals.cpython-39.pyc byte-compiling /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/compression/distillation/__init__.py to __init__.cpython-39.pyc byte-compiling /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/compression/distillation/criterions.py to criterions.cpython-39.pyc byte-compiling /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/compression/__init__.py to __init__.cpython-39.pyc byte-compiling /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/compression/callbacks.py to callbacks.cpython-39.pyc byte-compiling /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/compression/pruner/__init__.py to __init__.cpython-39.pyc byte-compiling /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/compression/pruner/pruners.py to pruners.cpython-39.pyc byte-compiling /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/compression/pruner/patterns.py to patterns.cpython-39.pyc byte-compiling /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/compression/pruner/schedulers.py to schedulers.cpython-39.pyc byte-compiling /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/compression/pruner/regs.py to regs.cpython-39.pyc byte-compiling /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/compression/pruner/utils.py to utils.cpython-39.pyc byte-compiling /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/compression/pruner/criteria.py to criteria.cpython-39.pyc byte-compiling /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/contrib/__init__.py to __init__.cpython-39.pyc byte-compiling /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/contrib/strategy/__init__.py to __init__.cpython-39.pyc byte-compiling /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/contrib/strategy/tpe.py to tpe.cpython-39.pyc byte-compiling /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/contrib/strategy/sigopt.py to sigopt.cpython-39.pyc byte-compiling /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/objective.py to objective.cpython-39.pyc byte-compiling /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/mix_precision.py to mix_precision.cpython-39.pyc byte-compiling /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/quantization.py to quantization.cpython-39.pyc byte-compiling /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/__init__.py to __init__.cpython-39.pyc byte-compiling /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/benchmark.py to benchmark.cpython-39.pyc byte-compiling /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/metric/__init__.py to __init__.cpython-39.pyc byte-compiling /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/metric/bleu_util.py to bleu_util.cpython-39.pyc byte-compiling /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/metric/bleu.py to bleu.cpython-39.pyc byte-compiling /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/metric/metric.py to metric.cpython-39.pyc byte-compiling /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/metric/evaluate_squad.py to evaluate_squad.cpython-39.pyc byte-compiling /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/metric/f1.py to f1.cpython-39.pyc byte-compiling /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/metric/coco_label_map.py to coco_label_map.cpython-39.pyc byte-compiling /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/metric/coco_tools.py to coco_tools.cpython-39.pyc byte-compiling /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/adaptor/mxnet_utils/__init__.py to __init__.cpython-39.pyc byte-compiling /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/adaptor/mxnet_utils/util.py to util.cpython-39.pyc byte-compiling /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/adaptor/keras_utils/__init__.py to __init__.cpython-39.pyc byte-compiling /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/adaptor/keras_utils/dense.py to dense.cpython-39.pyc byte-compiling /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/adaptor/keras_utils/conv2d.py to conv2d.cpython-39.pyc byte-compiling /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/adaptor/keras_utils/depthwise_conv2d.py to depthwise_conv2d.cpython-39.pyc byte-compiling /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/adaptor/keras_utils/quantizer.py to quantizer.cpython-39.pyc byte-compiling /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/adaptor/keras_utils/separable_conv2d.py to separable_conv2d.cpython-39.pyc byte-compiling /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/adaptor/keras.py to keras.cpython-39.pyc byte-compiling /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/adaptor/tensorflow.py to tensorflow.cpython-39.pyc byte-compiling /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/adaptor/__init__.py to __init__.cpython-39.pyc byte-compiling /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/adaptor/mxnet.py to mxnet.cpython-39.pyc byte-compiling /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/adaptor/query.py to query.cpython-39.pyc byte-compiling /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/adaptor/adaptor.py to adaptor.cpython-39.pyc byte-compiling /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/adaptor/pytorch.py to pytorch.cpython-39.pyc byte-compiling /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/adaptor/onnxrt.py to onnxrt.cpython-39.pyc byte-compiling /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/adaptor/ox_utils/operators/binary_op.py to binary_op.cpython-39.pyc byte-compiling /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/adaptor/ox_utils/operators/embed_layernorm.py to embed_layernorm.cpython-39.pyc byte-compiling /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/adaptor/ox_utils/operators/activation.py to activation.cpython-39.pyc byte-compiling /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/adaptor/ox_utils/operators/pooling.py to pooling.cpython-39.pyc byte-compiling /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/adaptor/ox_utils/operators/attention.py to attention.cpython-39.pyc byte-compiling /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/adaptor/ox_utils/operators/__init__.py to __init__.cpython-39.pyc byte-compiling /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/adaptor/ox_utils/operators/pad.py to pad.cpython-39.pyc byte-compiling /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/adaptor/ox_utils/operators/concat.py to concat.cpython-39.pyc byte-compiling /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/adaptor/ox_utils/operators/gavgpool.py to gavgpool.cpython-39.pyc byte-compiling /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/adaptor/ox_utils/operators/argmax.py to argmax.cpython-39.pyc byte-compiling /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/adaptor/ox_utils/operators/maxpool.py to maxpool.cpython-39.pyc byte-compiling /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/adaptor/ox_utils/operators/gemm.py to gemm.cpython-39.pyc byte-compiling /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/adaptor/ox_utils/operators/split.py to split.cpython-39.pyc byte-compiling /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/adaptor/ox_utils/operators/matmul.py to matmul.cpython-39.pyc byte-compiling /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/adaptor/ox_utils/operators/ops.py to ops.cpython-39.pyc byte-compiling /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/adaptor/ox_utils/operators/gather.py to gather.cpython-39.pyc byte-compiling /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/adaptor/ox_utils/operators/direct_q8.py to direct_q8.cpython-39.pyc byte-compiling /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/adaptor/ox_utils/operators/conv.py to conv.cpython-39.pyc byte-compiling /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/adaptor/ox_utils/operators/lstm.py to lstm.cpython-39.pyc byte-compiling /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/adaptor/ox_utils/operators/resize.py to resize.cpython-39.pyc byte-compiling /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/adaptor/ox_utils/__init__.py to __init__.cpython-39.pyc byte-compiling /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/adaptor/ox_utils/util.py to util.cpython-39.pyc byte-compiling /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/adaptor/ox_utils/calibration.py to calibration.cpython-39.pyc byte-compiling /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/adaptor/ox_utils/quantizer.py to quantizer.cpython-39.pyc byte-compiling /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/adaptor/torch_utils/symbolic_trace.py to symbolic_trace.cpython-39.pyc byte-compiling /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/adaptor/torch_utils/hawq_metric.py to hawq_metric.cpython-39.pyc byte-compiling /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/adaptor/torch_utils/model_wrapper.py to model_wrapper.cpython-39.pyc byte-compiling /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/adaptor/torch_utils/__init__.py to __init__.cpython-39.pyc byte-compiling /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/adaptor/torch_utils/util.py to util.cpython-39.pyc byte-compiling /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/adaptor/torch_utils/bf16_convert.py to bf16_convert.cpython-39.pyc byte-compiling /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/adaptor/torch_utils/smooth_quant.py to smooth_quant.cpython-39.pyc byte-compiling /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/adaptor/tf_utils/graph_converter.py to graph_converter.cpython-39.pyc byte-compiling /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/adaptor/tf_utils/__init__.py to __init__.cpython-39.pyc byte-compiling /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/adaptor/tf_utils/util.py to util.cpython-39.pyc byte-compiling /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/adaptor/tf_utils/graph_converter_without_calib.py to graph_converter_without_calib.cpython-39.pyc byte-compiling /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/adaptor/tf_utils/tf2onnx_converter.py to tf2onnx_converter.cpython-39.pyc byte-compiling /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/adaptor/tf_utils/transform_graph/graph_transform_base.py to graph_transform_base.cpython-39.pyc byte-compiling /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/adaptor/tf_utils/transform_graph/insert_logging.py to insert_logging.cpython-39.pyc byte-compiling /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/adaptor/tf_utils/transform_graph/__init__.py to __init__.cpython-39.pyc byte-compiling /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/adaptor/tf_utils/transform_graph/bias_correction.py to bias_correction.cpython-39.pyc byte-compiling /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/adaptor/tf_utils/transform_graph/rerange_quantized_concat.py to rerange_quantized_concat.cpython-39.pyc byte-compiling /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/adaptor/tf_utils/graph_rewriter/graph_base.py to graph_base.cpython-39.pyc byte-compiling /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/adaptor/tf_utils/graph_rewriter/__init__.py to __init__.cpython-39.pyc byte-compiling /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/adaptor/tf_utils/graph_rewriter/qdq/share_qdq_y_pattern.py to share_qdq_y_pattern.cpython-39.pyc byte-compiling /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/adaptor/tf_utils/graph_rewriter/qdq/__init__.py to __init__.cpython-39.pyc byte-compiling /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/adaptor/tf_utils/graph_rewriter/qdq/insert_qdq_pattern.py to insert_qdq_pattern.cpython-39.pyc byte-compiling /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/adaptor/tf_utils/graph_rewriter/qdq/merge_duplicated_qdq.py to merge_duplicated_qdq.cpython-39.pyc byte-compiling /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/adaptor/tf_utils/graph_rewriter/bf16/__init__.py to __init__.cpython-39.pyc byte-compiling /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/adaptor/tf_utils/graph_rewriter/bf16/bf16_convert.py to bf16_convert.cpython-39.pyc byte-compiling /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/adaptor/tf_utils/graph_rewriter/int8/scale_propagation.py to scale_propagation.cpython-39.pyc byte-compiling /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/adaptor/tf_utils/graph_rewriter/int8/post_quantized_op_cse.py to post_quantized_op_cse.cpython-39.pyc byte-compiling /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/adaptor/tf_utils/graph_rewriter/int8/fuse_matmul_redundant_dequantize.py to fuse_matmul_redundant_dequantize.cpython-39.pyc byte-compiling /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/adaptor/tf_utils/graph_rewriter/int8/__init__.py to __init__.cpython-39.pyc byte-compiling /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/adaptor/tf_utils/graph_rewriter/int8/freeze_fake_quant.py to freeze_fake_quant.cpython-39.pyc byte-compiling /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/adaptor/tf_utils/graph_rewriter/int8/freeze_value_without_calib.py to freeze_value_without_calib.cpython-39.pyc byte-compiling /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/adaptor/tf_utils/graph_rewriter/int8/fuse_conv_redundant_dequantize.py to fuse_conv_redundant_dequantize.cpython-39.pyc byte-compiling /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/adaptor/tf_utils/graph_rewriter/int8/meta_op_optimizer.py to meta_op_optimizer.cpython-39.pyc byte-compiling /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/adaptor/tf_utils/graph_rewriter/int8/freeze_value.py to freeze_value.cpython-39.pyc byte-compiling /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/adaptor/tf_utils/graph_rewriter/int8/fuse_conv_requantize.py to fuse_conv_requantize.cpython-39.pyc byte-compiling /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/adaptor/tf_utils/graph_rewriter/int8/rnn_convert.py to rnn_convert.cpython-39.pyc byte-compiling /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/adaptor/tf_utils/graph_rewriter/int8/fuse_matmul_requantize.py to fuse_matmul_requantize.cpython-39.pyc byte-compiling /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/adaptor/tf_utils/graph_rewriter/int8/post_hostconst_converter.py to post_hostconst_converter.cpython-39.pyc byte-compiling /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/adaptor/tf_utils/graph_rewriter/onnx/onnx_node.py to onnx_node.cpython-39.pyc byte-compiling /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/adaptor/tf_utils/graph_rewriter/onnx/onnx_graph.py to onnx_graph.cpython-39.pyc byte-compiling /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/adaptor/tf_utils/graph_rewriter/onnx/tf2onnx_utils.py to tf2onnx_utils.cpython-39.pyc byte-compiling /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/adaptor/tf_utils/graph_rewriter/onnx/__init__.py to __init__.cpython-39.pyc byte-compiling /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/adaptor/tf_utils/graph_rewriter/onnx/onnx_schema.py to onnx_schema.cpython-39.pyc byte-compiling /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/adaptor/tf_utils/graph_rewriter/generic/rename_batch_norm.py to rename_batch_norm.cpython-39.pyc byte-compiling /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/adaptor/tf_utils/graph_rewriter/generic/dilated_contraction.py to dilated_contraction.cpython-39.pyc byte-compiling /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/adaptor/tf_utils/graph_rewriter/generic/pre_optimize.py to pre_optimize.cpython-39.pyc byte-compiling /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/adaptor/tf_utils/graph_rewriter/generic/fuse_decomposed_bn.py to fuse_decomposed_bn.cpython-39.pyc byte-compiling /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/adaptor/tf_utils/graph_rewriter/generic/convert_nan_to_random.py to convert_nan_to_random.cpython-39.pyc byte-compiling /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/adaptor/tf_utils/graph_rewriter/generic/convert_add_to_biasadd.py to convert_add_to_biasadd.cpython-39.pyc byte-compiling /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/adaptor/tf_utils/graph_rewriter/generic/dummy_biasadd.py to dummy_biasadd.cpython-39.pyc byte-compiling /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/adaptor/tf_utils/graph_rewriter/generic/__init__.py to __init__.cpython-39.pyc byte-compiling /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/adaptor/tf_utils/graph_rewriter/generic/fuse_pad_with_fp32_conv.py to fuse_pad_with_fp32_conv.cpython-39.pyc byte-compiling /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/adaptor/tf_utils/graph_rewriter/generic/graph_cse_optimizer.py to graph_cse_optimizer.cpython-39.pyc byte-compiling /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/adaptor/tf_utils/graph_rewriter/generic/fold_constant.py to fold_constant.cpython-39.pyc byte-compiling /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/adaptor/tf_utils/graph_rewriter/generic/strip_equivalent_nodes.py to strip_equivalent_nodes.cpython-39.pyc byte-compiling /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/adaptor/tf_utils/graph_rewriter/generic/move_squeeze_after_relu.py to move_squeeze_after_relu.cpython-39.pyc byte-compiling /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/adaptor/tf_utils/graph_rewriter/generic/fold_batch_norm.py to fold_batch_norm.cpython-39.pyc byte-compiling /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/adaptor/tf_utils/graph_rewriter/generic/expanddims_optimizer.py to expanddims_optimizer.cpython-39.pyc byte-compiling /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/adaptor/tf_utils/graph_rewriter/generic/split_shared_input.py to split_shared_input.cpython-39.pyc byte-compiling /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/adaptor/tf_utils/graph_rewriter/generic/fuse_conv_with_math.py to fuse_conv_with_math.cpython-39.pyc byte-compiling /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/adaptor/tf_utils/graph_rewriter/generic/fetch_weight_from_reshape.py to fetch_weight_from_reshape.cpython-39.pyc byte-compiling /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/adaptor/tf_utils/graph_rewriter/generic/convert_leakyrelu.py to convert_leakyrelu.cpython-39.pyc byte-compiling /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/adaptor/tf_utils/graph_rewriter/generic/fuse_gelu.py to fuse_gelu.cpython-39.pyc byte-compiling /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/adaptor/tf_utils/graph_rewriter/generic/fuse_decomposed_in.py to fuse_decomposed_in.cpython-39.pyc byte-compiling /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/adaptor/tf_utils/graph_rewriter/generic/switch_optimizer.py to switch_optimizer.cpython-39.pyc byte-compiling /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/adaptor/tf_utils/graph_rewriter/generic/insert_print_node.py to insert_print_node.cpython-39.pyc byte-compiling /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/adaptor/tf_utils/graph_rewriter/generic/grappler_pass.py to grappler_pass.cpython-39.pyc byte-compiling /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/adaptor/tf_utils/graph_rewriter/generic/fuse_biasadd_add.py to fuse_biasadd_add.cpython-39.pyc byte-compiling /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/adaptor/tf_utils/graph_rewriter/generic/fuse_pad_with_conv.py to fuse_pad_with_conv.cpython-39.pyc byte-compiling /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/adaptor/tf_utils/graph_rewriter/generic/convert_layout.py to convert_layout.cpython-39.pyc byte-compiling /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/adaptor/tf_utils/graph_rewriter/generic/fuse_reshape_transpose.py to fuse_reshape_transpose.cpython-39.pyc byte-compiling /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/adaptor/tf_utils/graph_rewriter/generic/strip_unused_nodes.py to strip_unused_nodes.cpython-39.pyc byte-compiling /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/adaptor/tf_utils/graph_rewriter/generic/dequantize_cast_optimizer.py to dequantize_cast_optimizer.cpython-39.pyc byte-compiling /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/adaptor/tf_utils/graph_rewriter/generic/remove_training_nodes.py to remove_training_nodes.cpython-39.pyc byte-compiling /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/adaptor/tf_utils/graph_rewriter/generic/fuse_column_wise_mul.py to fuse_column_wise_mul.cpython-39.pyc byte-compiling /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/adaptor/tf_utils/graph_rewriter/generic/convert_placeholder_to_const.py to convert_placeholder_to_const.cpython-39.pyc byte-compiling /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/adaptor/tf_utils/graph_rewriter/generic/fuse_layer_norm.py to fuse_layer_norm.cpython-39.pyc byte-compiling /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/adaptor/tf_utils/quantize_graph/qat/fake_quantize.py to fake_quantize.cpython-39.pyc byte-compiling /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/adaptor/tf_utils/quantize_graph/qat/quantize_wrapper.py to quantize_wrapper.cpython-39.pyc byte-compiling /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/adaptor/tf_utils/quantize_graph/qat/quantize_layers/__init__.py to __init__.cpython-39.pyc byte-compiling /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/adaptor/tf_utils/quantize_graph/qat/quantize_layers/quantize_layer_base.py to quantize_layer_base.cpython-39.pyc byte-compiling /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/adaptor/tf_utils/quantize_graph/qat/quantize_layers/optimize_layer.py to optimize_layer.cpython-39.pyc byte-compiling /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/adaptor/tf_utils/quantize_graph/qat/quantize_layers/quantize_layer_bn.py to quantize_layer_bn.cpython-39.pyc byte-compiling /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/adaptor/tf_utils/quantize_graph/qat/quantize_layers/quantize_layer_add.py to quantize_layer_add.cpython-39.pyc byte-compiling /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/adaptor/tf_utils/quantize_graph/qat/__init__.py to __init__.cpython-39.pyc byte-compiling /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/adaptor/tf_utils/quantize_graph/qat/quantize_config.py to quantize_config.cpython-39.pyc byte-compiling /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/adaptor/tf_utils/quantize_graph/qat/quantize_helper.py to quantize_helper.cpython-39.pyc byte-compiling /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/adaptor/tf_utils/quantize_graph/quantize_graph_conv.py to quantize_graph_conv.cpython-39.pyc byte-compiling /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/adaptor/tf_utils/quantize_graph/__init__.py to __init__.cpython-39.pyc byte-compiling /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/adaptor/tf_utils/quantize_graph/qdq/fuse_qdq_concatv2.py to fuse_qdq_concatv2.cpython-39.pyc byte-compiling /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/adaptor/tf_utils/quantize_graph/qdq/fuse_qdq_conv.py to fuse_qdq_conv.cpython-39.pyc byte-compiling /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/adaptor/tf_utils/quantize_graph/qdq/fuse_qdq_pooling.py to fuse_qdq_pooling.cpython-39.pyc byte-compiling /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/adaptor/tf_utils/quantize_graph/qdq/fuse_qdq_deconv.py to fuse_qdq_deconv.cpython-39.pyc byte-compiling /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/adaptor/tf_utils/quantize_graph/qdq/__init__.py to __init__.cpython-39.pyc byte-compiling /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/adaptor/tf_utils/quantize_graph/qdq/fuse_qdq_bn.py to fuse_qdq_bn.cpython-39.pyc byte-compiling /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/adaptor/tf_utils/quantize_graph/qdq/fuse_qdq_matmul.py to fuse_qdq_matmul.cpython-39.pyc byte-compiling /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/adaptor/tf_utils/quantize_graph/qdq/optimize_qdq.py to optimize_qdq.cpython-39.pyc byte-compiling /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/adaptor/tf_utils/quantize_graph/qdq/fuse_qdq_in.py to fuse_qdq_in.cpython-39.pyc byte-compiling /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/adaptor/tf_utils/quantize_graph/quantize_graph_matmul.py to quantize_graph_matmul.cpython-39.pyc byte-compiling /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/adaptor/tf_utils/quantize_graph/quantize_graph_bn.py to quantize_graph_bn.cpython-39.pyc byte-compiling /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/adaptor/tf_utils/quantize_graph/quantize_graph_concatv2.py to quantize_graph_concatv2.cpython-39.pyc byte-compiling /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/adaptor/tf_utils/quantize_graph/quantize_graph_base.py to quantize_graph_base.cpython-39.pyc byte-compiling /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/adaptor/tf_utils/quantize_graph/quantize_graph_pooling.py to quantize_graph_pooling.cpython-39.pyc byte-compiling /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/adaptor/tf_utils/quantize_graph/quantize_graph_for_intel_cpu.py to quantize_graph_for_intel_cpu.cpython-39.pyc byte-compiling /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/adaptor/tf_utils/graph_util.py to graph_util.cpython-39.pyc byte-compiling /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/adaptor/tf_utils/quantize_graph_common.py to quantize_graph_common.cpython-39.pyc byte-compiling /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/config.py to config.cpython-39.pyc byte-compiling /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/template/__init__.py to __init__.cpython-39.pyc byte-compiling /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/template/api_doc_example.py to api_doc_example.cpython-39.pyc byte-compiling /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/experimental/compression/__init__.py to __init__.cpython-39.pyc byte-compiling /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/experimental/compression/pruning.py to pruning.cpython-39.pyc byte-compiling /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/experimental/nas/nas.py to nas.cpython-39.pyc byte-compiling /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/experimental/nas/dynas.py to dynas.cpython-39.pyc byte-compiling /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/experimental/nas/__init__.py to __init__.cpython-39.pyc byte-compiling /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/experimental/nas/search_algorithms.py to search_algorithms.cpython-39.pyc byte-compiling /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/experimental/nas/nas_utils.py to nas_utils.cpython-39.pyc byte-compiling /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/experimental/nas/basic_nas.py to basic_nas.cpython-39.pyc byte-compiling /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/experimental/mixed_precision.py to mixed_precision.cpython-39.pyc byte-compiling /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/experimental/component.py to component.cpython-39.pyc byte-compiling /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/experimental/pruning_v2.py to pruning_v2.cpython-39.pyc byte-compiling /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/experimental/pruning_recipes/__init__.py to __init__.cpython-39.pyc byte-compiling /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/experimental/pruning_recipes/patterns/__init__.py to __init__.cpython-39.pyc byte-compiling /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/experimental/pruning_recipes/patterns/tile_pattern.py to tile_pattern.cpython-39.pyc byte-compiling /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/experimental/pruning_recipes/patterns/pattern.py to pattern.cpython-39.pyc byte-compiling /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/experimental/quantization.py to quantization.cpython-39.pyc byte-compiling /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/experimental/graph_optimization.py to graph_optimization.cpython-39.pyc byte-compiling /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/experimental/__init__.py to __init__.cpython-39.pyc byte-compiling /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/experimental/benchmark.py to benchmark.cpython-39.pyc byte-compiling /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/experimental/metric/__init__.py to __init__.cpython-39.pyc byte-compiling /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/experimental/metric/bleu_util.py to bleu_util.cpython-39.pyc byte-compiling /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/experimental/metric/bleu.py to bleu.cpython-39.pyc byte-compiling /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/experimental/metric/metric.py to metric.cpython-39.pyc byte-compiling /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/experimental/metric/evaluate_squad.py to evaluate_squad.cpython-39.pyc byte-compiling /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/experimental/metric/f1.py to f1.cpython-39.pyc byte-compiling /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/experimental/metric/coco_label_map.py to coco_label_map.cpython-39.pyc byte-compiling /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/experimental/metric/coco_tools.py to coco_tools.cpython-39.pyc byte-compiling /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/experimental/pruning.py to pruning.cpython-39.pyc byte-compiling /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/experimental/pruner_legacy/group_lasso.py to group_lasso.cpython-39.pyc byte-compiling /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/experimental/pruner_legacy/__init__.py to __init__.cpython-39.pyc byte-compiling /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/experimental/pruner_legacy/pattern_lock.py to pattern_lock.cpython-39.pyc byte-compiling /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/experimental/pruner_legacy/gradient_sensitivity.py to gradient_sensitivity.cpython-39.pyc byte-compiling /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/experimental/pruner_legacy/magnitude.py to magnitude.cpython-39.pyc byte-compiling /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/experimental/pruner_legacy/pruner.py to pruner.cpython-39.pyc byte-compiling /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/experimental/model_conversion.py to model_conversion.cpython-39.pyc byte-compiling /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/experimental/export/__init__.py to __init__.cpython-39.pyc byte-compiling /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/experimental/export/qlinear2qdq.py to qlinear2qdq.cpython-39.pyc byte-compiling /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/experimental/export/tf2onnx.py to tf2onnx.cpython-39.pyc byte-compiling /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/experimental/export/utils.py to utils.cpython-39.pyc byte-compiling /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/experimental/export/torch2onnx.py to torch2onnx.cpython-39.pyc byte-compiling /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/experimental/common/criterion.py to criterion.cpython-39.pyc byte-compiling /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/experimental/common/__init__.py to __init__.cpython-39.pyc byte-compiling /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/experimental/common/postprocess.py to postprocess.cpython-39.pyc byte-compiling /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/experimental/common/optimizer.py to optimizer.cpython-39.pyc byte-compiling /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/experimental/common/metric.py to metric.cpython-39.pyc byte-compiling /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/experimental/common/model.py to model.cpython-39.pyc byte-compiling /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/experimental/common/torch_utils.py to torch_utils.cpython-39.pyc byte-compiling /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/experimental/common/dataloader.py to dataloader.cpython-39.pyc byte-compiling /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/experimental/pytorch_pruner/__init__.py to __init__.cpython-39.pyc byte-compiling /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/experimental/pytorch_pruner/logger.py to logger.cpython-39.pyc byte-compiling /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/experimental/pytorch_pruner/pruning.py to pruning.cpython-39.pyc byte-compiling /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/experimental/pytorch_pruner/patterns.py to patterns.cpython-39.pyc byte-compiling /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/experimental/pytorch_pruner/prune_utils.py to prune_utils.cpython-39.pyc byte-compiling /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/experimental/pytorch_pruner/scheduler.py to scheduler.cpython-39.pyc byte-compiling /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/experimental/pytorch_pruner/pruner.py to pruner.cpython-39.pyc byte-compiling /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/experimental/distillation.py to distillation.cpython-39.pyc byte-compiling /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/experimental/scheduler.py to scheduler.cpython-39.pyc byte-compiling /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/experimental/data/dataloaders/default_dataloader.py to default_dataloader.cpython-39.pyc byte-compiling /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/experimental/data/dataloaders/base_dataloader.py to base_dataloader.cpython-39.pyc byte-compiling /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/experimental/data/dataloaders/__init__.py to __init__.cpython-39.pyc byte-compiling /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/experimental/data/dataloaders/pytorch_dataloader.py to pytorch_dataloader.cpython-39.pyc byte-compiling /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/experimental/data/dataloaders/fetcher.py to fetcher.cpython-39.pyc byte-compiling /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/experimental/data/dataloaders/sampler.py to sampler.cpython-39.pyc byte-compiling /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/experimental/data/dataloaders/tensorflow_dataloader.py to tensorflow_dataloader.cpython-39.pyc byte-compiling /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/experimental/data/dataloaders/onnxrt_dataloader.py to onnxrt_dataloader.cpython-39.pyc byte-compiling /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/experimental/data/dataloaders/dataloader.py to dataloader.cpython-39.pyc byte-compiling /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/experimental/data/dataloaders/mxnet_dataloader.py to mxnet_dataloader.cpython-39.pyc byte-compiling /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/experimental/data/__init__.py to __init__.cpython-39.pyc byte-compiling /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/experimental/data/datasets/coco_dataset.py to coco_dataset.cpython-39.pyc byte-compiling /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/experimental/data/datasets/style_transfer_dataset.py to style_transfer_dataset.cpython-39.pyc byte-compiling /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/experimental/data/datasets/bert_dataset.py to bert_dataset.cpython-39.pyc byte-compiling /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/experimental/data/datasets/__init__.py to __init__.cpython-39.pyc byte-compiling /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/experimental/data/datasets/imagenet_dataset.py to imagenet_dataset.cpython-39.pyc byte-compiling /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/experimental/data/datasets/dataset.py to dataset.cpython-39.pyc byte-compiling /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/experimental/data/datasets/dummy_dataset_v2.py to dummy_dataset_v2.cpython-39.pyc byte-compiling /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/experimental/data/datasets/dummy_dataset.py to dummy_dataset.cpython-39.pyc byte-compiling /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/experimental/data/transforms/imagenet_transform.py to imagenet_transform.cpython-39.pyc byte-compiling /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/experimental/data/transforms/__init__.py to __init__.cpython-39.pyc byte-compiling /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/experimental/data/transforms/tokenization.py to tokenization.cpython-39.pyc byte-compiling /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/experimental/data/transforms/transform.py to transform.cpython-39.pyc byte-compiling /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/experimental/data/filters/coco_filter.py to coco_filter.cpython-39.pyc byte-compiling /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/experimental/data/filters/__init__.py to __init__.cpython-39.pyc byte-compiling /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/experimental/data/filters/filter.py to filter.cpython-39.pyc byte-compiling /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/model/keras_model.py to keras_model.cpython-39.pyc byte-compiling /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/model/__init__.py to __init__.cpython-39.pyc byte-compiling /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/model/torch_model.py to torch_model.cpython-39.pyc byte-compiling /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/model/model.py to model.cpython-39.pyc byte-compiling /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/model/nets_factory.py to nets_factory.cpython-39.pyc byte-compiling /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/model/onnx_model.py to onnx_model.cpython-39.pyc byte-compiling /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/model/mxnet_model.py to mxnet_model.cpython-39.pyc byte-compiling /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/model/base_model.py to base_model.cpython-39.pyc byte-compiling /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/model/tensorflow_model.py to tensorflow_model.cpython-39.pyc byte-compiling /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/strategy/basic.py to basic.cpython-39.pyc byte-compiling /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/strategy/bayesian.py to bayesian.cpython-39.pyc byte-compiling /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/strategy/hawq_v2.py to hawq_v2.cpython-39.pyc byte-compiling /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/strategy/mse_v2.py to mse_v2.cpython-39.pyc byte-compiling /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/strategy/__init__.py to __init__.cpython-39.pyc byte-compiling /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/strategy/auto_mixed_precision.py to auto_mixed_precision.cpython-39.pyc byte-compiling /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/strategy/mse.py to mse.cpython-39.pyc byte-compiling /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/strategy/auto.py to auto.cpython-39.pyc byte-compiling /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/strategy/conservative.py to conservative.cpython-39.pyc byte-compiling /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/strategy/strategy.py to strategy.cpython-39.pyc byte-compiling /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/strategy/exhaustive.py to exhaustive.cpython-39.pyc byte-compiling /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/strategy/utils/constant.py to constant.cpython-39.pyc byte-compiling /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/strategy/utils/__init__.py to __init__.cpython-39.pyc byte-compiling /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/strategy/utils/tuning_sampler.py to tuning_sampler.cpython-39.pyc byte-compiling /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/strategy/utils/tuning_space.py to tuning_space.cpython-39.pyc byte-compiling /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/strategy/utils/tuning_structs.py to tuning_structs.cpython-39.pyc byte-compiling /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/strategy/utils/utility.py to utility.cpython-39.pyc byte-compiling /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/strategy/random.py to random.cpython-39.pyc byte-compiling /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/data/dataloaders/default_dataloader.py to default_dataloader.cpython-39.pyc byte-compiling /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/data/dataloaders/base_dataloader.py to base_dataloader.cpython-39.pyc byte-compiling /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/data/dataloaders/__init__.py to __init__.cpython-39.pyc byte-compiling /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/data/dataloaders/pytorch_dataloader.py to pytorch_dataloader.cpython-39.pyc byte-compiling /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/data/dataloaders/fetcher.py to fetcher.cpython-39.pyc byte-compiling /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/data/dataloaders/sampler.py to sampler.cpython-39.pyc byte-compiling /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/data/dataloaders/tensorflow_dataloader.py to tensorflow_dataloader.cpython-39.pyc byte-compiling /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/data/dataloaders/onnxrt_dataloader.py to onnxrt_dataloader.cpython-39.pyc byte-compiling /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/data/dataloaders/dataloader.py to dataloader.cpython-39.pyc byte-compiling /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/data/dataloaders/mxnet_dataloader.py to mxnet_dataloader.cpython-39.pyc byte-compiling /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/data/__init__.py to __init__.cpython-39.pyc byte-compiling /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/data/datasets/coco_dataset.py to coco_dataset.cpython-39.pyc byte-compiling /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/data/datasets/style_transfer_dataset.py to style_transfer_dataset.cpython-39.pyc byte-compiling /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/data/datasets/bert_dataset.py to bert_dataset.cpython-39.pyc byte-compiling /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/data/datasets/__init__.py to __init__.cpython-39.pyc byte-compiling /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/data/datasets/imagenet_dataset.py to imagenet_dataset.cpython-39.pyc byte-compiling /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/data/datasets/dataset.py to dataset.cpython-39.pyc byte-compiling /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/data/datasets/dummy_dataset_v2.py to dummy_dataset_v2.cpython-39.pyc byte-compiling /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/data/datasets/dummy_dataset.py to dummy_dataset.cpython-39.pyc byte-compiling /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/data/transforms/imagenet_transform.py to imagenet_transform.cpython-39.pyc byte-compiling /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/data/transforms/__init__.py to __init__.cpython-39.pyc byte-compiling /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/data/transforms/coco_transform.py to coco_transform.cpython-39.pyc byte-compiling /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/data/transforms/postprocess.py to postprocess.cpython-39.pyc byte-compiling /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/data/transforms/tokenization.py to tokenization.cpython-39.pyc byte-compiling /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/data/transforms/transform.py to transform.cpython-39.pyc byte-compiling /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/data/filters/coco_filter.py to coco_filter.cpython-39.pyc byte-compiling /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/data/filters/__init__.py to __init__.cpython-39.pyc byte-compiling /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/data/filters/filter.py to filter.cpython-39.pyc byte-compiling /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/algorithm/weight_correction.py to weight_correction.cpython-39.pyc byte-compiling /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/algorithm/algorithm.py to algorithm.cpython-39.pyc byte-compiling /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/algorithm/__init__.py to __init__.cpython-39.pyc byte-compiling /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/algorithm/fast_bias_correction.py to fast_bias_correction.cpython-39.pyc byte-compiling /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/algorithm/smooth_quant.py to smooth_quant.cpython-39.pyc byte-compiling /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/utils/collect_layer_histogram.py to collect_layer_histogram.cpython-39.pyc byte-compiling /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/utils/create_obj_from_config.py to create_obj_from_config.cpython-39.pyc byte-compiling /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/utils/constant.py to constant.cpython-39.pyc byte-compiling /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/utils/load_huggingface.py to load_huggingface.cpython-39.pyc byte-compiling /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/utils/__init__.py to __init__.cpython-39.pyc byte-compiling /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/utils/logger.py to logger.cpython-39.pyc byte-compiling /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/utils/pytorch.py to pytorch.cpython-39.pyc byte-compiling /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/utils/options.py to options.cpython-39.pyc byte-compiling /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/utils/kl_divergence.py to kl_divergence.cpython-39.pyc byte-compiling /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/utils/utility.py to utility.cpython-39.pyc byte-compiling /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/version.py to version.cpython-39.pyc byte-compiling /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/conf/__init__.py to __init__.cpython-39.pyc byte-compiling /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/conf/pythonic_config.py to pythonic_config.cpython-39.pyc byte-compiling /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/conf/dotdict.py to dotdict.cpython-39.pyc byte-compiling /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/conf/config.py to config.cpython-39.pyc byte-compiling /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor/training.py to training.cpython-39.pyc writing byte-compilation script '/tmp/tmp9fzj7dsi.py' /usr/bin/python3 /tmp/tmp9fzj7dsi.py removing /tmp/tmp9fzj7dsi.py running install_egg_info running egg_info writing neural_compressor.egg-info/PKG-INFO writing dependency_links to neural_compressor.egg-info/dependency_links.txt writing requirements to neural_compressor.egg-info/requires.txt writing top-level names to neural_compressor.egg-info/top_level.txt reading manifest file 'neural_compressor.egg-info/SOURCES.txt' adding license file 'LICENSE' writing manifest file 'neural_compressor.egg-info/SOURCES.txt' Copying neural_compressor.egg-info to /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9/site-packages/neural_compressor-2.1.1-py3.9.egg-info running install_scripts + install -d -m755 /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64//usr/share/doc/python-neural-compressor + '[' -d doc ']' ~/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64 ~/build/BUILD/neural_compressor-2.1.1 + '[' -d docs ']' + '[' -d example ']' + '[' -d examples ']' + pushd /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64 + '[' -d usr/lib ']' + find usr/lib -type f -printf '"/%h/%f"\n' + '[' -d usr/lib64 ']' + '[' -d usr/bin ']' + '[' -d usr/sbin ']' + touch doclist.lst + '[' -d usr/share/man ']' + popd ~/build/BUILD/neural_compressor-2.1.1 + mv /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/filelist.lst . + mv /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/doclist.lst . + /usr/bin/find-debuginfo -j4 --strict-build-id -i --build-id-seed 2.1.1-1 --unique-debug-suffix -2.1.1-1.x86_64 --unique-debug-src-base python-neural-compressor-2.1.1-1.x86_64 -S debugsourcefiles.list /builddir/build/BUILD/neural_compressor-2.1.1 find: 'debug': No such file or directory + /usr/lib/rpm/check-buildroot + /usr/lib/rpm/brp-ldconfig + /usr/lib/rpm/brp-compress + /usr/lib/rpm/brp-strip-static-archive /usr/bin/strip + /usr/lib/rpm/brp-python-bytecompile /usr/bin/python 1 1 Bytecompiling .py files below /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64/usr/lib/python3.9 using /usr/bin/python3.9 + /usr/lib/rpm/brp-python-hardlink Processing files: python3-neural-compressor-2.1.1-1.noarch Provides: python-neural-compressor python3-neural-compressor = 2.1.1-1 python3.9dist(neural-compressor) = 2.1.1 python3dist(neural-compressor) = 2.1.1 Requires(rpmlib): rpmlib(CompressedFileNames) <= 3.0.4-1 rpmlib(FileDigests) <= 4.6.0-1 rpmlib(PartialHardlinkSets) <= 4.0.4-1 rpmlib(PayloadFilesHavePrefix) <= 4.0-1 Requires: python(abi) = 3.9 python3.9dist(deprecated) python3.9dist(numpy) python3.9dist(opencv-python) python3.9dist(pandas) python3.9dist(pillow) python3.9dist(prettytable) python3.9dist(psutil) python3.9dist(py-cpuinfo) python3.9dist(pycocotools) python3.9dist(pyyaml) python3.9dist(requests) python3.9dist(schema) python3.9dist(scikit-learn) Processing files: python-neural-compressor-help-2.1.1-1.noarch warning: Empty %files file /builddir/build/BUILD/neural_compressor-2.1.1/doclist.lst Provides: python-neural-compressor-help = 2.1.1-1 python3-neural-compressor-doc Requires(rpmlib): rpmlib(CompressedFileNames) <= 3.0.4-1 rpmlib(FileDigests) <= 4.6.0-1 rpmlib(PayloadFilesHavePrefix) <= 4.0-1 Checking for unpackaged file(s): /usr/lib/rpm/check-files /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64 Wrote: /builddir/build/RPMS/python-neural-compressor-help-2.1.1-1.noarch.rpm Wrote: /builddir/build/RPMS/python3-neural-compressor-2.1.1-1.noarch.rpm Executing(%clean): /bin/sh -e /var/tmp/rpm-tmp.kUzhCc + umask 022 + cd /builddir/build/BUILD + cd neural_compressor-2.1.1 + /usr/bin/rm -rf /builddir/build/BUILDROOT/python-neural-compressor-2.1.1-1.x86_64 + RPM_EC=0 ++ jobs -p + exit 0 Child return code was: 0