Skip to content

Instantly share code, notes, and snippets.

@MatzeB
Created August 10, 2022 18:15
Show Gist options
  • Star 0 You must be signed in to star a gist
  • Fork 0 You must be signed in to fork a gist
  • Save MatzeB/67aac1e35276efd96232d91a52b8c500 to your computer and use it in GitHub Desktop.
Save MatzeB/67aac1e35276efd96232d91a52b8c500 to your computer and use it in GitHub Desktop.
+ source config.sh
++ PYTHON=/home/matthiasb/compiling/tf_venv/bin/python
++ OBJ_BASE_DIR=/home/matthiasb/perfexp/luafoo
++ LLVM_DIR=/home/matthiasb/dev/llvm/tfbuild
++ RA_CORPUS=build/ra_corpus
++ RA_DEFAULT_TRACE=build/ra_default_trace
++ RA_DEFAULT_VOCAB=compiler_opt/rl/regalloc/vocab/
+++ pwd
++ RA_WARMSTART_OUTPUT_DIR=/home/matthiasb/compiling/ml-compiler-opt/build/ra_warmstart
+++ pwd
++ RA_MODEL_DIR=/home/matthiasb/compiling/ml-compiler-opt/build/ra_model
++ INL_CORPUS=build/inl_corpus
++ INL_DEFAULT_TRACE=build/inl_default_trace
++ INL_DEFAULT_VOCAB=compiler_opt/rl/inlining/vocab/
+++ pwd
++ INL_WARMSTART_OUTPUT_DIR=/home/matthiasb/compiling/ml-compiler-opt/build/inl_warmstart
+++ pwd
++ INL_MODEL_DIR=/home/matthiasb/compiling/ml-compiler-opt/build/inl_model
++ EXTRACT_INPUT_ARGS=
++ EXTRACT_INPUT_ARGS=' --input=/home/matthiasb/perfexp/luafoo/build/compile_commands.json'
++ EXTRACT_INPUT_ARGS+=' --input_type=json'
++ mkdir -p build
+ /home/matthiasb/compiling/tf_venv/bin/python -m compiler_opt.rl.train_locally --root_dir=/home/matthiasb/compiling/ml-compiler-opt/build/ra_model --data_path=build/ra_corpus '--gin_bindings=clang_path='\''/home/matthiasb/dev/llvm/tfbuild/bin/clang'\''' '--gin_bindings=llvm_size_path='\''/home/matthiasb/dev/llvm/tfbuild/bin/llvm-size'\''' --gin_files=compiler_opt/rl/regalloc/gin_configs/ppo_nn_agent.gin '--gin_bindings=train_eval.warmstart_policy_dir="/home/matthiasb/compiling/ml-compiler-opt/build/ra_warmstart/saved_policy"'
2022-08-09 14:46:07.853086: W tensorflow/stream_executor/platform/default/dso_loader.cc:64] Could not load dynamic library 'libcudart.so.11.0'; dlerror: libcudart.so.11.0: cannot open shared object file: No such file or directory; LD_LIBRARY_PATH: /home/matthiasb/.local/lib
2022-08-09 14:46:07.853115: I tensorflow/stream_executor/cuda/cudart_stub.cc:29] Ignore above cudart dlerror if you do not have a GPU set up on your machine.
2022-08-09 14:46:09.540960: W tensorflow/stream_executor/platform/default/dso_loader.cc:64] Could not load dynamic library 'libcuda.so.1'; dlerror: libcuda.so.1: cannot open shared object file: No such file or directory; LD_LIBRARY_PATH: /home/matthiasb/.local/lib
2022-08-09 14:46:09.540991: W tensorflow/stream_executor/cuda/cuda_driver.cc:269] failed call to cuInit: UNKNOWN ERROR (303)
2022-08-09 14:46:09.541006: I tensorflow/stream_executor/cuda/cuda_diagnostics.cc:156] kernel driver does not appear to be running on this host (devbig143.prn5.facebook.com): /proc/driver/nvidia/version does not exist
I0809 14:46:09.553203 140667723188032 train_locally.py:176] import compiler_opt.rl.constant
import compiler_opt.rl.constant_value_network
import compiler_opt.rl.gin_external_configurables
import compiler_opt.rl.regalloc.config
import compiler_opt.rl.regalloc.regalloc_network
import gin.tf.external_configurables
import tf_agents.agents.ppo.ppo_agent
import tf_agents.networks.actor_distribution_network
# Macros:
# ==============================================================================
clang_path = '/home/matthiasb/dev/llvm/tfbuild/bin/clang'
launcher_path = None
llvm_size_path = '/home/matthiasb/dev/llvm/tfbuild/bin/llvm-size'
# Parameters for AdamOptimizer:
# ==============================================================================
AdamOptimizer.epsilon = 0.0003125
AdamOptimizer.learning_rate = 0.0003
# Parameters for ConstantValueNetwork:
# ==============================================================================
ConstantValueNetwork.constant_output_val = 0
# Parameters for create_agent:
# ==============================================================================
create_agent.policy_network = @regalloc_network.RegAllocNetwork
# Parameters for get_configuration:
# ==============================================================================
get_configuration.implementation = @configs.RegallocEvictionConfig
# Parameters for regalloc.config.get_observation_processing_layer_creator:
# ==============================================================================
regalloc.config.get_observation_processing_layer_creator.quantile_file_dir = \
'compiler_opt/rl/regalloc/vocab'
regalloc.config.get_observation_processing_layer_creator.with_sqrt = False
regalloc.config.get_observation_processing_layer_creator.with_z_score_normalization = \
False
# Parameters for PPOAgent:
# ==============================================================================
PPOAgent.adaptive_kl_target = 0.01
PPOAgent.adaptive_kl_tolerance = 0.3
PPOAgent.check_numerics = False
PPOAgent.compute_value_and_advantage_in_train = True
PPOAgent.debug_summaries = True
PPOAgent.discount_factor = 0.0
PPOAgent.entropy_regularization = 0.005
PPOAgent.gradient_clipping = None
PPOAgent.importance_ratio_clipping = 0.2
PPOAgent.initial_adaptive_kl_beta = 1.0
PPOAgent.kl_cutoff_coef = 1000.0
PPOAgent.kl_cutoff_factor = 2.0
PPOAgent.lambda_value = 0.0
PPOAgent.log_prob_clipping = 0.0
PPOAgent.normalize_observations = False
PPOAgent.normalize_rewards = False
PPOAgent.num_epochs = 1
PPOAgent.optimizer = @tf.train.AdamOptimizer()
PPOAgent.policy_l2_reg = 1e-05
PPOAgent.reward_norm_clipping = 10.0
PPOAgent.shared_vars_l2_reg = 0.0
PPOAgent.summarize_grads_and_vars = True
PPOAgent.update_normalizers_in_train = True
PPOAgent.use_gae = False
PPOAgent.use_td_lambda_return = False
PPOAgent.value_clipping = None
PPOAgent.value_function_l2_reg = 0.0
PPOAgent.value_pred_loss_coef = 0.0
# Parameters for RandomNetworkDistillation:
# ==============================================================================
RandomNetworkDistillation.encoding_network = \
@regalloc_network.RegAllocRNDEncodingNetwork
RandomNetworkDistillation.fc_layer_params = [32, 128]
RandomNetworkDistillation.half_decay_steps = 10000
RandomNetworkDistillation.initial_intrinsic_reward_scale = 1.0
RandomNetworkDistillation.learning_rate = 0.0001
RandomNetworkDistillation.update_frequency = 2
# Parameters for RegAllocNetwork:
# ==============================================================================
RegAllocNetwork.activation_fn = @tf.keras.activations.relu
RegAllocNetwork.dropout_layer_params = None
RegAllocNetwork.fc_layer_params = (80, 40)
RegAllocNetwork.preprocessing_combiner = @tf.keras.layers.Concatenate()
# Parameters for RegAllocRunner:
# ==============================================================================
RegAllocRunner.clang_path = %clang_path
RegAllocRunner.launcher_path = %launcher_path
# Parameters for train_eval:
# ==============================================================================
train_eval.additional_compilation_flags = ()
train_eval.agent_name = %compiler_opt.rl.constant.AgentName.PPO
train_eval.batch_size = 256
train_eval.delete_compilation_flags = \
('-split-dwarf-file',
'-split-dwarf-output',
'-fthinlto-index',
'-fprofile-sample-use',
'-fprofile-remapping-file')
train_eval.deploy_policy_name = 'saved_collect_policy'
train_eval.moving_average_decay_rate = 0.8
train_eval.num_iterations = 200
train_eval.num_modules = 31
train_eval.num_policy_iterations = 3000
train_eval.train_sequence_length = 16
train_eval.use_random_network_distillation = False
train_eval.warmstart_policy_dir = \
'/home/matthiasb/compiling/ml-compiler-opt/build/ra_warmstart/saved_policy'
2022-08-09 14:46:09.599583: I tensorflow/core/platform/cpu_feature_guard.cc:151] This TensorFlow binary is optimized with oneAPI Deep Neural Network Library (oneDNN) to use the following CPU instructions in performance-critical operations: AVX2 AVX512F FMA
To enable them in other operations, rebuild TensorFlow with the appropriate compiler flags.
W0809 14:46:10.101017 140667723188032 ppo_agent.py:341] Only tf.keras.optimizers.Optimiers are well supported, got a non-TF2 optimizer: <tensorflow.python.training.adam.AdamOptimizer object at 0x7fee20143790>
2022-08-09 14:46:10.526185: W tensorflow/python/util/util.cc:368] Sets are not currently considered sequences, but this may change in the future, so consider avoiding using them.
I0809 14:46:10.550554 140667723188032 common.py:1007] No checkpoint available at /home/matthiasb/compiling/ml-compiler-opt/build/ra_model
I0809 14:46:11.128293 140667723188032 train_locally.py:103] Loading module specs from corpus.
I0809 14:46:11.135662 140667723188032 train_locally.py:106] Done loading module specs from corpus.
I0809 14:46:11.136825 140667723188032 train_locally.py:132] Loaded Reward Stat Map from disk, containing 28 modules
I0809 14:46:11.924199 140667723188032 train_locally.py:151] Last iteration took: 0.001009
W0809 14:46:12.898856 140667723188032 save.py:263] Found untraced functions such as ActorDistributionNetwork_layer_call_fn, ActorDistributionNetwork_layer_call_and_return_conditional_losses, ConstantValueNetwork_layer_call_fn, ConstantValueNetwork_layer_call_and_return_conditional_losses, EncodingNetwork_layer_call_fn while saving (showing 5 of 145). These functions will not be directly callable after loading.
/home/matthiasb/compiling/tf_venv/lib64/python3.9/site-packages/tensorflow/python/saved_model/nested_structure_coder.py:559: UserWarning: Encoding a StructuredValue with type tf_agents.policies.greedy_policy.DeterministicWithLogProb_ACTTypeSpec; loading this StructuredValue will require that this type be imported and registered.
warnings.warn("Encoding a StructuredValue with type %s; loading this "
INFO:tensorflow:Assets written to: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_policy/assets
I0809 14:46:13.276551 140667723188032 builder_impl.py:783] Assets written to: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_policy/assets
W0809 14:46:14.410550 140667723188032 save.py:263] Found untraced functions such as ActorDistributionNetwork_layer_call_fn, ActorDistributionNetwork_layer_call_and_return_conditional_losses, ConstantValueNetwork_layer_call_fn, ConstantValueNetwork_layer_call_and_return_conditional_losses, EncodingNetwork_layer_call_fn while saving (showing 5 of 145). These functions will not be directly callable after loading.
/home/matthiasb/compiling/tf_venv/lib64/python3.9/site-packages/tensorflow/python/saved_model/nested_structure_coder.py:559: UserWarning: Encoding a StructuredValue with type tfp.distributions.Categorical_ACTTypeSpec; loading this StructuredValue will require that this type be imported and registered.
warnings.warn("Encoding a StructuredValue with type %s; loading this "
INFO:tensorflow:Assets written to: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy/assets
I0809 14:46:14.613840 140667723188032 builder_impl.py:783] Assets written to: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy/assets
I0809 14:46:14.917043 140667723188032 local_data_collector.py:77] Waiting for pending work from last iteration took 0.000002
2022-08-09 14:46:15.051949: I tensorflow/cc/saved_model/reader.cc:38] Reading SavedModel from: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-09 14:46:15.056715: I tensorflow/cc/saved_model/reader.cc:38] Reading SavedModel from: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-09 14:46:15.057324: I tensorflow/cc/saved_model/reader.cc:90] Reading meta graph with tags { serve }
2022-08-09 14:46:15.057352: I tensorflow/cc/saved_model/reader.cc:132] Reading SavedModel debug info (if present) from: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-09 14:46:15.057412: I tensorflow/core/platform/cpu_feature_guard.cc:142] This TensorFlow binary is optimized with oneAPI Deep Neural Network Library (oneDNN) to use the following CPU instructions in performance-critical operations: AVX2 AVX512F FMA
To enable them in other operations, rebuild TensorFlow with the appropriate compiler flags.
2022-08-09 14:46:15.059166: I tensorflow/cc/saved_model/reader.cc:38] Reading SavedModel from: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-09 14:46:15.059681: I tensorflow/cc/saved_model/reader.cc:38] Reading SavedModel from: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-09 14:46:15.062247: I tensorflow/cc/saved_model/reader.cc:90] Reading meta graph with tags { serve }
2022-08-09 14:46:15.062288: I tensorflow/cc/saved_model/reader.cc:132] Reading SavedModel debug info (if present) from: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-09 14:46:15.062352: I tensorflow/core/platform/cpu_feature_guard.cc:142] This TensorFlow binary is optimized with oneAPI Deep Neural Network Library (oneDNN) to use the following CPU instructions in performance-critical operations: AVX2 AVX512F FMA
To enable them in other operations, rebuild TensorFlow with the appropriate compiler flags.
2022-08-09 14:46:15.063678: I tensorflow/cc/saved_model/reader.cc:38] Reading SavedModel from: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-09 14:46:15.064630: I tensorflow/cc/saved_model/reader.cc:90] Reading meta graph with tags { serve }
2022-08-09 14:46:15.064667: I tensorflow/cc/saved_model/reader.cc:132] Reading SavedModel debug info (if present) from: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-09 14:46:15.064734: I tensorflow/core/platform/cpu_feature_guard.cc:142] This TensorFlow binary is optimized with oneAPI Deep Neural Network Library (oneDNN) to use the following CPU instructions in performance-critical operations: AVX2 AVX512F FMA
To enable them in other operations, rebuild TensorFlow with the appropriate compiler flags.
2022-08-09 14:46:15.065084: I tensorflow/cc/saved_model/reader.cc:90] Reading meta graph with tags { serve }
2022-08-09 14:46:15.065121: I tensorflow/cc/saved_model/reader.cc:132] Reading SavedModel debug info (if present) from: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-09 14:46:15.065188: I tensorflow/core/platform/cpu_feature_guard.cc:142] This TensorFlow binary is optimized with oneAPI Deep Neural Network Library (oneDNN) to use the following CPU instructions in performance-critical operations: AVX2 AVX512F FMA
To enable them in other operations, rebuild TensorFlow with the appropriate compiler flags.
2022-08-09 14:46:15.066231: I tensorflow/cc/saved_model/reader.cc:38] Reading SavedModel from: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-09 14:46:15.066646: I tensorflow/cc/saved_model/reader.cc:38] Reading SavedModel from: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-09 14:46:15.066672: I tensorflow/cc/saved_model/reader.cc:38] Reading SavedModel from: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-09 14:46:15.069221: I tensorflow/cc/saved_model/reader.cc:90] Reading meta graph with tags { serve }
2022-08-09 14:46:15.069251: I tensorflow/cc/saved_model/reader.cc:132] Reading SavedModel debug info (if present) from: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-09 14:46:15.069318: I tensorflow/core/platform/cpu_feature_guard.cc:142] This TensorFlow binary is optimized with oneAPI Deep Neural Network Library (oneDNN) to use the following CPU instructions in performance-critical operations: AVX2 AVX512F FMA
To enable them in other operations, rebuild TensorFlow with the appropriate compiler flags.
2022-08-09 14:46:15.071806: I tensorflow/cc/saved_model/reader.cc:90] Reading meta graph with tags { serve }
2022-08-09 14:46:15.071849: I tensorflow/cc/saved_model/reader.cc:132] Reading SavedModel debug info (if present) from: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-09 14:46:15.071923: I tensorflow/core/platform/cpu_feature_guard.cc:142] This TensorFlow binary is optimized with oneAPI Deep Neural Network Library (oneDNN) to use the following CPU instructions in performance-critical operations: AVX2 AVX512F FMA
To enable them in other operations, rebuild TensorFlow with the appropriate compiler flags.
2022-08-09 14:46:15.072070: I tensorflow/cc/saved_model/reader.cc:90] Reading meta graph with tags { serve }
2022-08-09 14:46:15.072114: I tensorflow/cc/saved_model/reader.cc:132] Reading SavedModel debug info (if present) from: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-09 14:46:15.072172: I tensorflow/core/platform/cpu_feature_guard.cc:142] This TensorFlow binary is optimized with oneAPI Deep Neural Network Library (oneDNN) to use the following CPU instructions in performance-critical operations: AVX2 AVX512F FMA
To enable them in other operations, rebuild TensorFlow with the appropriate compiler flags.
2022-08-09 14:46:15.072182: I tensorflow/cc/saved_model/reader.cc:90] Reading meta graph with tags { serve }
2022-08-09 14:46:15.072207: I tensorflow/cc/saved_model/reader.cc:132] Reading SavedModel debug info (if present) from: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-09 14:46:15.072268: I tensorflow/core/platform/cpu_feature_guard.cc:142] This TensorFlow binary is optimized with oneAPI Deep Neural Network Library (oneDNN) to use the following CPU instructions in performance-critical operations: AVX2 AVX512F FMA
To enable them in other operations, rebuild TensorFlow with the appropriate compiler flags.
2022-08-09 14:46:15.073069: I tensorflow/cc/saved_model/reader.cc:38] Reading SavedModel from: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-09 14:46:15.076945: I tensorflow/cc/saved_model/reader.cc:38] Reading SavedModel from: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-09 14:46:15.078585: I tensorflow/cc/saved_model/reader.cc:90] Reading meta graph with tags { serve }
2022-08-09 14:46:15.078617: I tensorflow/cc/saved_model/reader.cc:132] Reading SavedModel debug info (if present) from: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-09 14:46:15.078683: I tensorflow/core/platform/cpu_feature_guard.cc:142] This TensorFlow binary is optimized with oneAPI Deep Neural Network Library (oneDNN) to use the following CPU instructions in performance-critical operations: AVX2 AVX512F FMA
To enable them in other operations, rebuild TensorFlow with the appropriate compiler flags.
2022-08-09 14:46:15.081149: I tensorflow/cc/saved_model/reader.cc:38] Reading SavedModel from: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-09 14:46:15.082514: I tensorflow/cc/saved_model/reader.cc:90] Reading meta graph with tags { serve }
2022-08-09 14:46:15.082552: I tensorflow/cc/saved_model/reader.cc:132] Reading SavedModel debug info (if present) from: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-09 14:46:15.082628: I tensorflow/core/platform/cpu_feature_guard.cc:142] This TensorFlow binary is optimized with oneAPI Deep Neural Network Library (oneDNN) to use the following CPU instructions in performance-critical operations: AVX2 AVX512F FMA
To enable them in other operations, rebuild TensorFlow with the appropriate compiler flags.
2022-08-09 14:46:15.086774: I tensorflow/cc/saved_model/reader.cc:90] Reading meta graph with tags { serve }
2022-08-09 14:46:15.086819: I tensorflow/cc/saved_model/reader.cc:132] Reading SavedModel debug info (if present) from: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-09 14:46:15.086894: I tensorflow/core/platform/cpu_feature_guard.cc:142] This TensorFlow binary is optimized with oneAPI Deep Neural Network Library (oneDNN) to use the following CPU instructions in performance-critical operations: AVX2 AVX512F FMA
To enable them in other operations, rebuild TensorFlow with the appropriate compiler flags.
2022-08-09 14:46:15.092988: I tensorflow/cc/saved_model/loader.cc:211] Restoring SavedModel bundle.
2022-08-09 14:46:15.093321: I tensorflow/cc/saved_model/reader.cc:38] Reading SavedModel from: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-09 14:46:15.095407: I tensorflow/cc/saved_model/reader.cc:38] Reading SavedModel from: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-09 14:46:15.098980: I tensorflow/cc/saved_model/reader.cc:90] Reading meta graph with tags { serve }
2022-08-09 14:46:15.099020: I tensorflow/cc/saved_model/reader.cc:132] Reading SavedModel debug info (if present) from: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-09 14:46:15.099098: I tensorflow/core/platform/cpu_feature_guard.cc:142] This TensorFlow binary is optimized with oneAPI Deep Neural Network Library (oneDNN) to use the following CPU instructions in performance-critical operations: AVX2 AVX512F FMA
To enable them in other operations, rebuild TensorFlow with the appropriate compiler flags.
2022-08-09 14:46:15.099239: I tensorflow/cc/saved_model/reader.cc:38] Reading SavedModel from: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-09 14:46:15.099279: I tensorflow/cc/saved_model/loader.cc:211] Restoring SavedModel bundle.
2022-08-09 14:46:15.100730: I tensorflow/cc/saved_model/loader.cc:211] Restoring SavedModel bundle.
2022-08-09 14:46:15.100752: I tensorflow/cc/saved_model/loader.cc:211] Restoring SavedModel bundle.
2022-08-09 14:46:15.101078: I tensorflow/cc/saved_model/reader.cc:38] Reading SavedModel from: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-09 14:46:15.101410: I tensorflow/cc/saved_model/reader.cc:90] Reading meta graph with tags { serve }
2022-08-09 14:46:15.101444: I tensorflow/cc/saved_model/reader.cc:132] Reading SavedModel debug info (if present) from: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-09 14:46:15.101514: I tensorflow/core/platform/cpu_feature_guard.cc:142] This TensorFlow binary is optimized with oneAPI Deep Neural Network Library (oneDNN) to use the following CPU instructions in performance-critical operations: AVX2 AVX512F FMA
To enable them in other operations, rebuild TensorFlow with the appropriate compiler flags.
2022-08-09 14:46:15.104951: I tensorflow/cc/saved_model/reader.cc:90] Reading meta graph with tags { serve }
2022-08-09 14:46:15.104994: I tensorflow/cc/saved_model/reader.cc:132] Reading SavedModel debug info (if present) from: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-09 14:46:15.105062: I tensorflow/core/platform/cpu_feature_guard.cc:142] This TensorFlow binary is optimized with oneAPI Deep Neural Network Library (oneDNN) to use the following CPU instructions in performance-critical operations: AVX2 AVX512F FMA
To enable them in other operations, rebuild TensorFlow with the appropriate compiler flags.
2022-08-09 14:46:15.106632: I tensorflow/cc/saved_model/loader.cc:211] Restoring SavedModel bundle.
2022-08-09 14:46:15.106686: I tensorflow/cc/saved_model/reader.cc:90] Reading meta graph with tags { serve }
2022-08-09 14:46:15.106716: I tensorflow/cc/saved_model/reader.cc:132] Reading SavedModel debug info (if present) from: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-09 14:46:15.106779: I tensorflow/core/platform/cpu_feature_guard.cc:142] This TensorFlow binary is optimized with oneAPI Deep Neural Network Library (oneDNN) to use the following CPU instructions in performance-critical operations: AVX2 AVX512F FMA
To enable them in other operations, rebuild TensorFlow with the appropriate compiler flags.
2022-08-09 14:46:15.108611: I tensorflow/cc/saved_model/loader.cc:211] Restoring SavedModel bundle.
2022-08-09 14:46:15.109223: I tensorflow/cc/saved_model/loader.cc:211] Restoring SavedModel bundle.
2022-08-09 14:46:15.109324: I tensorflow/cc/saved_model/loader.cc:211] Restoring SavedModel bundle.
2022-08-09 14:46:15.110080: I tensorflow/cc/saved_model/reader.cc:38] Reading SavedModel from: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-09 14:46:15.113877: I tensorflow/cc/saved_model/loader.cc:211] Restoring SavedModel bundle.
2022-08-09 14:46:15.114732: I tensorflow/cc/saved_model/reader.cc:38] Reading SavedModel from: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-09 14:46:15.118327: I tensorflow/cc/saved_model/loader.cc:211] Restoring SavedModel bundle.
2022-08-09 14:46:15.119416: I tensorflow/cc/saved_model/reader.cc:90] Reading meta graph with tags { serve }
2022-08-09 14:46:15.119468: I tensorflow/cc/saved_model/reader.cc:132] Reading SavedModel debug info (if present) from: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-09 14:46:15.119554: I tensorflow/core/platform/cpu_feature_guard.cc:142] This TensorFlow binary is optimized with oneAPI Deep Neural Network Library (oneDNN) to use the following CPU instructions in performance-critical operations: AVX2 AVX512F FMA
To enable them in other operations, rebuild TensorFlow with the appropriate compiler flags.
2022-08-09 14:46:15.120381: I tensorflow/cc/saved_model/reader.cc:90] Reading meta graph with tags { serve }
2022-08-09 14:46:15.120415: I tensorflow/cc/saved_model/reader.cc:132] Reading SavedModel debug info (if present) from: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-09 14:46:15.120480: I tensorflow/core/platform/cpu_feature_guard.cc:142] This TensorFlow binary is optimized with oneAPI Deep Neural Network Library (oneDNN) to use the following CPU instructions in performance-critical operations: AVX2 AVX512F FMA
To enable them in other operations, rebuild TensorFlow with the appropriate compiler flags.
2022-08-09 14:46:15.123407: I tensorflow/cc/saved_model/loader.cc:211] Restoring SavedModel bundle.
2022-08-09 14:46:15.130642: I tensorflow/cc/saved_model/loader.cc:195] Running initialization op on SavedModel bundle at path: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-09 14:46:15.130704: I tensorflow/cc/saved_model/loader.cc:195] Running initialization op on SavedModel bundle at path: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-09 14:46:15.131208: I tensorflow/cc/saved_model/loader.cc:195] Running initialization op on SavedModel bundle at path: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-09 14:46:15.134202: I tensorflow/cc/saved_model/loader.cc:211] Restoring SavedModel bundle.
2022-08-09 14:46:15.137247: I tensorflow/cc/saved_model/loader.cc:195] Running initialization op on SavedModel bundle at path: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-09 14:46:15.137835: I tensorflow/cc/saved_model/loader.cc:211] Restoring SavedModel bundle.
2022-08-09 14:46:15.137901: I tensorflow/cc/saved_model/loader.cc:195] Running initialization op on SavedModel bundle at path: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-09 14:46:15.139430: I tensorflow/cc/saved_model/loader.cc:195] Running initialization op on SavedModel bundle at path: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-09 14:46:15.140161: I tensorflow/cc/saved_model/loader.cc:195] Running initialization op on SavedModel bundle at path: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-09 14:46:15.140194: I tensorflow/cc/saved_model/loader.cc:195] Running initialization op on SavedModel bundle at path: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-09 14:46:15.142018: I tensorflow/cc/saved_model/loader.cc:211] Restoring SavedModel bundle.
2022-08-09 14:46:15.143113: I tensorflow/cc/saved_model/loader.cc:195] Running initialization op on SavedModel bundle at path: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-09 14:46:15.143660: I tensorflow/cc/saved_model/loader.cc:211] Restoring SavedModel bundle.
2022-08-09 14:46:15.146713: I tensorflow/cc/saved_model/loader.cc:283] SavedModel load for tags { serve }; Status: success: OK. Took 87039 microseconds.
2022-08-09 14:46:15.146994: I tensorflow/cc/saved_model/loader.cc:283] SavedModel load for tags { serve }; Status: success: OK. Took 87836 microseconds.
2022-08-09 14:46:15.147339: I tensorflow/cc/saved_model/loader.cc:195] Running initialization op on SavedModel bundle at path: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-09 14:46:15.148619: I tensorflow/cc/saved_model/loader.cc:283] SavedModel load for tags { serve }; Status: success: OK. Took 91902 microseconds.
2022-08-09 14:46:15.153487: I tensorflow/cc/saved_model/loader.cc:195] Running initialization op on SavedModel bundle at path: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-09 14:46:15.154586: I tensorflow/cc/saved_model/loader.cc:283] SavedModel load for tags { serve }; Status: success: OK. Took 102646 microseconds.
2022-08-09 14:46:15.155026: I tensorflow/cc/saved_model/loader.cc:283] SavedModel load for tags { serve }; Status: success: OK. Took 91356 microseconds.
2022-08-09 14:46:15.156156: I tensorflow/cc/saved_model/loader.cc:211] Restoring SavedModel bundle.
2022-08-09 14:46:15.157164: I tensorflow/cc/saved_model/loader.cc:283] SavedModel load for tags { serve }; Status: success: OK. Took 90942 microseconds.
2022-08-09 14:46:15.157368: I tensorflow/cc/saved_model/loader.cc:283] SavedModel load for tags { serve }; Status: success: OK. Took 90705 microseconds.
2022-08-09 14:46:15.157444: I tensorflow/cc/saved_model/loader.cc:283] SavedModel load for tags { serve }; Status: success: OK. Took 90806 microseconds.
2022-08-09 14:46:15.158784: I tensorflow/cc/saved_model/loader.cc:283] SavedModel load for tags { serve }; Status: success: OK. Took 85723 microseconds.
2022-08-09 14:46:15.158927: I tensorflow/cc/saved_model/reader.cc:38] Reading SavedModel from: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-09 14:46:15.162137: I tensorflow/cc/saved_model/reader.cc:38] Reading SavedModel from: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-09 14:46:15.162835: I tensorflow/cc/saved_model/reader.cc:38] Reading SavedModel from: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-09 14:46:15.162976: I tensorflow/cc/saved_model/loader.cc:283] SavedModel load for tags { serve }; Status: success: OK. Took 86040 microseconds.
2022-08-09 14:46:15.163553: I tensorflow/cc/saved_model/loader.cc:195] Running initialization op on SavedModel bundle at path: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-09 14:46:15.164607: I tensorflow/cc/saved_model/reader.cc:90] Reading meta graph with tags { serve }
2022-08-09 14:46:15.164637: I tensorflow/cc/saved_model/reader.cc:132] Reading SavedModel debug info (if present) from: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-09 14:46:15.164711: I tensorflow/core/platform/cpu_feature_guard.cc:142] This TensorFlow binary is optimized with oneAPI Deep Neural Network Library (oneDNN) to use the following CPU instructions in performance-critical operations: AVX2 AVX512F FMA
To enable them in other operations, rebuild TensorFlow with the appropriate compiler flags.
2022-08-09 14:46:15.165660: I tensorflow/cc/saved_model/reader.cc:38] Reading SavedModel from: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-09 14:46:15.167547: I tensorflow/cc/saved_model/loader.cc:195] Running initialization op on SavedModel bundle at path: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-09 14:46:15.167782: I tensorflow/cc/saved_model/reader.cc:90] Reading meta graph with tags { serve }
2022-08-09 14:46:15.167823: I tensorflow/cc/saved_model/reader.cc:132] Reading SavedModel debug info (if present) from: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-09 14:46:15.167898: I tensorflow/core/platform/cpu_feature_guard.cc:142] This TensorFlow binary is optimized with oneAPI Deep Neural Network Library (oneDNN) to use the following CPU instructions in performance-critical operations: AVX2 AVX512F FMA
To enable them in other operations, rebuild TensorFlow with the appropriate compiler flags.
2022-08-09 14:46:15.168372: I tensorflow/cc/saved_model/reader.cc:90] Reading meta graph with tags { serve }
2022-08-09 14:46:15.168366: I tensorflow/cc/saved_model/loader.cc:211] Restoring SavedModel bundle.
2022-08-09 14:46:15.168404: I tensorflow/cc/saved_model/reader.cc:132] Reading SavedModel debug info (if present) from: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-09 14:46:15.168472: I tensorflow/core/platform/cpu_feature_guard.cc:142] This TensorFlow binary is optimized with oneAPI Deep Neural Network Library (oneDNN) to use the following CPU instructions in performance-critical operations: AVX2 AVX512F FMA
To enable them in other operations, rebuild TensorFlow with the appropriate compiler flags.
2022-08-09 14:46:15.170480: I tensorflow/cc/saved_model/loader.cc:283] SavedModel load for tags { serve }; Status: success: OK. Took 89342 microseconds.
2022-08-09 14:46:15.172992: I tensorflow/cc/saved_model/loader.cc:195] Running initialization op on SavedModel bundle at path: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-09 14:46:15.174549: I tensorflow/cc/saved_model/reader.cc:90] Reading meta graph with tags { serve }
2022-08-09 14:46:15.174592: I tensorflow/cc/saved_model/reader.cc:132] Reading SavedModel debug info (if present) from: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-09 14:46:15.174675: I tensorflow/core/platform/cpu_feature_guard.cc:142] This TensorFlow binary is optimized with oneAPI Deep Neural Network Library (oneDNN) to use the following CPU instructions in performance-critical operations: AVX2 AVX512F FMA
To enable them in other operations, rebuild TensorFlow with the appropriate compiler flags.
2022-08-09 14:46:15.174702: I tensorflow/cc/saved_model/loader.cc:195] Running initialization op on SavedModel bundle at path: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-09 14:46:15.179996: I tensorflow/cc/saved_model/loader.cc:283] SavedModel load for tags { serve }; Status: success: OK. Took 86682 microseconds.
2022-08-09 14:46:15.184329: I tensorflow/cc/saved_model/loader.cc:283] SavedModel load for tags { serve }; Status: success: OK. Took 88933 microseconds.
2022-08-09 14:46:15.187272: I tensorflow/cc/saved_model/loader.cc:195] Running initialization op on SavedModel bundle at path: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-09 14:46:15.187688: I tensorflow/cc/saved_model/reader.cc:38] Reading SavedModel from: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-09 14:46:15.188956: I tensorflow/cc/saved_model/reader.cc:38] Reading SavedModel from: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-09 14:46:15.190973: I tensorflow/cc/saved_model/loader.cc:283] SavedModel load for tags { serve }; Status: success: OK. Took 91734 microseconds.
2022-08-09 14:46:15.192138: I tensorflow/cc/saved_model/loader.cc:283] SavedModel load for tags { serve }; Status: success: OK. Took 91068 microseconds.
2022-08-09 14:46:15.193517: I tensorflow/cc/saved_model/reader.cc:90] Reading meta graph with tags { serve }
2022-08-09 14:46:15.193560: I tensorflow/cc/saved_model/reader.cc:132] Reading SavedModel debug info (if present) from: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-09 14:46:15.193640: I tensorflow/core/platform/cpu_feature_guard.cc:142] This TensorFlow binary is optimized with oneAPI Deep Neural Network Library (oneDNN) to use the following CPU instructions in performance-critical operations: AVX2 AVX512F FMA
To enable them in other operations, rebuild TensorFlow with the appropriate compiler flags.
2022-08-09 14:46:15.194875: I tensorflow/cc/saved_model/reader.cc:90] Reading meta graph with tags { serve }
2022-08-09 14:46:15.194907: I tensorflow/cc/saved_model/reader.cc:132] Reading SavedModel debug info (if present) from: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-09 14:46:15.194970: I tensorflow/core/platform/cpu_feature_guard.cc:142] This TensorFlow binary is optimized with oneAPI Deep Neural Network Library (oneDNN) to use the following CPU instructions in performance-critical operations: AVX2 AVX512F FMA
To enable them in other operations, rebuild TensorFlow with the appropriate compiler flags.
2022-08-09 14:46:15.196545: I tensorflow/cc/saved_model/reader.cc:38] Reading SavedModel from: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-09 14:46:15.200146: I tensorflow/cc/saved_model/loader.cc:211] Restoring SavedModel bundle.
2022-08-09 14:46:15.202258: I tensorflow/cc/saved_model/reader.cc:90] Reading meta graph with tags { serve }
2022-08-09 14:46:15.202306: I tensorflow/cc/saved_model/reader.cc:132] Reading SavedModel debug info (if present) from: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-09 14:46:15.202392: I tensorflow/core/platform/cpu_feature_guard.cc:142] This TensorFlow binary is optimized with oneAPI Deep Neural Network Library (oneDNN) to use the following CPU instructions in performance-critical operations: AVX2 AVX512F FMA
To enable them in other operations, rebuild TensorFlow with the appropriate compiler flags.
2022-08-09 14:46:15.203028: I tensorflow/cc/saved_model/reader.cc:38] Reading SavedModel from: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-09 14:46:15.204036: I tensorflow/cc/saved_model/loader.cc:283] SavedModel load for tags { serve }; Status: success: OK. Took 89316 microseconds.
2022-08-09 14:46:15.205167: I tensorflow/cc/saved_model/loader.cc:211] Restoring SavedModel bundle.
2022-08-09 14:46:15.206106: I tensorflow/cc/saved_model/loader.cc:211] Restoring SavedModel bundle.
2022-08-09 14:46:15.206226: I tensorflow/cc/saved_model/reader.cc:38] Reading SavedModel from: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-09 14:46:15.209492: I tensorflow/cc/saved_model/reader.cc:90] Reading meta graph with tags { serve }
2022-08-09 14:46:15.209531: I tensorflow/cc/saved_model/reader.cc:132] Reading SavedModel debug info (if present) from: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-09 14:46:15.209614: I tensorflow/core/platform/cpu_feature_guard.cc:142] This TensorFlow binary is optimized with oneAPI Deep Neural Network Library (oneDNN) to use the following CPU instructions in performance-critical operations: AVX2 AVX512F FMA
To enable them in other operations, rebuild TensorFlow with the appropriate compiler flags.
2022-08-09 14:46:15.212745: I tensorflow/cc/saved_model/reader.cc:90] Reading meta graph with tags { serve }
2022-08-09 14:46:15.212789: I tensorflow/cc/saved_model/reader.cc:132] Reading SavedModel debug info (if present) from: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-09 14:46:15.212878: I tensorflow/core/platform/cpu_feature_guard.cc:142] This TensorFlow binary is optimized with oneAPI Deep Neural Network Library (oneDNN) to use the following CPU instructions in performance-critical operations: AVX2 AVX512F FMA
To enable them in other operations, rebuild TensorFlow with the appropriate compiler flags.
2022-08-09 14:46:15.219062: I tensorflow/cc/saved_model/loader.cc:195] Running initialization op on SavedModel bundle at path: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-09 14:46:15.223373: I tensorflow/cc/saved_model/loader.cc:211] Restoring SavedModel bundle.
2022-08-09 14:46:15.225125: I tensorflow/cc/saved_model/reader.cc:38] Reading SavedModel from: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-09 14:46:15.228658: I tensorflow/cc/saved_model/loader.cc:211] Restoring SavedModel bundle.
2022-08-09 14:46:15.229070: I tensorflow/cc/saved_model/loader.cc:211] Restoring SavedModel bundle.
2022-08-09 14:46:15.230495: I tensorflow/cc/saved_model/loader.cc:195] Running initialization op on SavedModel bundle at path: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-09 14:46:15.230695: I tensorflow/cc/saved_model/reader.cc:90] Reading meta graph with tags { serve }
2022-08-09 14:46:15.230737: I tensorflow/cc/saved_model/reader.cc:132] Reading SavedModel debug info (if present) from: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-09 14:46:15.230813: I tensorflow/core/platform/cpu_feature_guard.cc:142] This TensorFlow binary is optimized with oneAPI Deep Neural Network Library (oneDNN) to use the following CPU instructions in performance-critical operations: AVX2 AVX512F FMA
To enable them in other operations, rebuild TensorFlow with the appropriate compiler flags.
2022-08-09 14:46:15.234337: I tensorflow/cc/saved_model/loader.cc:195] Running initialization op on SavedModel bundle at path: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-09 14:46:15.236943: I tensorflow/cc/saved_model/loader.cc:211] Restoring SavedModel bundle.
2022-08-09 14:46:15.237694: I tensorflow/cc/saved_model/loader.cc:195] Running initialization op on SavedModel bundle at path: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-09 14:46:15.244886: I tensorflow/cc/saved_model/reader.cc:38] Reading SavedModel from: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-09 14:46:15.245560: I tensorflow/cc/saved_model/loader.cc:283] SavedModel load for tags { serve }; Status: success: OK. Took 135491 microseconds.
2022-08-09 14:46:15.245877: I tensorflow/cc/saved_model/loader.cc:211] Restoring SavedModel bundle.
2022-08-09 14:46:15.246852: I tensorflow/cc/saved_model/loader.cc:283] SavedModel load for tags { serve }; Status: success: OK. Took 87933 microseconds.
2022-08-09 14:46:15.249382: I tensorflow/cc/saved_model/loader.cc:211] Restoring SavedModel bundle.
2022-08-09 14:46:15.250265: I tensorflow/cc/saved_model/loader.cc:283] SavedModel load for tags { serve }; Status: success: OK. Took 87438 microseconds.
2022-08-09 14:46:15.250524: I tensorflow/cc/saved_model/reader.cc:90] Reading meta graph with tags { serve }
2022-08-09 14:46:15.250560: I tensorflow/cc/saved_model/reader.cc:132] Reading SavedModel debug info (if present) from: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-09 14:46:15.250621: I tensorflow/core/platform/cpu_feature_guard.cc:142] This TensorFlow binary is optimized with oneAPI Deep Neural Network Library (oneDNN) to use the following CPU instructions in performance-critical operations: AVX2 AVX512F FMA
To enable them in other operations, rebuild TensorFlow with the appropriate compiler flags.
2022-08-09 14:46:15.257864: I tensorflow/cc/saved_model/loader.cc:195] Running initialization op on SavedModel bundle at path: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-09 14:46:15.257905: I tensorflow/cc/saved_model/loader.cc:195] Running initialization op on SavedModel bundle at path: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-09 14:46:15.260776: I tensorflow/cc/saved_model/reader.cc:38] Reading SavedModel from: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-09 14:46:15.265521: I tensorflow/cc/saved_model/loader.cc:283] SavedModel load for tags { serve }; Status: success: OK. Took 103392 microseconds.
2022-08-09 14:46:15.265748: I tensorflow/cc/saved_model/loader.cc:211] Restoring SavedModel bundle.
2022-08-09 14:46:15.266300: I tensorflow/cc/saved_model/loader.cc:195] Running initialization op on SavedModel bundle at path: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-09 14:46:15.266332: I tensorflow/cc/saved_model/reader.cc:90] Reading meta graph with tags { serve }
2022-08-09 14:46:15.266358: I tensorflow/cc/saved_model/reader.cc:132] Reading SavedModel debug info (if present) from: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-09 14:46:15.266422: I tensorflow/core/platform/cpu_feature_guard.cc:142] This TensorFlow binary is optimized with oneAPI Deep Neural Network Library (oneDNN) to use the following CPU instructions in performance-critical operations: AVX2 AVX512F FMA
To enable them in other operations, rebuild TensorFlow with the appropriate compiler flags.
2022-08-09 14:46:15.271928: I tensorflow/cc/saved_model/loader.cc:195] Running initialization op on SavedModel bundle at path: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-09 14:46:15.273480: I tensorflow/cc/saved_model/loader.cc:283] SavedModel load for tags { serve }; Status: success: OK. Took 85801 microseconds.
2022-08-09 14:46:15.273479: I tensorflow/cc/saved_model/loader.cc:283] SavedModel load for tags { serve }; Status: success: OK. Took 84534 microseconds.
2022-08-09 14:46:15.276629: I tensorflow/cc/saved_model/loader.cc:195] Running initialization op on SavedModel bundle at path: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-09 14:46:15.280421: I tensorflow/cc/saved_model/loader.cc:195] Running initialization op on SavedModel bundle at path: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-09 14:46:15.282166: I tensorflow/cc/saved_model/loader.cc:283] SavedModel load for tags { serve }; Status: success: OK. Took 85630 microseconds.
2022-08-09 14:46:15.287222: I tensorflow/cc/saved_model/loader.cc:211] Restoring SavedModel bundle.
2022-08-09 14:46:15.289820: I tensorflow/cc/saved_model/loader.cc:283] SavedModel load for tags { serve }; Status: success: OK. Took 124169 microseconds.
2022-08-09 14:46:15.293709: I tensorflow/cc/saved_model/loader.cc:283] SavedModel load for tags { serve }; Status: success: OK. Took 90690 microseconds.
2022-08-09 14:46:15.295846: I tensorflow/cc/saved_model/loader.cc:195] Running initialization op on SavedModel bundle at path: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-09 14:46:15.297259: I tensorflow/cc/saved_model/loader.cc:283] SavedModel load for tags { serve }; Status: success: OK. Took 91043 microseconds.
2022-08-09 14:46:15.301380: I tensorflow/cc/saved_model/loader.cc:211] Restoring SavedModel bundle.
2022-08-09 14:46:15.313260: I tensorflow/cc/saved_model/loader.cc:283] SavedModel load for tags { serve }; Status: success: OK. Took 88142 microseconds.
2022-08-09 14:46:15.318959: I tensorflow/cc/saved_model/loader.cc:195] Running initialization op on SavedModel bundle at path: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-09 14:46:15.330958: I tensorflow/cc/saved_model/loader.cc:195] Running initialization op on SavedModel bundle at path: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-09 14:46:15.334971: I tensorflow/cc/saved_model/loader.cc:283] SavedModel load for tags { serve }; Status: success: OK. Took 90093 microseconds.
2022-08-09 14:46:15.346934: I tensorflow/cc/saved_model/loader.cc:283] SavedModel load for tags { serve }; Status: success: OK. Took 86157 microseconds.
2022-08-09 14:46:15.390232: I tensorflow/cc/saved_model/reader.cc:38] Reading SavedModel from: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-09 14:46:15.398867: I tensorflow/cc/saved_model/reader.cc:90] Reading meta graph with tags { serve }
2022-08-09 14:46:15.398912: I tensorflow/cc/saved_model/reader.cc:132] Reading SavedModel debug info (if present) from: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-09 14:46:15.398994: I tensorflow/core/platform/cpu_feature_guard.cc:142] This TensorFlow binary is optimized with oneAPI Deep Neural Network Library (oneDNN) to use the following CPU instructions in performance-critical operations: AVX2 AVX512F FMA
To enable them in other operations, rebuild TensorFlow with the appropriate compiler flags.
2022-08-09 14:46:15.448658: I tensorflow/cc/saved_model/loader.cc:211] Restoring SavedModel bundle.
2022-08-09 14:46:15.492908: I tensorflow/cc/saved_model/loader.cc:195] Running initialization op on SavedModel bundle at path: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-09 14:46:15.508725: I tensorflow/cc/saved_model/loader.cc:283] SavedModel load for tags { serve }; Status: success: OK. Took 118505 microseconds.
I0809 14:46:15.921538 140667723188032 local_data_collector.py:133] 30 of 31 modules finished in 1 seconds (0 failures).
W0809 14:46:17.132394 140667723188032 trainer.py:196] Warning: skip training because do not have enough data to fill in a batch, consider increase data or reduce batch size.
I0809 14:46:17.132893 140667723188032 train_locally.py:151] Last iteration took: 5.208839
W0809 14:46:17.487219 140667723188032 save.py:263] Found untraced functions such as ActorDistributionNetwork_layer_call_fn, ActorDistributionNetwork_layer_call_and_return_conditional_losses, ConstantValueNetwork_layer_call_fn, ConstantValueNetwork_layer_call_and_return_conditional_losses, EncodingNetwork_layer_call_fn while saving (showing 5 of 145). These functions will not be directly callable after loading.
/home/matthiasb/compiling/tf_venv/lib64/python3.9/site-packages/tensorflow/python/saved_model/nested_structure_coder.py:559: UserWarning: Encoding a StructuredValue with type tf_agents.policies.greedy_policy.DeterministicWithLogProb_ACTTypeSpec; loading this StructuredValue will require that this type be imported and registered.
warnings.warn("Encoding a StructuredValue with type %s; loading this "
INFO:tensorflow:Assets written to: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_policy/assets
I0809 14:46:17.682284 140667723188032 builder_impl.py:783] Assets written to: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_policy/assets
W0809 14:46:18.311843 140667723188032 save.py:263] Found untraced functions such as ActorDistributionNetwork_layer_call_fn, ActorDistributionNetwork_layer_call_and_return_conditional_losses, ConstantValueNetwork_layer_call_fn, ConstantValueNetwork_layer_call_and_return_conditional_losses, EncodingNetwork_layer_call_fn while saving (showing 5 of 145). These functions will not be directly callable after loading.
/home/matthiasb/compiling/tf_venv/lib64/python3.9/site-packages/tensorflow/python/saved_model/nested_structure_coder.py:559: UserWarning: Encoding a StructuredValue with type tfp.distributions.Categorical_ACTTypeSpec; loading this StructuredValue will require that this type be imported and registered.
warnings.warn("Encoding a StructuredValue with type %s; loading this "
INFO:tensorflow:Assets written to: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy/assets
I0809 14:46:18.502682 140667723188032 builder_impl.py:783] Assets written to: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy/assets
I0809 14:46:19.014008 140667723188032 local_data_collector.py:77] Waiting for pending work from last iteration took 0.000036
2022-08-09 14:46:19.138481: I tensorflow/cc/saved_model/reader.cc:38] Reading SavedModel from: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-09 14:46:19.143872: I tensorflow/cc/saved_model/reader.cc:90] Reading meta graph with tags { serve }
2022-08-09 14:46:19.143912: I tensorflow/cc/saved_model/reader.cc:132] Reading SavedModel debug info (if present) from: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-09 14:46:19.143980: I tensorflow/core/platform/cpu_feature_guard.cc:142] This TensorFlow binary is optimized with oneAPI Deep Neural Network Library (oneDNN) to use the following CPU instructions in performance-critical operations: AVX2 AVX512F FMA
To enable them in other operations, rebuild TensorFlow with the appropriate compiler flags.
2022-08-09 14:46:19.146050: I tensorflow/cc/saved_model/reader.cc:38] Reading SavedModel from: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-09 14:46:19.146131: I tensorflow/cc/saved_model/reader.cc:38] Reading SavedModel from: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-09 14:46:19.148159: I tensorflow/cc/saved_model/reader.cc:38] Reading SavedModel from: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-09 14:46:19.150026: I tensorflow/cc/saved_model/reader.cc:38] Reading SavedModel from: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-09 14:46:19.151516: I tensorflow/cc/saved_model/reader.cc:90] Reading meta graph with tags { serve }
2022-08-09 14:46:19.151521: I tensorflow/cc/saved_model/reader.cc:90] Reading meta graph with tags { serve }
2022-08-09 14:46:19.151546: I tensorflow/cc/saved_model/reader.cc:132] Reading SavedModel debug info (if present) from: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-09 14:46:19.151547: I tensorflow/cc/saved_model/reader.cc:132] Reading SavedModel debug info (if present) from: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-09 14:46:19.151611: I tensorflow/core/platform/cpu_feature_guard.cc:142] This TensorFlow binary is optimized with oneAPI Deep Neural Network Library (oneDNN) to use the following CPU instructions in performance-critical operations: AVX2 AVX512F FMA
To enable them in other operations, rebuild TensorFlow with the appropriate compiler flags.
2022-08-09 14:46:19.151611: I tensorflow/core/platform/cpu_feature_guard.cc:142] This TensorFlow binary is optimized with oneAPI Deep Neural Network Library (oneDNN) to use the following CPU instructions in performance-critical operations: AVX2 AVX512F FMA
To enable them in other operations, rebuild TensorFlow with the appropriate compiler flags.
2022-08-09 14:46:19.153560: I tensorflow/cc/saved_model/reader.cc:90] Reading meta graph with tags { serve }
2022-08-09 14:46:19.153598: I tensorflow/cc/saved_model/reader.cc:132] Reading SavedModel debug info (if present) from: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-09 14:46:19.153669: I tensorflow/core/platform/cpu_feature_guard.cc:142] This TensorFlow binary is optimized with oneAPI Deep Neural Network Library (oneDNN) to use the following CPU instructions in performance-critical operations: AVX2 AVX512F FMA
To enable them in other operations, rebuild TensorFlow with the appropriate compiler flags.
2022-08-09 14:46:19.155348: I tensorflow/cc/saved_model/reader.cc:38] Reading SavedModel from: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-09 14:46:19.155464: I tensorflow/cc/saved_model/reader.cc:90] Reading meta graph with tags { serve }
2022-08-09 14:46:19.155493: I tensorflow/cc/saved_model/reader.cc:132] Reading SavedModel debug info (if present) from: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-09 14:46:19.155557: I tensorflow/core/platform/cpu_feature_guard.cc:142] This TensorFlow binary is optimized with oneAPI Deep Neural Network Library (oneDNN) to use the following CPU instructions in performance-critical operations: AVX2 AVX512F FMA
To enable them in other operations, rebuild TensorFlow with the appropriate compiler flags.
2022-08-09 14:46:19.159998: I tensorflow/cc/saved_model/reader.cc:38] Reading SavedModel from: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-09 14:46:19.160940: I tensorflow/cc/saved_model/reader.cc:90] Reading meta graph with tags { serve }
2022-08-09 14:46:19.160980: I tensorflow/cc/saved_model/reader.cc:132] Reading SavedModel debug info (if present) from: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-09 14:46:19.161062: I tensorflow/core/platform/cpu_feature_guard.cc:142] This TensorFlow binary is optimized with oneAPI Deep Neural Network Library (oneDNN) to use the following CPU instructions in performance-critical operations: AVX2 AVX512F FMA
To enable them in other operations, rebuild TensorFlow with the appropriate compiler flags.
2022-08-09 14:46:19.161213: I tensorflow/cc/saved_model/reader.cc:38] Reading SavedModel from: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-09 14:46:19.161896: I tensorflow/cc/saved_model/reader.cc:38] Reading SavedModel from: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-09 14:46:19.165502: I tensorflow/cc/saved_model/reader.cc:90] Reading meta graph with tags { serve }
2022-08-09 14:46:19.165532: I tensorflow/cc/saved_model/reader.cc:132] Reading SavedModel debug info (if present) from: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-09 14:46:19.165598: I tensorflow/core/platform/cpu_feature_guard.cc:142] This TensorFlow binary is optimized with oneAPI Deep Neural Network Library (oneDNN) to use the following CPU instructions in performance-critical operations: AVX2 AVX512F FMA
To enable them in other operations, rebuild TensorFlow with the appropriate compiler flags.
2022-08-09 14:46:19.166811: I tensorflow/cc/saved_model/reader.cc:90] Reading meta graph with tags { serve }
2022-08-09 14:46:19.166839: I tensorflow/cc/saved_model/reader.cc:132] Reading SavedModel debug info (if present) from: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-09 14:46:19.166898: I tensorflow/core/platform/cpu_feature_guard.cc:142] This TensorFlow binary is optimized with oneAPI Deep Neural Network Library (oneDNN) to use the following CPU instructions in performance-critical operations: AVX2 AVX512F FMA
To enable them in other operations, rebuild TensorFlow with the appropriate compiler flags.
2022-08-09 14:46:19.167251: I tensorflow/cc/saved_model/reader.cc:90] Reading meta graph with tags { serve }
2022-08-09 14:46:19.167280: I tensorflow/cc/saved_model/reader.cc:132] Reading SavedModel debug info (if present) from: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-09 14:46:19.167337: I tensorflow/core/platform/cpu_feature_guard.cc:142] This TensorFlow binary is optimized with oneAPI Deep Neural Network Library (oneDNN) to use the following CPU instructions in performance-critical operations: AVX2 AVX512F FMA
To enable them in other operations, rebuild TensorFlow with the appropriate compiler flags.
2022-08-09 14:46:19.168992: I tensorflow/cc/saved_model/reader.cc:38] Reading SavedModel from: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-09 14:46:19.170137: I tensorflow/cc/saved_model/reader.cc:38] Reading SavedModel from: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-09 14:46:19.171399: I tensorflow/cc/saved_model/reader.cc:38] Reading SavedModel from: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-09 14:46:19.172229: I tensorflow/cc/saved_model/reader.cc:38] Reading SavedModel from: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-09 14:46:19.174522: I tensorflow/cc/saved_model/reader.cc:90] Reading meta graph with tags { serve }
2022-08-09 14:46:19.174557: I tensorflow/cc/saved_model/reader.cc:132] Reading SavedModel debug info (if present) from: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-09 14:46:19.174624: I tensorflow/core/platform/cpu_feature_guard.cc:142] This TensorFlow binary is optimized with oneAPI Deep Neural Network Library (oneDNN) to use the following CPU instructions in performance-critical operations: AVX2 AVX512F FMA
To enable them in other operations, rebuild TensorFlow with the appropriate compiler flags.
2022-08-09 14:46:19.175705: I tensorflow/cc/saved_model/reader.cc:90] Reading meta graph with tags { serve }
2022-08-09 14:46:19.175741: I tensorflow/cc/saved_model/reader.cc:132] Reading SavedModel debug info (if present) from: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-09 14:46:19.175802: I tensorflow/core/platform/cpu_feature_guard.cc:142] This TensorFlow binary is optimized with oneAPI Deep Neural Network Library (oneDNN) to use the following CPU instructions in performance-critical operations: AVX2 AVX512F FMA
To enable them in other operations, rebuild TensorFlow with the appropriate compiler flags.
2022-08-09 14:46:19.176908: I tensorflow/cc/saved_model/reader.cc:90] Reading meta graph with tags { serve }
2022-08-09 14:46:19.176935: I tensorflow/cc/saved_model/reader.cc:132] Reading SavedModel debug info (if present) from: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-09 14:46:19.176992: I tensorflow/core/platform/cpu_feature_guard.cc:142] This TensorFlow binary is optimized with oneAPI Deep Neural Network Library (oneDNN) to use the following CPU instructions in performance-critical operations: AVX2 AVX512F FMA
To enable them in other operations, rebuild TensorFlow with the appropriate compiler flags.
2022-08-09 14:46:19.177709: I tensorflow/cc/saved_model/reader.cc:90] Reading meta graph with tags { serve }
2022-08-09 14:46:19.177743: I tensorflow/cc/saved_model/reader.cc:132] Reading SavedModel debug info (if present) from: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-09 14:46:19.177811: I tensorflow/core/platform/cpu_feature_guard.cc:142] This TensorFlow binary is optimized with oneAPI Deep Neural Network Library (oneDNN) to use the following CPU instructions in performance-critical operations: AVX2 AVX512F FMA
To enable them in other operations, rebuild TensorFlow with the appropriate compiler flags.
2022-08-09 14:46:19.178000: I tensorflow/cc/saved_model/loader.cc:211] Restoring SavedModel bundle.
2022-08-09 14:46:19.181098: I tensorflow/cc/saved_model/reader.cc:38] Reading SavedModel from: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-09 14:46:19.186643: I tensorflow/cc/saved_model/reader.cc:90] Reading meta graph with tags { serve }
2022-08-09 14:46:19.186687: I tensorflow/cc/saved_model/reader.cc:132] Reading SavedModel debug info (if present) from: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-09 14:46:19.186758: I tensorflow/core/platform/cpu_feature_guard.cc:142] This TensorFlow binary is optimized with oneAPI Deep Neural Network Library (oneDNN) to use the following CPU instructions in performance-critical operations: AVX2 AVX512F FMA
To enable them in other operations, rebuild TensorFlow with the appropriate compiler flags.
2022-08-09 14:46:19.186825: I tensorflow/cc/saved_model/loader.cc:211] Restoring SavedModel bundle.
2022-08-09 14:46:19.186834: I tensorflow/cc/saved_model/loader.cc:211] Restoring SavedModel bundle.
2022-08-09 14:46:19.189190: I tensorflow/cc/saved_model/loader.cc:211] Restoring SavedModel bundle.
2022-08-09 14:46:19.189545: I tensorflow/cc/saved_model/reader.cc:38] Reading SavedModel from: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-09 14:46:19.192051: I tensorflow/cc/saved_model/reader.cc:38] Reading SavedModel from: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-09 14:46:19.194161: I tensorflow/cc/saved_model/reader.cc:38] Reading SavedModel from: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-09 14:46:19.195059: I tensorflow/cc/saved_model/reader.cc:90] Reading meta graph with tags { serve }
2022-08-09 14:46:19.195106: I tensorflow/cc/saved_model/reader.cc:132] Reading SavedModel debug info (if present) from: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-09 14:46:19.195187: I tensorflow/core/platform/cpu_feature_guard.cc:142] This TensorFlow binary is optimized with oneAPI Deep Neural Network Library (oneDNN) to use the following CPU instructions in performance-critical operations: AVX2 AVX512F FMA
To enable them in other operations, rebuild TensorFlow with the appropriate compiler flags.
2022-08-09 14:46:19.195259: I tensorflow/cc/saved_model/loader.cc:211] Restoring SavedModel bundle.
2022-08-09 14:46:19.196312: I tensorflow/cc/saved_model/reader.cc:38] Reading SavedModel from: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-09 14:46:19.197223: I tensorflow/cc/saved_model/loader.cc:211] Restoring SavedModel bundle.
2022-08-09 14:46:19.197672: I tensorflow/cc/saved_model/reader.cc:90] Reading meta graph with tags { serve }
2022-08-09 14:46:19.197708: I tensorflow/cc/saved_model/reader.cc:132] Reading SavedModel debug info (if present) from: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-09 14:46:19.197773: I tensorflow/core/platform/cpu_feature_guard.cc:142] This TensorFlow binary is optimized with oneAPI Deep Neural Network Library (oneDNN) to use the following CPU instructions in performance-critical operations: AVX2 AVX512F FMA
To enable them in other operations, rebuild TensorFlow with the appropriate compiler flags.
2022-08-09 14:46:19.198710: I tensorflow/cc/saved_model/reader.cc:38] Reading SavedModel from: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-09 14:46:19.199884: I tensorflow/cc/saved_model/reader.cc:90] Reading meta graph with tags { serve }
2022-08-09 14:46:19.199921: I tensorflow/cc/saved_model/reader.cc:132] Reading SavedModel debug info (if present) from: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-09 14:46:19.199989: I tensorflow/core/platform/cpu_feature_guard.cc:142] This TensorFlow binary is optimized with oneAPI Deep Neural Network Library (oneDNN) to use the following CPU instructions in performance-critical operations: AVX2 AVX512F FMA
To enable them in other operations, rebuild TensorFlow with the appropriate compiler flags.
2022-08-09 14:46:19.201042: I tensorflow/cc/saved_model/loader.cc:211] Restoring SavedModel bundle.
2022-08-09 14:46:19.202106: I tensorflow/cc/saved_model/reader.cc:90] Reading meta graph with tags { serve }
2022-08-09 14:46:19.202136: I tensorflow/cc/saved_model/reader.cc:132] Reading SavedModel debug info (if present) from: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-09 14:46:19.202159: I tensorflow/cc/saved_model/loader.cc:211] Restoring SavedModel bundle.
2022-08-09 14:46:19.202202: I tensorflow/core/platform/cpu_feature_guard.cc:142] This TensorFlow binary is optimized with oneAPI Deep Neural Network Library (oneDNN) to use the following CPU instructions in performance-critical operations: AVX2 AVX512F FMA
To enable them in other operations, rebuild TensorFlow with the appropriate compiler flags.
2022-08-09 14:46:19.202667: I tensorflow/cc/saved_model/loader.cc:211] Restoring SavedModel bundle.
2022-08-09 14:46:19.204352: I tensorflow/cc/saved_model/reader.cc:90] Reading meta graph with tags { serve }
2022-08-09 14:46:19.204397: I tensorflow/cc/saved_model/reader.cc:132] Reading SavedModel debug info (if present) from: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-09 14:46:19.204476: I tensorflow/core/platform/cpu_feature_guard.cc:142] This TensorFlow binary is optimized with oneAPI Deep Neural Network Library (oneDNN) to use the following CPU instructions in performance-critical operations: AVX2 AVX512F FMA
To enable them in other operations, rebuild TensorFlow with the appropriate compiler flags.
2022-08-09 14:46:19.210052: I tensorflow/cc/saved_model/loader.cc:211] Restoring SavedModel bundle.
2022-08-09 14:46:19.212538: I tensorflow/cc/saved_model/loader.cc:211] Restoring SavedModel bundle.
2022-08-09 14:46:19.213044: I tensorflow/cc/saved_model/reader.cc:38] Reading SavedModel from: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-09 14:46:19.213317: I tensorflow/cc/saved_model/loader.cc:211] Restoring SavedModel bundle.
2022-08-09 14:46:19.213376: I tensorflow/cc/saved_model/loader.cc:211] Restoring SavedModel bundle.
2022-08-09 14:46:19.215897: I tensorflow/cc/saved_model/loader.cc:195] Running initialization op on SavedModel bundle at path: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-09 14:46:19.215961: I tensorflow/cc/saved_model/loader.cc:195] Running initialization op on SavedModel bundle at path: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-09 14:46:19.219076: I tensorflow/cc/saved_model/reader.cc:90] Reading meta graph with tags { serve }
2022-08-09 14:46:19.219122: I tensorflow/cc/saved_model/reader.cc:132] Reading SavedModel debug info (if present) from: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-09 14:46:19.219203: I tensorflow/core/platform/cpu_feature_guard.cc:142] This TensorFlow binary is optimized with oneAPI Deep Neural Network Library (oneDNN) to use the following CPU instructions in performance-critical operations: AVX2 AVX512F FMA
To enable them in other operations, rebuild TensorFlow with the appropriate compiler flags.
2022-08-09 14:46:19.219193: I tensorflow/cc/saved_model/loader.cc:195] Running initialization op on SavedModel bundle at path: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-09 14:46:19.220049: I tensorflow/cc/saved_model/loader.cc:195] Running initialization op on SavedModel bundle at path: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-09 14:46:19.221543: I tensorflow/cc/saved_model/loader.cc:211] Restoring SavedModel bundle.
2022-08-09 14:46:19.226996: I tensorflow/cc/saved_model/loader.cc:195] Running initialization op on SavedModel bundle at path: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-09 14:46:19.227163: I tensorflow/cc/saved_model/loader.cc:195] Running initialization op on SavedModel bundle at path: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-09 14:46:19.230965: I tensorflow/cc/saved_model/loader.cc:195] Running initialization op on SavedModel bundle at path: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-09 14:46:19.231053: I tensorflow/cc/saved_model/loader.cc:211] Restoring SavedModel bundle.
2022-08-09 14:46:19.231429: I tensorflow/cc/saved_model/loader.cc:195] Running initialization op on SavedModel bundle at path: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-09 14:46:19.231774: I tensorflow/cc/saved_model/loader.cc:195] Running initialization op on SavedModel bundle at path: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-09 14:46:19.232382: I tensorflow/cc/saved_model/loader.cc:283] SavedModel load for tags { serve }; Status: success: OK. Took 86259 microseconds.
2022-08-09 14:46:19.232686: I tensorflow/cc/saved_model/loader.cc:283] SavedModel load for tags { serve }; Status: success: OK. Took 86645 microseconds.
2022-08-09 14:46:19.233736: I tensorflow/cc/saved_model/loader.cc:211] Restoring SavedModel bundle.
2022-08-09 14:46:19.235014: I tensorflow/cc/saved_model/loader.cc:283] SavedModel load for tags { serve }; Status: success: OK. Took 86863 microseconds.
2022-08-09 14:46:19.235966: I tensorflow/cc/saved_model/loader.cc:211] Restoring SavedModel bundle.
2022-08-09 14:46:19.236500: I tensorflow/cc/saved_model/loader.cc:283] SavedModel load for tags { serve }; Status: success: OK. Took 98030 microseconds.
2022-08-09 14:46:19.238468: I tensorflow/cc/saved_model/loader.cc:211] Restoring SavedModel bundle.
2022-08-09 14:46:19.239495: I tensorflow/cc/saved_model/loader.cc:195] Running initialization op on SavedModel bundle at path: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-09 14:46:19.240794: I tensorflow/cc/saved_model/loader.cc:211] Restoring SavedModel bundle.
2022-08-09 14:46:19.241900: I tensorflow/cc/saved_model/loader.cc:195] Running initialization op on SavedModel bundle at path: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-09 14:46:19.241944: I tensorflow/cc/saved_model/loader.cc:195] Running initialization op on SavedModel bundle at path: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-09 14:46:19.242862: I tensorflow/cc/saved_model/loader.cc:195] Running initialization op on SavedModel bundle at path: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-09 14:46:19.244016: I tensorflow/cc/saved_model/loader.cc:283] SavedModel load for tags { serve }; Status: success: OK. Took 88677 microseconds.
2022-08-09 14:46:19.246221: I tensorflow/cc/saved_model/loader.cc:283] SavedModel load for tags { serve }; Status: success: OK. Took 96203 microseconds.
2022-08-09 14:46:19.247309: I tensorflow/cc/saved_model/loader.cc:283] SavedModel load for tags { serve }; Status: success: OK. Took 87318 microseconds.
2022-08-09 14:46:19.247740: I tensorflow/cc/saved_model/loader.cc:283] SavedModel load for tags { serve }; Status: success: OK. Took 86526 microseconds.
2022-08-09 14:46:19.248107: I tensorflow/cc/saved_model/loader.cc:283] SavedModel load for tags { serve }; Status: success: OK. Took 86218 microseconds.
2022-08-09 14:46:19.251700: I tensorflow/cc/saved_model/loader.cc:195] Running initialization op on SavedModel bundle at path: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-09 14:46:19.253121: I tensorflow/cc/saved_model/reader.cc:38] Reading SavedModel from: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-09 14:46:19.253748: I tensorflow/cc/saved_model/reader.cc:38] Reading SavedModel from: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-09 14:46:19.254803: I tensorflow/cc/saved_model/loader.cc:211] Restoring SavedModel bundle.
2022-08-09 14:46:19.255990: I tensorflow/cc/saved_model/loader.cc:283] SavedModel load for tags { serve }; Status: success: OK. Took 87008 microseconds.
2022-08-09 14:46:19.258103: I tensorflow/cc/saved_model/loader.cc:283] SavedModel load for tags { serve }; Status: success: OK. Took 87974 microseconds.
2022-08-09 14:46:19.258109: I tensorflow/cc/saved_model/loader.cc:283] SavedModel load for tags { serve }; Status: success: OK. Took 86716 microseconds.
2022-08-09 14:46:19.258820: I tensorflow/cc/saved_model/reader.cc:90] Reading meta graph with tags { serve }
2022-08-09 14:46:19.258859: I tensorflow/cc/saved_model/reader.cc:132] Reading SavedModel debug info (if present) from: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-09 14:46:19.258939: I tensorflow/core/platform/cpu_feature_guard.cc:142] This TensorFlow binary is optimized with oneAPI Deep Neural Network Library (oneDNN) to use the following CPU instructions in performance-critical operations: AVX2 AVX512F FMA
To enable them in other operations, rebuild TensorFlow with the appropriate compiler flags.
2022-08-09 14:46:19.259435: I tensorflow/cc/saved_model/reader.cc:90] Reading meta graph with tags { serve }
2022-08-09 14:46:19.259465: I tensorflow/cc/saved_model/reader.cc:132] Reading SavedModel debug info (if present) from: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-09 14:46:19.259490: I tensorflow/cc/saved_model/loader.cc:283] SavedModel load for tags { serve }; Status: success: OK. Took 87269 microseconds.
2022-08-09 14:46:19.259532: I tensorflow/core/platform/cpu_feature_guard.cc:142] This TensorFlow binary is optimized with oneAPI Deep Neural Network Library (oneDNN) to use the following CPU instructions in performance-critical operations: AVX2 AVX512F FMA
To enable them in other operations, rebuild TensorFlow with the appropriate compiler flags.
2022-08-09 14:46:19.261535: I tensorflow/cc/saved_model/loader.cc:195] Running initialization op on SavedModel bundle at path: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-09 14:46:19.263567: I tensorflow/cc/saved_model/loader.cc:195] Running initialization op on SavedModel bundle at path: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-09 14:46:19.264085: I tensorflow/cc/saved_model/reader.cc:38] Reading SavedModel from: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-09 14:46:19.266246: I tensorflow/cc/saved_model/loader.cc:195] Running initialization op on SavedModel bundle at path: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-09 14:46:19.268408: I tensorflow/cc/saved_model/loader.cc:195] Running initialization op on SavedModel bundle at path: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-09 14:46:19.269627: I tensorflow/cc/saved_model/reader.cc:90] Reading meta graph with tags { serve }
2022-08-09 14:46:19.269657: I tensorflow/cc/saved_model/reader.cc:132] Reading SavedModel debug info (if present) from: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-09 14:46:19.269722: I tensorflow/core/platform/cpu_feature_guard.cc:142] This TensorFlow binary is optimized with oneAPI Deep Neural Network Library (oneDNN) to use the following CPU instructions in performance-critical operations: AVX2 AVX512F FMA
To enable them in other operations, rebuild TensorFlow with the appropriate compiler flags.
2022-08-09 14:46:19.271293: I tensorflow/cc/saved_model/loader.cc:195] Running initialization op on SavedModel bundle at path: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-09 14:46:19.272904: I tensorflow/cc/saved_model/loader.cc:283] SavedModel load for tags { serve }; Status: success: OK. Took 91822 microseconds.
2022-08-09 14:46:19.279101: I tensorflow/cc/saved_model/loader.cc:283] SavedModel load for tags { serve }; Status: success: OK. Took 89551 microseconds.
2022-08-09 14:46:19.283233: I tensorflow/cc/saved_model/loader.cc:283] SavedModel load for tags { serve }; Status: success: OK. Took 89080 microseconds.
2022-08-09 14:46:19.285466: I tensorflow/cc/saved_model/loader.cc:283] SavedModel load for tags { serve }; Status: success: OK. Took 89162 microseconds.
2022-08-09 14:46:19.287026: I tensorflow/cc/saved_model/loader.cc:195] Running initialization op on SavedModel bundle at path: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-09 14:46:19.288031: I tensorflow/cc/saved_model/loader.cc:283] SavedModel load for tags { serve }; Status: success: OK. Took 89329 microseconds.
2022-08-09 14:46:19.289605: I tensorflow/cc/saved_model/reader.cc:38] Reading SavedModel from: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-09 14:46:19.289794: I tensorflow/cc/saved_model/loader.cc:283] SavedModel load for tags { serve }; Status: success: OK. Took 97751 microseconds.
2022-08-09 14:46:19.293317: I tensorflow/cc/saved_model/reader.cc:38] Reading SavedModel from: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-09 14:46:19.295319: I tensorflow/cc/saved_model/reader.cc:90] Reading meta graph with tags { serve }
2022-08-09 14:46:19.295363: I tensorflow/cc/saved_model/reader.cc:132] Reading SavedModel debug info (if present) from: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-09 14:46:19.295437: I tensorflow/core/platform/cpu_feature_guard.cc:142] This TensorFlow binary is optimized with oneAPI Deep Neural Network Library (oneDNN) to use the following CPU instructions in performance-critical operations: AVX2 AVX512F FMA
To enable them in other operations, rebuild TensorFlow with the appropriate compiler flags.
2022-08-09 14:46:19.296248: I tensorflow/cc/saved_model/loader.cc:211] Restoring SavedModel bundle.
2022-08-09 14:46:19.296558: I tensorflow/cc/saved_model/loader.cc:211] Restoring SavedModel bundle.
2022-08-09 14:46:19.298905: I tensorflow/cc/saved_model/reader.cc:90] Reading meta graph with tags { serve }
2022-08-09 14:46:19.298949: I tensorflow/cc/saved_model/reader.cc:132] Reading SavedModel debug info (if present) from: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-09 14:46:19.299018: I tensorflow/core/platform/cpu_feature_guard.cc:142] This TensorFlow binary is optimized with oneAPI Deep Neural Network Library (oneDNN) to use the following CPU instructions in performance-critical operations: AVX2 AVX512F FMA
To enable them in other operations, rebuild TensorFlow with the appropriate compiler flags.
2022-08-09 14:46:19.304072: I tensorflow/cc/saved_model/loader.cc:283] SavedModel load for tags { serve }; Status: success: OK. Took 91035 microseconds.
2022-08-09 14:46:19.304884: I tensorflow/cc/saved_model/loader.cc:211] Restoring SavedModel bundle.
2022-08-09 14:46:19.308379: I tensorflow/cc/saved_model/reader.cc:38] Reading SavedModel from: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-09 14:46:19.314040: I tensorflow/cc/saved_model/reader.cc:90] Reading meta graph with tags { serve }
2022-08-09 14:46:19.314080: I tensorflow/cc/saved_model/reader.cc:132] Reading SavedModel debug info (if present) from: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-09 14:46:19.314154: I tensorflow/core/platform/cpu_feature_guard.cc:142] This TensorFlow binary is optimized with oneAPI Deep Neural Network Library (oneDNN) to use the following CPU instructions in performance-critical operations: AVX2 AVX512F FMA
To enable them in other operations, rebuild TensorFlow with the appropriate compiler flags.
2022-08-09 14:46:19.317576: I tensorflow/cc/saved_model/reader.cc:38] Reading SavedModel from: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-09 14:46:19.323122: I tensorflow/cc/saved_model/reader.cc:90] Reading meta graph with tags { serve }
2022-08-09 14:46:19.323163: I tensorflow/cc/saved_model/reader.cc:132] Reading SavedModel debug info (if present) from: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-09 14:46:19.323235: I tensorflow/core/platform/cpu_feature_guard.cc:142] This TensorFlow binary is optimized with oneAPI Deep Neural Network Library (oneDNN) to use the following CPU instructions in performance-critical operations: AVX2 AVX512F FMA
To enable them in other operations, rebuild TensorFlow with the appropriate compiler flags.
2022-08-09 14:46:19.325845: I tensorflow/cc/saved_model/loader.cc:195] Running initialization op on SavedModel bundle at path: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-09 14:46:19.325848: I tensorflow/cc/saved_model/loader.cc:195] Running initialization op on SavedModel bundle at path: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-09 14:46:19.330151: I tensorflow/cc/saved_model/reader.cc:38] Reading SavedModel from: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-09 14:46:19.330538: I tensorflow/cc/saved_model/loader.cc:211] Restoring SavedModel bundle.
2022-08-09 14:46:19.333872: I tensorflow/cc/saved_model/loader.cc:195] Running initialization op on SavedModel bundle at path: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-09 14:46:19.333888: I tensorflow/cc/saved_model/loader.cc:211] Restoring SavedModel bundle.
2022-08-09 14:46:19.335843: I tensorflow/cc/saved_model/reader.cc:90] Reading meta graph with tags { serve }
2022-08-09 14:46:19.335887: I tensorflow/cc/saved_model/reader.cc:132] Reading SavedModel debug info (if present) from: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-09 14:46:19.335962: I tensorflow/core/platform/cpu_feature_guard.cc:142] This TensorFlow binary is optimized with oneAPI Deep Neural Network Library (oneDNN) to use the following CPU instructions in performance-critical operations: AVX2 AVX512F FMA
To enable them in other operations, rebuild TensorFlow with the appropriate compiler flags.
2022-08-09 14:46:19.341877: I tensorflow/cc/saved_model/loader.cc:283] SavedModel load for tags { serve }; Status: success: OK. Took 88764 microseconds.
2022-08-09 14:46:19.341890: I tensorflow/cc/saved_model/loader.cc:283] SavedModel load for tags { serve }; Status: success: OK. Took 88148 microseconds.
2022-08-09 14:46:19.348185: I tensorflow/cc/saved_model/loader.cc:211] Restoring SavedModel bundle.
2022-08-09 14:46:19.349551: I tensorflow/cc/saved_model/loader.cc:283] SavedModel load for tags { serve }; Status: success: OK. Took 85477 microseconds.
2022-08-09 14:46:19.357112: I tensorflow/cc/saved_model/loader.cc:211] Restoring SavedModel bundle.
2022-08-09 14:46:19.360242: I tensorflow/cc/saved_model/loader.cc:195] Running initialization op on SavedModel bundle at path: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-09 14:46:19.361488: I tensorflow/cc/saved_model/reader.cc:38] Reading SavedModel from: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-09 14:46:19.362449: I tensorflow/cc/saved_model/loader.cc:195] Running initialization op on SavedModel bundle at path: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-09 14:46:19.367161: I tensorflow/cc/saved_model/reader.cc:90] Reading meta graph with tags { serve }
2022-08-09 14:46:19.367199: I tensorflow/cc/saved_model/reader.cc:132] Reading SavedModel debug info (if present) from: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-09 14:46:19.367272: I tensorflow/core/platform/cpu_feature_guard.cc:142] This TensorFlow binary is optimized with oneAPI Deep Neural Network Library (oneDNN) to use the following CPU instructions in performance-critical operations: AVX2 AVX512F FMA
To enable them in other operations, rebuild TensorFlow with the appropriate compiler flags.
2022-08-09 14:46:19.369949: I tensorflow/cc/saved_model/loader.cc:211] Restoring SavedModel bundle.
2022-08-09 14:46:19.376288: I tensorflow/cc/saved_model/loader.cc:283] SavedModel load for tags { serve }; Status: success: OK. Took 86690 microseconds.
2022-08-09 14:46:19.376639: I tensorflow/cc/saved_model/loader.cc:195] Running initialization op on SavedModel bundle at path: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-09 14:46:19.378210: I tensorflow/cc/saved_model/loader.cc:283] SavedModel load for tags { serve }; Status: success: OK. Took 84902 microseconds.
2022-08-09 14:46:19.385457: I tensorflow/cc/saved_model/loader.cc:195] Running initialization op on SavedModel bundle at path: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-09 14:46:19.391805: I tensorflow/cc/saved_model/loader.cc:283] SavedModel load for tags { serve }; Status: success: OK. Took 83433 microseconds.
2022-08-09 14:46:19.398809: I tensorflow/cc/saved_model/loader.cc:195] Running initialization op on SavedModel bundle at path: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-09 14:46:19.400651: I tensorflow/cc/saved_model/loader.cc:211] Restoring SavedModel bundle.
2022-08-09 14:46:19.400931: I tensorflow/cc/saved_model/loader.cc:283] SavedModel load for tags { serve }; Status: success: OK. Took 83363 microseconds.
2022-08-09 14:46:19.413628: I tensorflow/cc/saved_model/loader.cc:283] SavedModel load for tags { serve }; Status: success: OK. Took 83487 microseconds.
2022-08-09 14:46:19.424868: I tensorflow/cc/saved_model/reader.cc:38] Reading SavedModel from: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-09 14:46:19.428666: I tensorflow/cc/saved_model/loader.cc:195] Running initialization op on SavedModel bundle at path: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-09 14:46:19.430268: I tensorflow/cc/saved_model/reader.cc:90] Reading meta graph with tags { serve }
2022-08-09 14:46:19.430309: I tensorflow/cc/saved_model/reader.cc:132] Reading SavedModel debug info (if present) from: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-09 14:46:19.430389: I tensorflow/core/platform/cpu_feature_guard.cc:142] This TensorFlow binary is optimized with oneAPI Deep Neural Network Library (oneDNN) to use the following CPU instructions in performance-critical operations: AVX2 AVX512F FMA
To enable them in other operations, rebuild TensorFlow with the appropriate compiler flags.
2022-08-09 14:46:19.443289: I tensorflow/cc/saved_model/loader.cc:283] SavedModel load for tags { serve }; Status: success: OK. Took 81807 microseconds.
2022-08-09 14:46:19.464731: I tensorflow/cc/saved_model/loader.cc:211] Restoring SavedModel bundle.
2022-08-09 14:46:19.495427: I tensorflow/cc/saved_model/loader.cc:195] Running initialization op on SavedModel bundle at path: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-09 14:46:19.512731: I tensorflow/cc/saved_model/loader.cc:283] SavedModel load for tags { serve }; Status: success: OK. Took 87871 microseconds.
I0809 14:46:20.017659 140667723188032 local_data_collector.py:133] 30 of 31 modules finished in 1 seconds (0 failures).
W0809 14:46:20.293001 140667723188032 trainer.py:196] Warning: skip training because do not have enough data to fill in a batch, consider increase data or reduce batch size.
I0809 14:46:20.293497 140667723188032 train_locally.py:151] Last iteration took: 3.160604
W0809 14:46:20.647860 140667723188032 save.py:263] Found untraced functions such as ActorDistributionNetwork_layer_call_fn, ActorDistributionNetwork_layer_call_and_return_conditional_losses, ConstantValueNetwork_layer_call_fn, ConstantValueNetwork_layer_call_and_return_conditional_losses, EncodingNetwork_layer_call_fn while saving (showing 5 of 145). These functions will not be directly callable after loading.
/home/matthiasb/compiling/tf_venv/lib64/python3.9/site-packages/tensorflow/python/saved_model/nested_structure_coder.py:559: UserWarning: Encoding a StructuredValue with type tf_agents.policies.greedy_policy.DeterministicWithLogProb_ACTTypeSpec; loading this StructuredValue will require that this type be imported and registered.
warnings.warn("Encoding a StructuredValue with type %s; loading this "
INFO:tensorflow:Assets written to: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_policy/assets
I0809 14:46:20.836709 140667723188032 builder_impl.py:783] Assets written to: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_policy/assets
W0809 14:46:21.466413 140667723188032 save.py:263] Found untraced functions such as ActorDistributionNetwork_layer_call_fn, ActorDistributionNetwork_layer_call_and_return_conditional_losses, ConstantValueNetwork_layer_call_fn, ConstantValueNetwork_layer_call_and_return_conditional_losses, EncodingNetwork_layer_call_fn while saving (showing 5 of 145). These functions will not be directly callable after loading.
/home/matthiasb/compiling/tf_venv/lib64/python3.9/site-packages/tensorflow/python/saved_model/nested_structure_coder.py:559: UserWarning: Encoding a StructuredValue with type tfp.distributions.Categorical_ACTTypeSpec; loading this StructuredValue will require that this type be imported and registered.
warnings.warn("Encoding a StructuredValue with type %s; loading this "
INFO:tensorflow:Assets written to: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy/assets
I0809 14:46:21.655251 140667723188032 builder_impl.py:783] Assets written to: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy/assets
I0809 14:46:21.949714 140667723188032 local_data_collector.py:77] Waiting for pending work from last iteration took 0.000029
2022-08-09 14:46:22.074655: I tensorflow/cc/saved_model/reader.cc:38] Reading SavedModel from: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-09 14:46:22.077441: I tensorflow/cc/saved_model/reader.cc:38] Reading SavedModel from: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-09 14:46:22.080093: I tensorflow/cc/saved_model/reader.cc:90] Reading meta graph with tags { serve }
2022-08-09 14:46:22.080129: I tensorflow/cc/saved_model/reader.cc:132] Reading SavedModel debug info (if present) from: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-09 14:46:22.080205: I tensorflow/core/platform/cpu_feature_guard.cc:142] This TensorFlow binary is optimized with oneAPI Deep Neural Network Library (oneDNN) to use the following CPU instructions in performance-critical operations: AVX2 AVX512F FMA
To enable them in other operations, rebuild TensorFlow with the appropriate compiler flags.
2022-08-09 14:46:22.081332: I tensorflow/cc/saved_model/reader.cc:38] Reading SavedModel from: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-09 14:46:22.081989: I tensorflow/cc/saved_model/reader.cc:38] Reading SavedModel from: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-09 14:46:22.082888: I tensorflow/cc/saved_model/reader.cc:90] Reading meta graph with tags { serve }
2022-08-09 14:46:22.082919: I tensorflow/cc/saved_model/reader.cc:132] Reading SavedModel debug info (if present) from: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-09 14:46:22.082981: I tensorflow/core/platform/cpu_feature_guard.cc:142] This TensorFlow binary is optimized with oneAPI Deep Neural Network Library (oneDNN) to use the following CPU instructions in performance-critical operations: AVX2 AVX512F FMA
To enable them in other operations, rebuild TensorFlow with the appropriate compiler flags.
2022-08-09 14:46:22.086749: I tensorflow/cc/saved_model/reader.cc:90] Reading meta graph with tags { serve }
2022-08-09 14:46:22.086781: I tensorflow/cc/saved_model/reader.cc:132] Reading SavedModel debug info (if present) from: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-09 14:46:22.086843: I tensorflow/core/platform/cpu_feature_guard.cc:142] This TensorFlow binary is optimized with oneAPI Deep Neural Network Library (oneDNN) to use the following CPU instructions in performance-critical operations: AVX2 AVX512F FMA
To enable them in other operations, rebuild TensorFlow with the appropriate compiler flags.
2022-08-09 14:46:22.086977: I tensorflow/cc/saved_model/reader.cc:38] Reading SavedModel from: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-09 14:46:22.087459: I tensorflow/cc/saved_model/reader.cc:90] Reading meta graph with tags { serve }
2022-08-09 14:46:22.087496: I tensorflow/cc/saved_model/reader.cc:132] Reading SavedModel debug info (if present) from: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-09 14:46:22.087558: I tensorflow/core/platform/cpu_feature_guard.cc:142] This TensorFlow binary is optimized with oneAPI Deep Neural Network Library (oneDNN) to use the following CPU instructions in performance-critical operations: AVX2 AVX512F FMA
To enable them in other operations, rebuild TensorFlow with the appropriate compiler flags.
2022-08-09 14:46:22.087767: I tensorflow/cc/saved_model/reader.cc:38] Reading SavedModel from: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-09 14:46:22.092504: I tensorflow/cc/saved_model/reader.cc:90] Reading meta graph with tags { serve }
2022-08-09 14:46:22.092539: I tensorflow/cc/saved_model/reader.cc:132] Reading SavedModel debug info (if present) from: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-09 14:46:22.092603: I tensorflow/core/platform/cpu_feature_guard.cc:142] This TensorFlow binary is optimized with oneAPI Deep Neural Network Library (oneDNN) to use the following CPU instructions in performance-critical operations: AVX2 AVX512F FMA
To enable them in other operations, rebuild TensorFlow with the appropriate compiler flags.
2022-08-09 14:46:22.093151: I tensorflow/cc/saved_model/reader.cc:90] Reading meta graph with tags { serve }
2022-08-09 14:46:22.093183: I tensorflow/cc/saved_model/reader.cc:132] Reading SavedModel debug info (if present) from: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-09 14:46:22.093248: I tensorflow/core/platform/cpu_feature_guard.cc:142] This TensorFlow binary is optimized with oneAPI Deep Neural Network Library (oneDNN) to use the following CPU instructions in performance-critical operations: AVX2 AVX512F FMA
To enable them in other operations, rebuild TensorFlow with the appropriate compiler flags.
2022-08-09 14:46:22.093882: I tensorflow/cc/saved_model/reader.cc:38] Reading SavedModel from: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-09 14:46:22.095548: I tensorflow/cc/saved_model/reader.cc:38] Reading SavedModel from: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-09 14:46:22.096806: I tensorflow/cc/saved_model/reader.cc:38] Reading SavedModel from: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-09 14:46:22.097072: I tensorflow/cc/saved_model/reader.cc:38] Reading SavedModel from: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-09 14:46:22.097545: I tensorflow/cc/saved_model/reader.cc:38] Reading SavedModel from: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-09 14:46:22.099351: I tensorflow/cc/saved_model/reader.cc:90] Reading meta graph with tags { serve }
2022-08-09 14:46:22.099380: I tensorflow/cc/saved_model/reader.cc:132] Reading SavedModel debug info (if present) from: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-09 14:46:22.099445: I tensorflow/core/platform/cpu_feature_guard.cc:142] This TensorFlow binary is optimized with oneAPI Deep Neural Network Library (oneDNN) to use the following CPU instructions in performance-critical operations: AVX2 AVX512F FMA
To enable them in other operations, rebuild TensorFlow with the appropriate compiler flags.
2022-08-09 14:46:22.101133: I tensorflow/cc/saved_model/reader.cc:90] Reading meta graph with tags { serve }
2022-08-09 14:46:22.101170: I tensorflow/cc/saved_model/reader.cc:132] Reading SavedModel debug info (if present) from: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-09 14:46:22.101238: I tensorflow/core/platform/cpu_feature_guard.cc:142] This TensorFlow binary is optimized with oneAPI Deep Neural Network Library (oneDNN) to use the following CPU instructions in performance-critical operations: AVX2 AVX512F FMA
To enable them in other operations, rebuild TensorFlow with the appropriate compiler flags.
2022-08-09 14:46:22.102191: I tensorflow/cc/saved_model/reader.cc:90] Reading meta graph with tags { serve }
2022-08-09 14:46:22.102223: I tensorflow/cc/saved_model/reader.cc:132] Reading SavedModel debug info (if present) from: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-09 14:46:22.102283: I tensorflow/core/platform/cpu_feature_guard.cc:142] This TensorFlow binary is optimized with oneAPI Deep Neural Network Library (oneDNN) to use the following CPU instructions in performance-critical operations: AVX2 AVX512F FMA
To enable them in other operations, rebuild TensorFlow with the appropriate compiler flags.
2022-08-09 14:46:22.102601: I tensorflow/cc/saved_model/reader.cc:90] Reading meta graph with tags { serve }
2022-08-09 14:46:22.102633: I tensorflow/cc/saved_model/reader.cc:132] Reading SavedModel debug info (if present) from: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-09 14:46:22.102690: I tensorflow/core/platform/cpu_feature_guard.cc:142] This TensorFlow binary is optimized with oneAPI Deep Neural Network Library (oneDNN) to use the following CPU instructions in performance-critical operations: AVX2 AVX512F FMA
To enable them in other operations, rebuild TensorFlow with the appropriate compiler flags.
2022-08-09 14:46:22.102881: I tensorflow/cc/saved_model/reader.cc:90] Reading meta graph with tags { serve }
2022-08-09 14:46:22.102909: I tensorflow/cc/saved_model/reader.cc:132] Reading SavedModel debug info (if present) from: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-09 14:46:22.102975: I tensorflow/core/platform/cpu_feature_guard.cc:142] This TensorFlow binary is optimized with oneAPI Deep Neural Network Library (oneDNN) to use the following CPU instructions in performance-critical operations: AVX2 AVX512F FMA
To enable them in other operations, rebuild TensorFlow with the appropriate compiler flags.
2022-08-09 14:46:22.103821: I tensorflow/cc/saved_model/reader.cc:38] Reading SavedModel from: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-09 14:46:22.108530: I tensorflow/cc/saved_model/reader.cc:38] Reading SavedModel from: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-09 14:46:22.109649: I tensorflow/cc/saved_model/reader.cc:90] Reading meta graph with tags { serve }
2022-08-09 14:46:22.109680: I tensorflow/cc/saved_model/reader.cc:132] Reading SavedModel debug info (if present) from: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-09 14:46:22.109746: I tensorflow/core/platform/cpu_feature_guard.cc:142] This TensorFlow binary is optimized with oneAPI Deep Neural Network Library (oneDNN) to use the following CPU instructions in performance-critical operations: AVX2 AVX512F FMA
To enable them in other operations, rebuild TensorFlow with the appropriate compiler flags.
2022-08-09 14:46:22.114127: I tensorflow/cc/saved_model/reader.cc:90] Reading meta graph with tags { serve }
2022-08-09 14:46:22.114168: I tensorflow/cc/saved_model/reader.cc:132] Reading SavedModel debug info (if present) from: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-09 14:46:22.114239: I tensorflow/core/platform/cpu_feature_guard.cc:142] This TensorFlow binary is optimized with oneAPI Deep Neural Network Library (oneDNN) to use the following CPU instructions in performance-critical operations: AVX2 AVX512F FMA
To enable them in other operations, rebuild TensorFlow with the appropriate compiler flags.
2022-08-09 14:46:22.115385: I tensorflow/cc/saved_model/loader.cc:211] Restoring SavedModel bundle.
2022-08-09 14:46:22.116122: I tensorflow/cc/saved_model/reader.cc:38] Reading SavedModel from: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-09 14:46:22.118564: I tensorflow/cc/saved_model/loader.cc:211] Restoring SavedModel bundle.
2022-08-09 14:46:22.121682: I tensorflow/cc/saved_model/reader.cc:90] Reading meta graph with tags { serve }
2022-08-09 14:46:22.121719: I tensorflow/cc/saved_model/reader.cc:132] Reading SavedModel debug info (if present) from: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-09 14:46:22.121796: I tensorflow/core/platform/cpu_feature_guard.cc:142] This TensorFlow binary is optimized with oneAPI Deep Neural Network Library (oneDNN) to use the following CPU instructions in performance-critical operations: AVX2 AVX512F FMA
To enable them in other operations, rebuild TensorFlow with the appropriate compiler flags.
2022-08-09 14:46:22.122905: I tensorflow/cc/saved_model/loader.cc:211] Restoring SavedModel bundle.
2022-08-09 14:46:22.123125: I tensorflow/cc/saved_model/loader.cc:211] Restoring SavedModel bundle.
2022-08-09 14:46:22.128449: I tensorflow/cc/saved_model/loader.cc:211] Restoring SavedModel bundle.
2022-08-09 14:46:22.128939: I tensorflow/cc/saved_model/loader.cc:211] Restoring SavedModel bundle.
2022-08-09 14:46:22.129768: I tensorflow/cc/saved_model/reader.cc:38] Reading SavedModel from: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-09 14:46:22.132177: I tensorflow/cc/saved_model/reader.cc:38] Reading SavedModel from: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-09 14:46:22.133417: I tensorflow/cc/saved_model/reader.cc:38] Reading SavedModel from: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-09 14:46:22.134144: I tensorflow/cc/saved_model/reader.cc:38] Reading SavedModel from: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-09 14:46:22.135143: I tensorflow/cc/saved_model/loader.cc:211] Restoring SavedModel bundle.
2022-08-09 14:46:22.135362: I tensorflow/cc/saved_model/reader.cc:90] Reading meta graph with tags { serve }
2022-08-09 14:46:22.135390: I tensorflow/cc/saved_model/reader.cc:132] Reading SavedModel debug info (if present) from: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-09 14:46:22.135454: I tensorflow/core/platform/cpu_feature_guard.cc:142] This TensorFlow binary is optimized with oneAPI Deep Neural Network Library (oneDNN) to use the following CPU instructions in performance-critical operations: AVX2 AVX512F FMA
To enable them in other operations, rebuild TensorFlow with the appropriate compiler flags.
2022-08-09 14:46:22.137543: I tensorflow/cc/saved_model/loader.cc:211] Restoring SavedModel bundle.
2022-08-09 14:46:22.137550: I tensorflow/cc/saved_model/loader.cc:211] Restoring SavedModel bundle.
2022-08-09 14:46:22.137828: I tensorflow/cc/saved_model/reader.cc:90] Reading meta graph with tags { serve }
2022-08-09 14:46:22.137858: I tensorflow/cc/saved_model/reader.cc:132] Reading SavedModel debug info (if present) from: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-09 14:46:22.137924: I tensorflow/core/platform/cpu_feature_guard.cc:142] This TensorFlow binary is optimized with oneAPI Deep Neural Network Library (oneDNN) to use the following CPU instructions in performance-critical operations: AVX2 AVX512F FMA
To enable them in other operations, rebuild TensorFlow with the appropriate compiler flags.
2022-08-09 14:46:22.138484: I tensorflow/cc/saved_model/loader.cc:211] Restoring SavedModel bundle.
2022-08-09 14:46:22.138913: I tensorflow/cc/saved_model/reader.cc:90] Reading meta graph with tags { serve }
2022-08-09 14:46:22.138941: I tensorflow/cc/saved_model/reader.cc:132] Reading SavedModel debug info (if present) from: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-09 14:46:22.139005: I tensorflow/core/platform/cpu_feature_guard.cc:142] This TensorFlow binary is optimized with oneAPI Deep Neural Network Library (oneDNN) to use the following CPU instructions in performance-critical operations: AVX2 AVX512F FMA
To enable them in other operations, rebuild TensorFlow with the appropriate compiler flags.
2022-08-09 14:46:22.139590: I tensorflow/cc/saved_model/loader.cc:211] Restoring SavedModel bundle.
2022-08-09 14:46:22.139648: I tensorflow/cc/saved_model/reader.cc:90] Reading meta graph with tags { serve }
2022-08-09 14:46:22.139670: I tensorflow/cc/saved_model/reader.cc:132] Reading SavedModel debug info (if present) from: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-09 14:46:22.139733: I tensorflow/core/platform/cpu_feature_guard.cc:142] This TensorFlow binary is optimized with oneAPI Deep Neural Network Library (oneDNN) to use the following CPU instructions in performance-critical operations: AVX2 AVX512F FMA
To enable them in other operations, rebuild TensorFlow with the appropriate compiler flags.
2022-08-09 14:46:22.142237: I tensorflow/cc/saved_model/reader.cc:38] Reading SavedModel from: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-09 14:46:22.145523: I tensorflow/cc/saved_model/loader.cc:211] Restoring SavedModel bundle.
2022-08-09 14:46:22.147900: I tensorflow/cc/saved_model/reader.cc:90] Reading meta graph with tags { serve }
2022-08-09 14:46:22.147939: I tensorflow/cc/saved_model/reader.cc:132] Reading SavedModel debug info (if present) from: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-09 14:46:22.147908: I tensorflow/cc/saved_model/reader.cc:38] Reading SavedModel from: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-09 14:46:22.148008: I tensorflow/core/platform/cpu_feature_guard.cc:142] This TensorFlow binary is optimized with oneAPI Deep Neural Network Library (oneDNN) to use the following CPU instructions in performance-critical operations: AVX2 AVX512F FMA
To enable them in other operations, rebuild TensorFlow with the appropriate compiler flags.
2022-08-09 14:46:22.148499: I tensorflow/cc/saved_model/loader.cc:195] Running initialization op on SavedModel bundle at path: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-09 14:46:22.149717: I tensorflow/cc/saved_model/loader.cc:211] Restoring SavedModel bundle.
2022-08-09 14:46:22.151417: I tensorflow/cc/saved_model/loader.cc:195] Running initialization op on SavedModel bundle at path: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-09 14:46:22.153494: I tensorflow/cc/saved_model/loader.cc:195] Running initialization op on SavedModel bundle at path: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-09 14:46:22.153570: I tensorflow/cc/saved_model/reader.cc:90] Reading meta graph with tags { serve }
2022-08-09 14:46:22.153601: I tensorflow/cc/saved_model/reader.cc:132] Reading SavedModel debug info (if present) from: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-09 14:46:22.153673: I tensorflow/core/platform/cpu_feature_guard.cc:142] This TensorFlow binary is optimized with oneAPI Deep Neural Network Library (oneDNN) to use the following CPU instructions in performance-critical operations: AVX2 AVX512F FMA
To enable them in other operations, rebuild TensorFlow with the appropriate compiler flags.
2022-08-09 14:46:22.156760: I tensorflow/cc/saved_model/loader.cc:211] Restoring SavedModel bundle.
2022-08-09 14:46:22.158730: I tensorflow/cc/saved_model/loader.cc:195] Running initialization op on SavedModel bundle at path: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-09 14:46:22.158734: I tensorflow/cc/saved_model/loader.cc:195] Running initialization op on SavedModel bundle at path: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-09 14:46:22.159870: I tensorflow/cc/saved_model/loader.cc:195] Running initialization op on SavedModel bundle at path: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-09 14:46:22.164529: I tensorflow/cc/saved_model/loader.cc:195] Running initialization op on SavedModel bundle at path: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-09 14:46:22.165348: I tensorflow/cc/saved_model/loader.cc:283] SavedModel load for tags { serve }; Status: success: OK. Took 87915 microseconds.
2022-08-09 14:46:22.166301: I tensorflow/cc/saved_model/loader.cc:195] Running initialization op on SavedModel bundle at path: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-09 14:46:22.167073: I tensorflow/cc/saved_model/loader.cc:195] Running initialization op on SavedModel bundle at path: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-09 14:46:22.167121: I tensorflow/cc/saved_model/loader.cc:195] Running initialization op on SavedModel bundle at path: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-09 14:46:22.167199: I tensorflow/cc/saved_model/loader.cc:283] SavedModel load for tags { serve }; Status: success: OK. Took 85219 microseconds.
2022-08-09 14:46:22.169885: I tensorflow/cc/saved_model/loader.cc:211] Restoring SavedModel bundle.
2022-08-09 14:46:22.170412: I tensorflow/cc/saved_model/loader.cc:283] SavedModel load for tags { serve }; Status: success: OK. Took 89086 microseconds.
2022-08-09 14:46:22.173464: I tensorflow/cc/saved_model/loader.cc:211] Restoring SavedModel bundle.
2022-08-09 14:46:22.173585: I tensorflow/cc/saved_model/loader.cc:195] Running initialization op on SavedModel bundle at path: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-09 14:46:22.174364: I tensorflow/cc/saved_model/loader.cc:211] Restoring SavedModel bundle.
2022-08-09 14:46:22.175251: I tensorflow/cc/saved_model/loader.cc:211] Restoring SavedModel bundle.
2022-08-09 14:46:22.175786: I tensorflow/cc/saved_model/loader.cc:283] SavedModel load for tags { serve }; Status: success: OK. Took 88814 microseconds.
2022-08-09 14:46:22.176062: I tensorflow/cc/saved_model/loader.cc:195] Running initialization op on SavedModel bundle at path: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-09 14:46:22.176176: I tensorflow/cc/saved_model/loader.cc:283] SavedModel load for tags { serve }; Status: success: OK. Took 88416 microseconds.
2022-08-09 14:46:22.176740: I tensorflow/cc/saved_model/loader.cc:283] SavedModel load for tags { serve }; Status: success: OK. Took 102095 microseconds.
2022-08-09 14:46:22.179593: I tensorflow/cc/saved_model/loader.cc:195] Running initialization op on SavedModel bundle at path: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-09 14:46:22.181403: I tensorflow/cc/saved_model/loader.cc:283] SavedModel load for tags { serve }; Status: success: OK. Took 87526 microseconds.
2022-08-09 14:46:22.183075: I tensorflow/cc/saved_model/loader.cc:283] SavedModel load for tags { serve }; Status: success: OK. Took 86275 microseconds.
2022-08-09 14:46:22.183278: I tensorflow/cc/saved_model/loader.cc:211] Restoring SavedModel bundle.
2022-08-09 14:46:22.183492: I tensorflow/cc/saved_model/loader.cc:283] SavedModel load for tags { serve }; Status: success: OK. Took 87951 microseconds.
2022-08-09 14:46:22.183820: I tensorflow/cc/saved_model/loader.cc:283] SavedModel load for tags { serve }; Status: success: OK. Took 86283 microseconds.
2022-08-09 14:46:22.184900: I tensorflow/cc/saved_model/reader.cc:38] Reading SavedModel from: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-09 14:46:22.186230: I tensorflow/cc/saved_model/reader.cc:38] Reading SavedModel from: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-09 14:46:22.187537: I tensorflow/cc/saved_model/loader.cc:195] Running initialization op on SavedModel bundle at path: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-09 14:46:22.189262: I tensorflow/cc/saved_model/loader.cc:211] Restoring SavedModel bundle.
2022-08-09 14:46:22.190558: I tensorflow/cc/saved_model/reader.cc:90] Reading meta graph with tags { serve }
2022-08-09 14:46:22.190592: I tensorflow/cc/saved_model/reader.cc:132] Reading SavedModel debug info (if present) from: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-09 14:46:22.190667: I tensorflow/core/platform/cpu_feature_guard.cc:142] This TensorFlow binary is optimized with oneAPI Deep Neural Network Library (oneDNN) to use the following CPU instructions in performance-critical operations: AVX2 AVX512F FMA
To enable them in other operations, rebuild TensorFlow with the appropriate compiler flags.
2022-08-09 14:46:22.190709: I tensorflow/cc/saved_model/loader.cc:283] SavedModel load for tags { serve }; Status: success: OK. Took 93647 microseconds.
2022-08-09 14:46:22.191921: I tensorflow/cc/saved_model/reader.cc:90] Reading meta graph with tags { serve }
2022-08-09 14:46:22.191953: I tensorflow/cc/saved_model/reader.cc:132] Reading SavedModel debug info (if present) from: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-09 14:46:22.192017: I tensorflow/core/platform/cpu_feature_guard.cc:142] This TensorFlow binary is optimized with oneAPI Deep Neural Network Library (oneDNN) to use the following CPU instructions in performance-critical operations: AVX2 AVX512F FMA
To enable them in other operations, rebuild TensorFlow with the appropriate compiler flags.
2022-08-09 14:46:22.193595: I tensorflow/cc/saved_model/loader.cc:283] SavedModel load for tags { serve }; Status: success: OK. Took 89781 microseconds.
2022-08-09 14:46:22.197421: I tensorflow/cc/saved_model/loader.cc:283] SavedModel load for tags { serve }; Status: success: OK. Took 88900 microseconds.
2022-08-09 14:46:22.200315: I tensorflow/cc/saved_model/loader.cc:195] Running initialization op on SavedModel bundle at path: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-09 14:46:22.201938: I tensorflow/cc/saved_model/reader.cc:38] Reading SavedModel from: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-09 14:46:22.204367: I tensorflow/cc/saved_model/loader.cc:195] Running initialization op on SavedModel bundle at path: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-09 14:46:22.204396: I tensorflow/cc/saved_model/loader.cc:195] Running initialization op on SavedModel bundle at path: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-09 14:46:22.205440: I tensorflow/cc/saved_model/loader.cc:195] Running initialization op on SavedModel bundle at path: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-09 14:46:22.207502: I tensorflow/cc/saved_model/reader.cc:90] Reading meta graph with tags { serve }
2022-08-09 14:46:22.207534: I tensorflow/cc/saved_model/reader.cc:132] Reading SavedModel debug info (if present) from: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-09 14:46:22.207601: I tensorflow/core/platform/cpu_feature_guard.cc:142] This TensorFlow binary is optimized with oneAPI Deep Neural Network Library (oneDNN) to use the following CPU instructions in performance-critical operations: AVX2 AVX512F FMA
To enable them in other operations, rebuild TensorFlow with the appropriate compiler flags.
2022-08-09 14:46:22.210704: I tensorflow/cc/saved_model/loader.cc:283] SavedModel load for tags { serve }; Status: success: OK. Took 94589 microseconds.
2022-08-09 14:46:22.213599: I tensorflow/cc/saved_model/loader.cc:195] Running initialization op on SavedModel bundle at path: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-09 14:46:22.216718: I tensorflow/cc/saved_model/loader.cc:283] SavedModel load for tags { serve }; Status: success: OK. Took 86957 microseconds.
2022-08-09 14:46:22.217182: I tensorflow/cc/saved_model/reader.cc:38] Reading SavedModel from: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-09 14:46:22.220140: I tensorflow/cc/saved_model/reader.cc:38] Reading SavedModel from: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-09 14:46:22.220804: I tensorflow/cc/saved_model/loader.cc:283] SavedModel load for tags { serve }; Status: success: OK. Took 86667 microseconds.
2022-08-09 14:46:22.221033: I tensorflow/cc/saved_model/loader.cc:283] SavedModel load for tags { serve }; Status: success: OK. Took 88865 microseconds.
2022-08-09 14:46:22.221791: I tensorflow/cc/saved_model/loader.cc:283] SavedModel load for tags { serve }; Status: success: OK. Took 88381 microseconds.
2022-08-09 14:46:22.222746: I tensorflow/cc/saved_model/reader.cc:90] Reading meta graph with tags { serve }
2022-08-09 14:46:22.222788: I tensorflow/cc/saved_model/reader.cc:132] Reading SavedModel debug info (if present) from: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-09 14:46:22.222867: I tensorflow/core/platform/cpu_feature_guard.cc:142] This TensorFlow binary is optimized with oneAPI Deep Neural Network Library (oneDNN) to use the following CPU instructions in performance-critical operations: AVX2 AVX512F FMA
To enable them in other operations, rebuild TensorFlow with the appropriate compiler flags.
2022-08-09 14:46:22.225105: I tensorflow/cc/saved_model/loader.cc:195] Running initialization op on SavedModel bundle at path: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-09 14:46:22.225908: I tensorflow/cc/saved_model/reader.cc:90] Reading meta graph with tags { serve }
2022-08-09 14:46:22.225940: I tensorflow/cc/saved_model/reader.cc:132] Reading SavedModel debug info (if present) from: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-09 14:46:22.226010: I tensorflow/core/platform/cpu_feature_guard.cc:142] This TensorFlow binary is optimized with oneAPI Deep Neural Network Library (oneDNN) to use the following CPU instructions in performance-critical operations: AVX2 AVX512F FMA
To enable them in other operations, rebuild TensorFlow with the appropriate compiler flags.
2022-08-09 14:46:22.226979: I tensorflow/cc/saved_model/loader.cc:211] Restoring SavedModel bundle.
2022-08-09 14:46:22.228753: I tensorflow/cc/saved_model/loader.cc:211] Restoring SavedModel bundle.
2022-08-09 14:46:22.229838: I tensorflow/cc/saved_model/loader.cc:283] SavedModel load for tags { serve }; Status: success: OK. Took 87610 microseconds.
2022-08-09 14:46:22.241936: I tensorflow/cc/saved_model/loader.cc:211] Restoring SavedModel bundle.
2022-08-09 14:46:22.243243: I tensorflow/cc/saved_model/loader.cc:283] SavedModel load for tags { serve }; Status: success: OK. Took 95346 microseconds.
2022-08-09 14:46:22.246183: I tensorflow/cc/saved_model/reader.cc:38] Reading SavedModel from: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-09 14:46:22.251731: I tensorflow/cc/saved_model/reader.cc:90] Reading meta graph with tags { serve }
2022-08-09 14:46:22.251769: I tensorflow/cc/saved_model/reader.cc:132] Reading SavedModel debug info (if present) from: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-09 14:46:22.251854: I tensorflow/core/platform/cpu_feature_guard.cc:142] This TensorFlow binary is optimized with oneAPI Deep Neural Network Library (oneDNN) to use the following CPU instructions in performance-critical operations: AVX2 AVX512F FMA
To enable them in other operations, rebuild TensorFlow with the appropriate compiler flags.
2022-08-09 14:46:22.254770: I tensorflow/cc/saved_model/reader.cc:38] Reading SavedModel from: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-09 14:46:22.257072: I tensorflow/cc/saved_model/loader.cc:195] Running initialization op on SavedModel bundle at path: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-09 14:46:22.257805: I tensorflow/cc/saved_model/loader.cc:211] Restoring SavedModel bundle.
2022-08-09 14:46:22.258410: I tensorflow/cc/saved_model/loader.cc:195] Running initialization op on SavedModel bundle at path: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-09 14:46:22.260310: I tensorflow/cc/saved_model/reader.cc:90] Reading meta graph with tags { serve }
2022-08-09 14:46:22.260353: I tensorflow/cc/saved_model/reader.cc:132] Reading SavedModel debug info (if present) from: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-09 14:46:22.260421: I tensorflow/core/platform/cpu_feature_guard.cc:142] This TensorFlow binary is optimized with oneAPI Deep Neural Network Library (oneDNN) to use the following CPU instructions in performance-critical operations: AVX2 AVX512F FMA
To enable them in other operations, rebuild TensorFlow with the appropriate compiler flags.
2022-08-09 14:46:22.260581: I tensorflow/cc/saved_model/loader.cc:211] Restoring SavedModel bundle.
2022-08-09 14:46:22.264005: I tensorflow/cc/saved_model/reader.cc:38] Reading SavedModel from: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-09 14:46:22.269562: I tensorflow/cc/saved_model/reader.cc:90] Reading meta graph with tags { serve }
2022-08-09 14:46:22.269604: I tensorflow/cc/saved_model/reader.cc:132] Reading SavedModel debug info (if present) from: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-09 14:46:22.269682: I tensorflow/core/platform/cpu_feature_guard.cc:142] This TensorFlow binary is optimized with oneAPI Deep Neural Network Library (oneDNN) to use the following CPU instructions in performance-critical operations: AVX2 AVX512F FMA
To enable them in other operations, rebuild TensorFlow with the appropriate compiler flags.
2022-08-09 14:46:22.271309: I tensorflow/cc/saved_model/loader.cc:195] Running initialization op on SavedModel bundle at path: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-09 14:46:22.273580: I tensorflow/cc/saved_model/loader.cc:283] SavedModel load for tags { serve }; Status: success: OK. Took 88687 microseconds.
2022-08-09 14:46:22.274932: I tensorflow/cc/saved_model/loader.cc:283] SavedModel load for tags { serve }; Status: success: OK. Took 88711 microseconds.
2022-08-09 14:46:22.285685: I tensorflow/cc/saved_model/loader.cc:211] Restoring SavedModel bundle.
2022-08-09 14:46:22.286882: I tensorflow/cc/saved_model/loader.cc:283] SavedModel load for tags { serve }; Status: success: OK. Took 84953 microseconds.
2022-08-09 14:46:22.287942: I tensorflow/cc/saved_model/loader.cc:195] Running initialization op on SavedModel bundle at path: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-09 14:46:22.289461: I tensorflow/cc/saved_model/loader.cc:195] Running initialization op on SavedModel bundle at path: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-09 14:46:22.293895: I tensorflow/cc/saved_model/loader.cc:211] Restoring SavedModel bundle.
2022-08-09 14:46:22.303349: I tensorflow/cc/saved_model/loader.cc:211] Restoring SavedModel bundle.
2022-08-09 14:46:22.303645: I tensorflow/cc/saved_model/loader.cc:283] SavedModel load for tags { serve }; Status: success: OK. Took 86471 microseconds.
2022-08-09 14:46:22.304851: I tensorflow/cc/saved_model/reader.cc:38] Reading SavedModel from: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-09 14:46:22.305240: I tensorflow/cc/saved_model/loader.cc:283] SavedModel load for tags { serve }; Status: success: OK. Took 85110 microseconds.
2022-08-09 14:46:22.310351: I tensorflow/cc/saved_model/reader.cc:90] Reading meta graph with tags { serve }
2022-08-09 14:46:22.310392: I tensorflow/cc/saved_model/reader.cc:132] Reading SavedModel debug info (if present) from: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-09 14:46:22.310459: I tensorflow/core/platform/cpu_feature_guard.cc:142] This TensorFlow binary is optimized with oneAPI Deep Neural Network Library (oneDNN) to use the following CPU instructions in performance-critical operations: AVX2 AVX512F FMA
To enable them in other operations, rebuild TensorFlow with the appropriate compiler flags.
2022-08-09 14:46:22.313691: I tensorflow/cc/saved_model/loader.cc:195] Running initialization op on SavedModel bundle at path: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-09 14:46:22.321360: I tensorflow/cc/saved_model/loader.cc:195] Running initialization op on SavedModel bundle at path: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-09 14:46:22.329073: I tensorflow/cc/saved_model/loader.cc:283] SavedModel load for tags { serve }; Status: success: OK. Took 82899 microseconds.
2022-08-09 14:46:22.331988: I tensorflow/cc/saved_model/loader.cc:195] Running initialization op on SavedModel bundle at path: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-09 14:46:22.336410: I tensorflow/cc/saved_model/loader.cc:283] SavedModel load for tags { serve }; Status: success: OK. Took 81648 microseconds.
2022-08-09 14:46:22.343586: I tensorflow/cc/saved_model/loader.cc:211] Restoring SavedModel bundle.
2022-08-09 14:46:22.346445: I tensorflow/cc/saved_model/loader.cc:283] SavedModel load for tags { serve }; Status: success: OK. Took 82448 microseconds.
2022-08-09 14:46:22.370741: I tensorflow/cc/saved_model/loader.cc:195] Running initialization op on SavedModel bundle at path: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-09 14:46:22.372143: I tensorflow/cc/saved_model/reader.cc:38] Reading SavedModel from: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-09 14:46:22.377503: I tensorflow/cc/saved_model/reader.cc:90] Reading meta graph with tags { serve }
2022-08-09 14:46:22.377536: I tensorflow/cc/saved_model/reader.cc:132] Reading SavedModel debug info (if present) from: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-09 14:46:22.377601: I tensorflow/core/platform/cpu_feature_guard.cc:142] This TensorFlow binary is optimized with oneAPI Deep Neural Network Library (oneDNN) to use the following CPU instructions in performance-critical operations: AVX2 AVX512F FMA
To enable them in other operations, rebuild TensorFlow with the appropriate compiler flags.
2022-08-09 14:46:22.385993: I tensorflow/cc/saved_model/loader.cc:283] SavedModel load for tags { serve }; Status: success: OK. Took 81151 microseconds.
2022-08-09 14:46:22.413881: I tensorflow/cc/saved_model/loader.cc:211] Restoring SavedModel bundle.
2022-08-09 14:46:22.443082: I tensorflow/cc/saved_model/loader.cc:195] Running initialization op on SavedModel bundle at path: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-09 14:46:22.460538: I tensorflow/cc/saved_model/loader.cc:283] SavedModel load for tags { serve }; Status: success: OK. Took 88400 microseconds.
I0809 14:46:22.953682 140667723188032 local_data_collector.py:133] 30 of 31 modules finished in 1 seconds (0 failures).
W0809 14:46:23.218159 140667723188032 trainer.py:196] Warning: skip training because do not have enough data to fill in a batch, consider increase data or reduce batch size.
I0809 14:46:23.218606 140667723188032 train_locally.py:151] Last iteration took: 2.925109
W0809 14:46:23.571975 140667723188032 save.py:263] Found untraced functions such as ActorDistributionNetwork_layer_call_fn, ActorDistributionNetwork_layer_call_and_return_conditional_losses, ConstantValueNetwork_layer_call_fn, ConstantValueNetwork_layer_call_and_return_conditional_losses, EncodingNetwork_layer_call_fn while saving (showing 5 of 145). These functions will not be directly callable after loading.
/home/matthiasb/compiling/tf_venv/lib64/python3.9/site-packages/tensorflow/python/saved_model/nested_structure_coder.py:559: UserWarning: Encoding a StructuredValue with type tf_agents.policies.greedy_policy.DeterministicWithLogProb_ACTTypeSpec; loading this StructuredValue will require that this type be imported and registered.
warnings.warn("Encoding a StructuredValue with type %s; loading this "
INFO:tensorflow:Assets written to: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_policy/assets
I0809 14:46:23.760148 140667723188032 builder_impl.py:783] Assets written to: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_policy/assets
W0809 14:46:24.689433 140667723188032 save.py:263] Found untraced functions such as ActorDistributionNetwork_layer_call_fn, ActorDistributionNetwork_layer_call_and_return_conditional_losses, ConstantValueNetwork_layer_call_fn, ConstantValueNetwork_layer_call_and_return_conditional_losses, EncodingNetwork_layer_call_fn while saving (showing 5 of 145). These functions will not be directly callable after loading.
/home/matthiasb/compiling/tf_venv/lib64/python3.9/site-packages/tensorflow/python/saved_model/nested_structure_coder.py:559: UserWarning: Encoding a StructuredValue with type tfp.distributions.Categorical_ACTTypeSpec; loading this StructuredValue will require that this type be imported and registered.
warnings.warn("Encoding a StructuredValue with type %s; loading this "
INFO:tensorflow:Assets written to: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy/assets
I0809 14:46:24.879359 140667723188032 builder_impl.py:783] Assets written to: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy/assets
I0809 14:46:25.187222 140667723188032 local_data_collector.py:77] Waiting for pending work from last iteration took 0.000028
2022-08-09 14:46:25.307261: I tensorflow/cc/saved_model/reader.cc:38] Reading SavedModel from: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-09 14:46:25.312737: I tensorflow/cc/saved_model/reader.cc:90] Reading meta graph with tags { serve }
2022-08-09 14:46:25.312779: I tensorflow/cc/saved_model/reader.cc:132] Reading SavedModel debug info (if present) from: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-09 14:46:25.312857: I tensorflow/core/platform/cpu_feature_guard.cc:142] This TensorFlow binary is optimized with oneAPI Deep Neural Network Library (oneDNN) to use the following CPU instructions in performance-critical operations: AVX2 AVX512F FMA
To enable them in other operations, rebuild TensorFlow with the appropriate compiler flags.
2022-08-09 14:46:25.318192: I tensorflow/cc/saved_model/reader.cc:38] Reading SavedModel from: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-09 14:46:25.321305: I tensorflow/cc/saved_model/reader.cc:38] Reading SavedModel from: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-09 14:46:25.321609: I tensorflow/cc/saved_model/reader.cc:38] Reading SavedModel from: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-09 14:46:25.322771: I tensorflow/cc/saved_model/reader.cc:38] Reading SavedModel from: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-09 14:46:25.322877: I tensorflow/cc/saved_model/reader.cc:38] Reading SavedModel from: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-09 14:46:25.323637: I tensorflow/cc/saved_model/reader.cc:90] Reading meta graph with tags { serve }
2022-08-09 14:46:25.323669: I tensorflow/cc/saved_model/reader.cc:132] Reading SavedModel debug info (if present) from: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-09 14:46:25.323729: I tensorflow/core/platform/cpu_feature_guard.cc:142] This TensorFlow binary is optimized with oneAPI Deep Neural Network Library (oneDNN) to use the following CPU instructions in performance-critical operations: AVX2 AVX512F FMA
To enable them in other operations, rebuild TensorFlow with the appropriate compiler flags.
2022-08-09 14:46:25.324036: I tensorflow/cc/saved_model/reader.cc:38] Reading SavedModel from: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-09 14:46:25.325686: I tensorflow/cc/saved_model/reader.cc:38] Reading SavedModel from: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-09 14:46:25.326708: I tensorflow/cc/saved_model/reader.cc:90] Reading meta graph with tags { serve }
2022-08-09 14:46:25.326734: I tensorflow/cc/saved_model/reader.cc:132] Reading SavedModel debug info (if present) from: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-09 14:46:25.326793: I tensorflow/core/platform/cpu_feature_guard.cc:142] This TensorFlow binary is optimized with oneAPI Deep Neural Network Library (oneDNN) to use the following CPU instructions in performance-critical operations: AVX2 AVX512F FMA
To enable them in other operations, rebuild TensorFlow with the appropriate compiler flags.
2022-08-09 14:46:25.327063: I tensorflow/cc/saved_model/reader.cc:90] Reading meta graph with tags { serve }
2022-08-09 14:46:25.327097: I tensorflow/cc/saved_model/reader.cc:132] Reading SavedModel debug info (if present) from: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-09 14:46:25.327157: I tensorflow/core/platform/cpu_feature_guard.cc:142] This TensorFlow binary is optimized with oneAPI Deep Neural Network Library (oneDNN) to use the following CPU instructions in performance-critical operations: AVX2 AVX512F FMA
To enable them in other operations, rebuild TensorFlow with the appropriate compiler flags.
2022-08-09 14:46:25.328229: I tensorflow/cc/saved_model/reader.cc:38] Reading SavedModel from: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-09 14:46:25.328314: I tensorflow/cc/saved_model/reader.cc:90] Reading meta graph with tags { serve }
2022-08-09 14:46:25.328344: I tensorflow/cc/saved_model/reader.cc:132] Reading SavedModel debug info (if present) from: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-09 14:46:25.328384: I tensorflow/cc/saved_model/reader.cc:90] Reading meta graph with tags { serve }
2022-08-09 14:46:25.328409: I tensorflow/cc/saved_model/reader.cc:132] Reading SavedModel debug info (if present) from: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-09 14:46:25.328416: I tensorflow/core/platform/cpu_feature_guard.cc:142] This TensorFlow binary is optimized with oneAPI Deep Neural Network Library (oneDNN) to use the following CPU instructions in performance-critical operations: AVX2 AVX512F FMA
To enable them in other operations, rebuild TensorFlow with the appropriate compiler flags.
2022-08-09 14:46:25.328472: I tensorflow/core/platform/cpu_feature_guard.cc:142] This TensorFlow binary is optimized with oneAPI Deep Neural Network Library (oneDNN) to use the following CPU instructions in performance-critical operations: AVX2 AVX512F FMA
To enable them in other operations, rebuild TensorFlow with the appropriate compiler flags.
2022-08-09 14:46:25.329457: I tensorflow/cc/saved_model/reader.cc:90] Reading meta graph with tags { serve }
2022-08-09 14:46:25.329486: I tensorflow/cc/saved_model/reader.cc:132] Reading SavedModel debug info (if present) from: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-09 14:46:25.329553: I tensorflow/core/platform/cpu_feature_guard.cc:142] This TensorFlow binary is optimized with oneAPI Deep Neural Network Library (oneDNN) to use the following CPU instructions in performance-critical operations: AVX2 AVX512F FMA
To enable them in other operations, rebuild TensorFlow with the appropriate compiler flags.
2022-08-09 14:46:25.331142: I tensorflow/cc/saved_model/reader.cc:90] Reading meta graph with tags { serve }
2022-08-09 14:46:25.331174: I tensorflow/cc/saved_model/reader.cc:132] Reading SavedModel debug info (if present) from: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-09 14:46:25.331233: I tensorflow/core/platform/cpu_feature_guard.cc:142] This TensorFlow binary is optimized with oneAPI Deep Neural Network Library (oneDNN) to use the following CPU instructions in performance-critical operations: AVX2 AVX512F FMA
To enable them in other operations, rebuild TensorFlow with the appropriate compiler flags.
2022-08-09 14:46:25.333731: I tensorflow/cc/saved_model/reader.cc:90] Reading meta graph with tags { serve }
2022-08-09 14:46:25.333769: I tensorflow/cc/saved_model/reader.cc:132] Reading SavedModel debug info (if present) from: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-09 14:46:25.333837: I tensorflow/core/platform/cpu_feature_guard.cc:142] This TensorFlow binary is optimized with oneAPI Deep Neural Network Library (oneDNN) to use the following CPU instructions in performance-critical operations: AVX2 AVX512F FMA
To enable them in other operations, rebuild TensorFlow with the appropriate compiler flags.
2022-08-09 14:46:25.339000: I tensorflow/cc/saved_model/reader.cc:38] Reading SavedModel from: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-09 14:46:25.339833: I tensorflow/cc/saved_model/reader.cc:38] Reading SavedModel from: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-09 14:46:25.341350: I tensorflow/cc/saved_model/reader.cc:38] Reading SavedModel from: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-09 14:46:25.344487: I tensorflow/cc/saved_model/reader.cc:90] Reading meta graph with tags { serve }
2022-08-09 14:46:25.344528: I tensorflow/cc/saved_model/reader.cc:132] Reading SavedModel debug info (if present) from: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-09 14:46:25.344596: I tensorflow/core/platform/cpu_feature_guard.cc:142] This TensorFlow binary is optimized with oneAPI Deep Neural Network Library (oneDNN) to use the following CPU instructions in performance-critical operations: AVX2 AVX512F FMA
To enable them in other operations, rebuild TensorFlow with the appropriate compiler flags.
2022-08-09 14:46:25.345331: I tensorflow/cc/saved_model/reader.cc:90] Reading meta graph with tags { serve }
2022-08-09 14:46:25.345369: I tensorflow/cc/saved_model/reader.cc:132] Reading SavedModel debug info (if present) from: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-09 14:46:25.345433: I tensorflow/core/platform/cpu_feature_guard.cc:142] This TensorFlow binary is optimized with oneAPI Deep Neural Network Library (oneDNN) to use the following CPU instructions in performance-critical operations: AVX2 AVX512F FMA
To enable them in other operations, rebuild TensorFlow with the appropriate compiler flags.
2022-08-09 14:46:25.346745: I tensorflow/cc/saved_model/reader.cc:90] Reading meta graph with tags { serve }
2022-08-09 14:46:25.346773: I tensorflow/cc/saved_model/reader.cc:132] Reading SavedModel debug info (if present) from: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-09 14:46:25.346830: I tensorflow/core/platform/cpu_feature_guard.cc:142] This TensorFlow binary is optimized with oneAPI Deep Neural Network Library (oneDNN) to use the following CPU instructions in performance-critical operations: AVX2 AVX512F FMA
To enable them in other operations, rebuild TensorFlow with the appropriate compiler flags.
2022-08-09 14:46:25.347512: I tensorflow/cc/saved_model/loader.cc:211] Restoring SavedModel bundle.
2022-08-09 14:46:25.349174: I tensorflow/cc/saved_model/reader.cc:38] Reading SavedModel from: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-09 14:46:25.352765: I tensorflow/cc/saved_model/reader.cc:38] Reading SavedModel from: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-09 14:46:25.354781: I tensorflow/cc/saved_model/reader.cc:90] Reading meta graph with tags { serve }
2022-08-09 14:46:25.354821: I tensorflow/cc/saved_model/reader.cc:132] Reading SavedModel debug info (if present) from: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-09 14:46:25.354898: I tensorflow/core/platform/cpu_feature_guard.cc:142] This TensorFlow binary is optimized with oneAPI Deep Neural Network Library (oneDNN) to use the following CPU instructions in performance-critical operations: AVX2 AVX512F FMA
To enable them in other operations, rebuild TensorFlow with the appropriate compiler flags.
2022-08-09 14:46:25.356375: I tensorflow/cc/saved_model/reader.cc:38] Reading SavedModel from: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-09 14:46:25.358216: I tensorflow/cc/saved_model/reader.cc:90] Reading meta graph with tags { serve }
2022-08-09 14:46:25.358249: I tensorflow/cc/saved_model/reader.cc:132] Reading SavedModel debug info (if present) from: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-09 14:46:25.358323: I tensorflow/core/platform/cpu_feature_guard.cc:142] This TensorFlow binary is optimized with oneAPI Deep Neural Network Library (oneDNN) to use the following CPU instructions in performance-critical operations: AVX2 AVX512F FMA
To enable them in other operations, rebuild TensorFlow with the appropriate compiler flags.
2022-08-09 14:46:25.358373: I tensorflow/cc/saved_model/loader.cc:211] Restoring SavedModel bundle.
2022-08-09 14:46:25.358519: I tensorflow/cc/saved_model/reader.cc:38] Reading SavedModel from: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-09 14:46:25.361087: I tensorflow/cc/saved_model/reader.cc:38] Reading SavedModel from: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-09 14:46:25.362019: I tensorflow/cc/saved_model/reader.cc:90] Reading meta graph with tags { serve }
...
2022-08-10 08:23:05.833759: I tensorflow/cc/saved_model/reader.cc:38] Reading SavedModel from: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-10 08:23:05.836307: I tensorflow/cc/saved_model/reader.cc:38] Reading SavedModel from: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-10 08:23:05.837112: I tensorflow/cc/saved_model/reader.cc:90] Reading meta graph with tags { serve }
2022-08-10 08:23:05.837143: I tensorflow/cc/saved_model/reader.cc:132] Reading SavedModel debug info (if present) from: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-10 08:23:05.837210: I tensorflow/core/platform/cpu_feature_guard.cc:142] This TensorFlow binary is optimized with oneAPI Deep Neural Network Library (oneDNN) to use the following CPU instructions in performance-critical operations: AVX2 AVX512F FMA
To enable them in other operations, rebuild TensorFlow with the appropriate compiler flags.
2022-08-10 08:23:05.838059: I tensorflow/cc/saved_model/loader.cc:211] Restoring SavedModel bundle.
2022-08-10 08:23:05.839296: I tensorflow/cc/saved_model/reader.cc:90] Reading meta graph with tags { serve }
2022-08-10 08:23:05.839329: I tensorflow/cc/saved_model/reader.cc:132] Reading SavedModel debug info (if present) from: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-10 08:23:05.839392: I tensorflow/core/platform/cpu_feature_guard.cc:142] This TensorFlow binary is optimized with oneAPI Deep Neural Network Library (oneDNN) to use the following CPU instructions in performance-critical operations: AVX2 AVX512F FMA
To enable them in other operations, rebuild TensorFlow with the appropriate compiler flags.
2022-08-10 08:23:05.840587: I tensorflow/cc/saved_model/loader.cc:211] Restoring SavedModel bundle.
2022-08-10 08:23:05.841686: I tensorflow/cc/saved_model/loader.cc:211] Restoring SavedModel bundle.
2022-08-10 08:23:05.841806: I tensorflow/cc/saved_model/reader.cc:90] Reading meta graph with tags { serve }
2022-08-10 08:23:05.841836: I tensorflow/cc/saved_model/reader.cc:132] Reading SavedModel debug info (if present) from: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-10 08:23:05.841902: I tensorflow/core/platform/cpu_feature_guard.cc:142] This TensorFlow binary is optimized with oneAPI Deep Neural Network Library (oneDNN) to use the following CPU instructions in performance-critical operations: AVX2 AVX512F FMA
To enable them in other operations, rebuild TensorFlow with the appropriate compiler flags.
2022-08-10 08:23:05.842164: I tensorflow/cc/saved_model/loader.cc:211] Restoring SavedModel bundle.
2022-08-10 08:23:05.843317: I tensorflow/cc/saved_model/loader.cc:211] Restoring SavedModel bundle.
2022-08-10 08:23:05.844657: I tensorflow/cc/saved_model/loader.cc:211] Restoring SavedModel bundle.
2022-08-10 08:23:05.849366: I tensorflow/cc/saved_model/loader.cc:211] Restoring SavedModel bundle.
2022-08-10 08:23:05.849691: I tensorflow/cc/saved_model/loader.cc:211] Restoring SavedModel bundle.
2022-08-10 08:23:05.851171: I tensorflow/cc/saved_model/loader.cc:211] Restoring SavedModel bundle.
2022-08-10 08:23:05.852140: I tensorflow/cc/saved_model/reader.cc:38] Reading SavedModel from: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-10 08:23:05.852183: I tensorflow/cc/saved_model/reader.cc:38] Reading SavedModel from: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-10 08:23:05.852249: I tensorflow/cc/saved_model/reader.cc:38] Reading SavedModel from: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-10 08:23:05.852934: I tensorflow/cc/saved_model/loader.cc:211] Restoring SavedModel bundle.
2022-08-10 08:23:05.857778: I tensorflow/cc/saved_model/reader.cc:90] Reading meta graph with tags { serve }
2022-08-10 08:23:05.857789: I tensorflow/cc/saved_model/reader.cc:90] Reading meta graph with tags { serve }
2022-08-10 08:23:05.857819: I tensorflow/cc/saved_model/reader.cc:132] Reading SavedModel debug info (if present) from: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-10 08:23:05.857822: I tensorflow/cc/saved_model/reader.cc:132] Reading SavedModel debug info (if present) from: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-10 08:23:05.857885: I tensorflow/core/platform/cpu_feature_guard.cc:142] This TensorFlow binary is optimized with oneAPI Deep Neural Network Library (oneDNN) to use the following CPU instructions in performance-critical operations: AVX2 AVX512F FMA
To enable them in other operations, rebuild TensorFlow with the appropriate compiler flags.
2022-08-10 08:23:05.857879: I tensorflow/cc/saved_model/reader.cc:90] Reading meta graph with tags { serve }
2022-08-10 08:23:05.857891: I tensorflow/core/platform/cpu_feature_guard.cc:142] This TensorFlow binary is optimized with oneAPI Deep Neural Network Library (oneDNN) to use the following CPU instructions in performance-critical operations: AVX2 AVX512F FMA
To enable them in other operations, rebuild TensorFlow with the appropriate compiler flags.
2022-08-10 08:23:05.857912: I tensorflow/cc/saved_model/reader.cc:132] Reading SavedModel debug info (if present) from: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-10 08:23:05.857972: I tensorflow/core/platform/cpu_feature_guard.cc:142] This TensorFlow binary is optimized with oneAPI Deep Neural Network Library (oneDNN) to use the following CPU instructions in performance-critical operations: AVX2 AVX512F FMA
To enable them in other operations, rebuild TensorFlow with the appropriate compiler flags.
2022-08-10 08:23:05.862688: I tensorflow/cc/saved_model/loader.cc:211] Restoring SavedModel bundle.
2022-08-10 08:23:05.865098: I tensorflow/cc/saved_model/loader.cc:211] Restoring SavedModel bundle.
2022-08-10 08:23:05.868785: I tensorflow/cc/saved_model/loader.cc:211] Restoring SavedModel bundle.
2022-08-10 08:23:05.869922: I tensorflow/cc/saved_model/loader.cc:195] Running initialization op on SavedModel bundle at path: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-10 08:23:05.871202: I tensorflow/cc/saved_model/loader.cc:195] Running initialization op on SavedModel bundle at path: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-10 08:23:05.872349: I tensorflow/cc/saved_model/loader.cc:211] Restoring SavedModel bundle.
2022-08-10 08:23:05.873412: I tensorflow/cc/saved_model/loader.cc:195] Running initialization op on SavedModel bundle at path: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-10 08:23:05.873559: I tensorflow/cc/saved_model/reader.cc:38] Reading SavedModel from: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-10 08:23:05.873615: I tensorflow/cc/saved_model/loader.cc:195] Running initialization op on SavedModel bundle at path: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-10 08:23:05.873948: I tensorflow/cc/saved_model/loader.cc:195] Running initialization op on SavedModel bundle at path: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-10 08:23:05.873976: I tensorflow/cc/saved_model/loader.cc:211] Restoring SavedModel bundle.
2022-08-10 08:23:05.876119: I tensorflow/cc/saved_model/loader.cc:211] Restoring SavedModel bundle.
2022-08-10 08:23:05.879117: I tensorflow/cc/saved_model/reader.cc:90] Reading meta graph with tags { serve }
2022-08-10 08:23:05.879158: I tensorflow/cc/saved_model/reader.cc:132] Reading SavedModel debug info (if present) from: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-10 08:23:05.879232: I tensorflow/core/platform/cpu_feature_guard.cc:142] This TensorFlow binary is optimized with oneAPI Deep Neural Network Library (oneDNN) to use the following CPU instructions in performance-critical operations: AVX2 AVX512F FMA
To enable them in other operations, rebuild TensorFlow with the appropriate compiler flags.
2022-08-10 08:23:05.879538: I tensorflow/cc/saved_model/loader.cc:195] Running initialization op on SavedModel bundle at path: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-10 08:23:05.879575: I tensorflow/cc/saved_model/loader.cc:195] Running initialization op on SavedModel bundle at path: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-10 08:23:05.880300: I tensorflow/cc/saved_model/loader.cc:195] Running initialization op on SavedModel bundle at path: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-10 08:23:05.880780: I tensorflow/cc/saved_model/loader.cc:195] Running initialization op on SavedModel bundle at path: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-10 08:23:05.882699: I tensorflow/cc/saved_model/loader.cc:195] Running initialization op on SavedModel bundle at path: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-10 08:23:05.886621: I tensorflow/cc/saved_model/loader.cc:283] SavedModel load for tags { serve }; Status: success: OK. Took 87021 microseconds.
2022-08-10 08:23:05.887754: I tensorflow/cc/saved_model/loader.cc:283] SavedModel load for tags { serve }; Status: success: OK. Took 87025 microseconds.
2022-08-10 08:23:05.890922: I tensorflow/cc/saved_model/loader.cc:283] SavedModel load for tags { serve }; Status: success: OK. Took 87578 microseconds.
2022-08-10 08:23:05.890949: I tensorflow/cc/saved_model/loader.cc:283] SavedModel load for tags { serve }; Status: success: OK. Took 89110 microseconds.
2022-08-10 08:23:05.891610: I tensorflow/cc/saved_model/loader.cc:283] SavedModel load for tags { serve }; Status: success: OK. Took 94094 microseconds.
2022-08-10 08:23:05.892804: I tensorflow/cc/saved_model/loader.cc:195] Running initialization op on SavedModel bundle at path: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-10 08:23:05.894075: I tensorflow/cc/saved_model/loader.cc:211] Restoring SavedModel bundle.
2022-08-10 08:23:05.894116: I tensorflow/cc/saved_model/loader.cc:211] Restoring SavedModel bundle.
2022-08-10 08:23:05.894408: I tensorflow/cc/saved_model/loader.cc:211] Restoring SavedModel bundle.
2022-08-10 08:23:05.894583: I tensorflow/cc/saved_model/loader.cc:195] Running initialization op on SavedModel bundle at path: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-10 08:23:05.896555: I tensorflow/cc/saved_model/loader.cc:283] SavedModel load for tags { serve }; Status: success: OK. Took 88915 microseconds.
2022-08-10 08:23:05.896698: I tensorflow/cc/saved_model/loader.cc:283] SavedModel load for tags { serve }; Status: success: OK. Took 89325 microseconds.
2022-08-10 08:23:05.897690: I tensorflow/cc/saved_model/loader.cc:283] SavedModel load for tags { serve }; Status: success: OK. Took 100559 microseconds.
2022-08-10 08:23:05.898438: I tensorflow/cc/saved_model/loader.cc:195] Running initialization op on SavedModel bundle at path: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-10 08:23:05.898937: I tensorflow/cc/saved_model/loader.cc:283] SavedModel load for tags { serve }; Status: success: OK. Took 88452 microseconds.
2022-08-10 08:23:05.899286: I tensorflow/cc/saved_model/loader.cc:283] SavedModel load for tags { serve }; Status: success: OK. Took 87109 microseconds.
2022-08-10 08:23:05.902578: I tensorflow/cc/saved_model/loader.cc:195] Running initialization op on SavedModel bundle at path: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-10 08:23:05.903461: I tensorflow/cc/saved_model/loader.cc:195] Running initialization op on SavedModel bundle at path: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-10 08:23:05.905733: I tensorflow/cc/saved_model/loader.cc:195] Running initialization op on SavedModel bundle at path: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-10 08:23:05.908727: I tensorflow/cc/saved_model/loader.cc:283] SavedModel load for tags { serve }; Status: success: OK. Took 87816 microseconds.
2022-08-10 08:23:05.910586: I tensorflow/cc/saved_model/reader.cc:38] Reading SavedModel from: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-10 08:23:05.911403: I tensorflow/cc/saved_model/loader.cc:283] SavedModel load for tags { serve }; Status: success: OK. Took 87441 microseconds.
2022-08-10 08:23:05.914231: I tensorflow/cc/saved_model/loader.cc:211] Restoring SavedModel bundle.
2022-08-10 08:23:05.915729: I tensorflow/cc/saved_model/loader.cc:283] SavedModel load for tags { serve }; Status: success: OK. Took 88382 microseconds.
2022-08-10 08:23:05.916544: I tensorflow/cc/saved_model/reader.cc:90] Reading meta graph with tags { serve }
2022-08-10 08:23:05.916574: I tensorflow/cc/saved_model/reader.cc:132] Reading SavedModel debug info (if present) from: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-10 08:23:05.916643: I tensorflow/core/platform/cpu_feature_guard.cc:142] This TensorFlow binary is optimized with oneAPI Deep Neural Network Library (oneDNN) to use the following CPU instructions in performance-critical operations: AVX2 AVX512F FMA
To enable them in other operations, rebuild TensorFlow with the appropriate compiler flags.
2022-08-10 08:23:05.916657: I tensorflow/cc/saved_model/reader.cc:38] Reading SavedModel from: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-10 08:23:05.919354: I tensorflow/cc/saved_model/reader.cc:38] Reading SavedModel from: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-10 08:23:05.919468: I tensorflow/cc/saved_model/loader.cc:283] SavedModel load for tags { serve }; Status: success: OK. Took 87900 microseconds.
2022-08-10 08:23:05.920361: I tensorflow/cc/saved_model/loader.cc:283] SavedModel load for tags { serve }; Status: success: OK. Took 86611 microseconds.
2022-08-10 08:23:05.922306: I tensorflow/cc/saved_model/reader.cc:90] Reading meta graph with tags { serve }
2022-08-10 08:23:05.922352: I tensorflow/cc/saved_model/reader.cc:132] Reading SavedModel debug info (if present) from: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-10 08:23:05.922439: I tensorflow/core/platform/cpu_feature_guard.cc:142] This TensorFlow binary is optimized with oneAPI Deep Neural Network Library (oneDNN) to use the following CPU instructions in performance-critical operations: AVX2 AVX512F FMA
To enable them in other operations, rebuild TensorFlow with the appropriate compiler flags.
2022-08-10 08:23:05.922615: I tensorflow/cc/saved_model/loader.cc:283] SavedModel load for tags { serve }; Status: success: OK. Took 86316 microseconds.
2022-08-10 08:23:05.924390: I tensorflow/cc/saved_model/loader.cc:195] Running initialization op on SavedModel bundle at path: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-10 08:23:05.925045: I tensorflow/cc/saved_model/reader.cc:90] Reading meta graph with tags { serve }
2022-08-10 08:23:05.925083: I tensorflow/cc/saved_model/reader.cc:132] Reading SavedModel debug info (if present) from: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-10 08:23:05.925166: I tensorflow/core/platform/cpu_feature_guard.cc:142] This TensorFlow binary is optimized with oneAPI Deep Neural Network Library (oneDNN) to use the following CPU instructions in performance-critical operations: AVX2 AVX512F FMA
To enable them in other operations, rebuild TensorFlow with the appropriate compiler flags.
2022-08-10 08:23:05.925325: I tensorflow/cc/saved_model/loader.cc:195] Running initialization op on SavedModel bundle at path: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-10 08:23:05.925397: I tensorflow/cc/saved_model/loader.cc:195] Running initialization op on SavedModel bundle at path: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-10 08:23:05.939910: I tensorflow/cc/saved_model/reader.cc:38] Reading SavedModel from: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-10 08:23:05.941666: I tensorflow/cc/saved_model/loader.cc:283] SavedModel load for tags { serve }; Status: success: OK. Took 89416 microseconds.
2022-08-10 08:23:05.942155: I tensorflow/cc/saved_model/loader.cc:283] SavedModel load for tags { serve }; Status: success: OK. Took 90024 microseconds.
2022-08-10 08:23:05.942459: I tensorflow/cc/saved_model/loader.cc:283] SavedModel load for tags { serve }; Status: success: OK. Took 90286 microseconds.
2022-08-10 08:23:05.944762: I tensorflow/cc/saved_model/loader.cc:195] Running initialization op on SavedModel bundle at path: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-10 08:23:05.945467: I tensorflow/cc/saved_model/reader.cc:90] Reading meta graph with tags { serve }
2022-08-10 08:23:05.945496: I tensorflow/cc/saved_model/reader.cc:132] Reading SavedModel debug info (if present) from: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-10 08:23:05.945563: I tensorflow/core/platform/cpu_feature_guard.cc:142] This TensorFlow binary is optimized with oneAPI Deep Neural Network Library (oneDNN) to use the following CPU instructions in performance-critical operations: AVX2 AVX512F FMA
To enable them in other operations, rebuild TensorFlow with the appropriate compiler flags.
2022-08-10 08:23:05.946626: I tensorflow/cc/saved_model/reader.cc:38] Reading SavedModel from: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-10 08:23:05.952239: I tensorflow/cc/saved_model/reader.cc:90] Reading meta graph with tags { serve }
2022-08-10 08:23:05.952277: I tensorflow/cc/saved_model/reader.cc:132] Reading SavedModel debug info (if present) from: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-10 08:23:05.952350: I tensorflow/core/platform/cpu_feature_guard.cc:142] This TensorFlow binary is optimized with oneAPI Deep Neural Network Library (oneDNN) to use the following CPU instructions in performance-critical operations: AVX2 AVX512F FMA
To enable them in other operations, rebuild TensorFlow with the appropriate compiler flags.
2022-08-10 08:23:05.952394: I tensorflow/cc/saved_model/loader.cc:211] Restoring SavedModel bundle.
2022-08-10 08:23:05.958820: I tensorflow/cc/saved_model/loader.cc:211] Restoring SavedModel bundle.
2022-08-10 08:23:05.960891: I tensorflow/cc/saved_model/loader.cc:211] Restoring SavedModel bundle.
2022-08-10 08:23:05.961133: I tensorflow/cc/saved_model/reader.cc:38] Reading SavedModel from: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-10 08:23:05.961614: I tensorflow/cc/saved_model/loader.cc:283] SavedModel load for tags { serve }; Status: success: OK. Took 88063 microseconds.
2022-08-10 08:23:05.965935: I tensorflow/cc/saved_model/reader.cc:38] Reading SavedModel from: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-10 08:23:05.966678: I tensorflow/cc/saved_model/reader.cc:90] Reading meta graph with tags { serve }
2022-08-10 08:23:05.966726: I tensorflow/cc/saved_model/reader.cc:132] Reading SavedModel debug info (if present) from: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-10 08:23:05.966807: I tensorflow/core/platform/cpu_feature_guard.cc:142] This TensorFlow binary is optimized with oneAPI Deep Neural Network Library (oneDNN) to use the following CPU instructions in performance-critical operations: AVX2 AVX512F FMA
To enable them in other operations, rebuild TensorFlow with the appropriate compiler flags.
2022-08-10 08:23:05.971513: I tensorflow/cc/saved_model/reader.cc:90] Reading meta graph with tags { serve }
2022-08-10 08:23:05.971557: I tensorflow/cc/saved_model/reader.cc:132] Reading SavedModel debug info (if present) from: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-10 08:23:05.971631: I tensorflow/core/platform/cpu_feature_guard.cc:142] This TensorFlow binary is optimized with oneAPI Deep Neural Network Library (oneDNN) to use the following CPU instructions in performance-critical operations: AVX2 AVX512F FMA
To enable them in other operations, rebuild TensorFlow with the appropriate compiler flags.
2022-08-10 08:23:05.979904: I tensorflow/cc/saved_model/loader.cc:211] Restoring SavedModel bundle.
2022-08-10 08:23:05.982330: I tensorflow/cc/saved_model/loader.cc:195] Running initialization op on SavedModel bundle at path: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-10 08:23:05.984963: I tensorflow/cc/saved_model/reader.cc:38] Reading SavedModel from: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-10 08:23:05.986872: I tensorflow/cc/saved_model/loader.cc:211] Restoring SavedModel bundle.
2022-08-10 08:23:05.988362: I tensorflow/cc/saved_model/loader.cc:195] Running initialization op on SavedModel bundle at path: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-10 08:23:05.990444: I tensorflow/cc/saved_model/reader.cc:90] Reading meta graph with tags { serve }
2022-08-10 08:23:05.990487: I tensorflow/cc/saved_model/reader.cc:132] Reading SavedModel debug info (if present) from: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-10 08:23:05.990554: I tensorflow/core/platform/cpu_feature_guard.cc:142] This TensorFlow binary is optimized with oneAPI Deep Neural Network Library (oneDNN) to use the following CPU instructions in performance-critical operations: AVX2 AVX512F FMA
To enable them in other operations, rebuild TensorFlow with the appropriate compiler flags.
2022-08-10 08:23:05.990821: I tensorflow/cc/saved_model/loader.cc:195] Running initialization op on SavedModel bundle at path: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-10 08:23:05.999019: I tensorflow/cc/saved_model/loader.cc:283] SavedModel load for tags { serve }; Status: success: OK. Took 88441 microseconds.
2022-08-10 08:23:06.001066: I tensorflow/cc/saved_model/loader.cc:211] Restoring SavedModel bundle.
2022-08-10 08:23:06.003679: I tensorflow/cc/saved_model/reader.cc:38] Reading SavedModel from: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-10 08:23:06.004479: I tensorflow/cc/saved_model/loader.cc:283] SavedModel load for tags { serve }; Status: success: OK. Took 87830 microseconds.
2022-08-10 08:23:06.006703: I tensorflow/cc/saved_model/loader.cc:211] Restoring SavedModel bundle.
2022-08-10 08:23:06.007707: I tensorflow/cc/saved_model/loader.cc:283] SavedModel load for tags { serve }; Status: success: OK. Took 88364 microseconds.
2022-08-10 08:23:06.009225: I tensorflow/cc/saved_model/reader.cc:90] Reading meta graph with tags { serve }
2022-08-10 08:23:06.009259: I tensorflow/cc/saved_model/reader.cc:132] Reading SavedModel debug info (if present) from: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-10 08:23:06.009334: I tensorflow/core/platform/cpu_feature_guard.cc:142] This TensorFlow binary is optimized with oneAPI Deep Neural Network Library (oneDNN) to use the following CPU instructions in performance-critical operations: AVX2 AVX512F FMA
To enable them in other operations, rebuild TensorFlow with the appropriate compiler flags.
2022-08-10 08:23:06.009680: I tensorflow/cc/saved_model/loader.cc:195] Running initialization op on SavedModel bundle at path: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-10 08:23:06.016449: I tensorflow/cc/saved_model/loader.cc:195] Running initialization op on SavedModel bundle at path: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-10 08:23:06.025661: I tensorflow/cc/saved_model/loader.cc:211] Restoring SavedModel bundle.
2022-08-10 08:23:06.026042: I tensorflow/cc/saved_model/loader.cc:283] SavedModel load for tags { serve }; Status: success: OK. Took 86141 microseconds.
2022-08-10 08:23:06.030383: I tensorflow/cc/saved_model/loader.cc:195] Running initialization op on SavedModel bundle at path: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-10 08:23:06.032153: I tensorflow/cc/saved_model/loader.cc:283] SavedModel load for tags { serve }; Status: success: OK. Took 85534 microseconds.
2022-08-10 08:23:06.035673: I tensorflow/cc/saved_model/loader.cc:195] Running initialization op on SavedModel bundle at path: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-10 08:23:06.042686: I tensorflow/cc/saved_model/loader.cc:211] Restoring SavedModel bundle.
2022-08-10 08:23:06.045880: I tensorflow/cc/saved_model/loader.cc:283] SavedModel load for tags { serve }; Status: success: OK. Took 84756 microseconds.
2022-08-10 08:23:06.051389: I tensorflow/cc/saved_model/loader.cc:283] SavedModel load for tags { serve }; Status: success: OK. Took 85464 microseconds.
2022-08-10 08:23:06.069769: I tensorflow/cc/saved_model/loader.cc:195] Running initialization op on SavedModel bundle at path: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-10 08:23:06.070805: I tensorflow/cc/saved_model/loader.cc:195] Running initialization op on SavedModel bundle at path: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-10 08:23:06.084476: I tensorflow/cc/saved_model/loader.cc:283] SavedModel load for tags { serve }; Status: success: OK. Took 80798 microseconds.
2022-08-10 08:23:06.085396: I tensorflow/cc/saved_model/loader.cc:283] SavedModel load for tags { serve }; Status: success: OK. Took 100444 microseconds.
2022-08-10 08:23:06.094661: I tensorflow/cc/saved_model/reader.cc:38] Reading SavedModel from: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-10 08:23:06.100146: I tensorflow/cc/saved_model/reader.cc:90] Reading meta graph with tags { serve }
2022-08-10 08:23:06.100194: I tensorflow/cc/saved_model/reader.cc:132] Reading SavedModel debug info (if present) from: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-10 08:23:06.100262: I tensorflow/core/platform/cpu_feature_guard.cc:142] This TensorFlow binary is optimized with oneAPI Deep Neural Network Library (oneDNN) to use the following CPU instructions in performance-critical operations: AVX2 AVX512F FMA
To enable them in other operations, rebuild TensorFlow with the appropriate compiler flags.
2022-08-10 08:23:06.136367: I tensorflow/cc/saved_model/loader.cc:211] Restoring SavedModel bundle.
2022-08-10 08:23:06.166360: I tensorflow/cc/saved_model/loader.cc:195] Running initialization op on SavedModel bundle at path: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-10 08:23:06.182892: I tensorflow/cc/saved_model/loader.cc:283] SavedModel load for tags { serve }; Status: success: OK. Took 88239 microseconds.
I0810 08:23:06.657370 140667723188032 local_data_collector.py:133] 30 of 31 modules finished in 1 seconds (0 failures).
W0810 08:23:06.935153 140667723188032 trainer.py:196] Warning: skip training because do not have enough data to fill in a batch, consider increase data or reduce batch size.
I0810 08:23:06.935673 140667723188032 train_locally.py:151] Last iteration took: 3.038941
W0810 08:23:07.313524 140667723188032 save.py:263] Found untraced functions such as ActorDistributionNetwork_layer_call_fn, ActorDistributionNetwork_layer_call_and_return_conditional_losses, ConstantValueNetwork_layer_call_fn, ConstantValueNetwork_layer_call_and_return_conditional_losses, EncodingNetwork_layer_call_fn while saving (showing 5 of 145). These functions will not be directly callable after loading.
/home/matthiasb/compiling/tf_venv/lib64/python3.9/site-packages/tensorflow/python/saved_model/nested_structure_coder.py:559: UserWarning: Encoding a StructuredValue with type tf_agents.policies.greedy_policy.DeterministicWithLogProb_ACTTypeSpec; loading this StructuredValue will require that this type be imported and registered.
warnings.warn("Encoding a StructuredValue with type %s; loading this "
INFO:tensorflow:Assets written to: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_policy/assets
I0810 08:23:07.523390 140667723188032 builder_impl.py:783] Assets written to: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_policy/assets
W0810 08:23:08.524955 140667723188032 save.py:263] Found untraced functions such as ActorDistributionNetwork_layer_call_fn, ActorDistributionNetwork_layer_call_and_return_conditional_losses, ConstantValueNetwork_layer_call_fn, ConstantValueNetwork_layer_call_and_return_conditional_losses, EncodingNetwork_layer_call_fn while saving (showing 5 of 145). These functions will not be directly callable after loading.
/home/matthiasb/compiling/tf_venv/lib64/python3.9/site-packages/tensorflow/python/saved_model/nested_structure_coder.py:559: UserWarning: Encoding a StructuredValue with type tfp.distributions.Categorical_ACTTypeSpec; loading this StructuredValue will require that this type be imported and registered.
warnings.warn("Encoding a StructuredValue with type %s; loading this "
INFO:tensorflow:Assets written to: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy/assets
I0810 08:23:08.747120 140667723188032 builder_impl.py:783] Assets written to: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy/assets
I0810 08:23:09.107663 140667723188032 local_data_collector.py:77] Waiting for pending work from last iteration took 0.000028
2022-08-10 08:23:09.244042: I tensorflow/cc/saved_model/reader.cc:38] Reading SavedModel from: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-10 08:23:09.249236: I tensorflow/cc/saved_model/reader.cc:90] Reading meta graph with tags { serve }
2022-08-10 08:23:09.249275: I tensorflow/cc/saved_model/reader.cc:132] Reading SavedModel debug info (if present) from: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-10 08:23:09.249349: I tensorflow/core/platform/cpu_feature_guard.cc:142] This TensorFlow binary is optimized with oneAPI Deep Neural Network Library (oneDNN) to use the following CPU instructions in performance-critical operations: AVX2 AVX512F FMA
To enable them in other operations, rebuild TensorFlow with the appropriate compiler flags.
2022-08-10 08:23:09.249454: I tensorflow/cc/saved_model/reader.cc:38] Reading SavedModel from: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-10 08:23:09.251509: I tensorflow/cc/saved_model/reader.cc:38] Reading SavedModel from: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-10 08:23:09.254950: I tensorflow/cc/saved_model/reader.cc:90] Reading meta graph with tags { serve }
2022-08-10 08:23:09.254988: I tensorflow/cc/saved_model/reader.cc:132] Reading SavedModel debug info (if present) from: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-10 08:23:09.255050: I tensorflow/core/platform/cpu_feature_guard.cc:142] This TensorFlow binary is optimized with oneAPI Deep Neural Network Library (oneDNN) to use the following CPU instructions in performance-critical operations: AVX2 AVX512F FMA
To enable them in other operations, rebuild TensorFlow with the appropriate compiler flags.
2022-08-10 08:23:09.255221: I tensorflow/cc/saved_model/reader.cc:38] Reading SavedModel from: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-10 08:23:09.256097: I tensorflow/cc/saved_model/reader.cc:38] Reading SavedModel from: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-10 08:23:09.256960: I tensorflow/cc/saved_model/reader.cc:90] Reading meta graph with tags { serve }
2022-08-10 08:23:09.256986: I tensorflow/cc/saved_model/reader.cc:132] Reading SavedModel debug info (if present) from: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-10 08:23:09.257046: I tensorflow/core/platform/cpu_feature_guard.cc:142] This TensorFlow binary is optimized with oneAPI Deep Neural Network Library (oneDNN) to use the following CPU instructions in performance-critical operations: AVX2 AVX512F FMA
To enable them in other operations, rebuild TensorFlow with the appropriate compiler flags.
2022-08-10 08:23:09.260391: I tensorflow/cc/saved_model/reader.cc:38] Reading SavedModel from: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-10 08:23:09.260641: I tensorflow/cc/saved_model/reader.cc:90] Reading meta graph with tags { serve }
2022-08-10 08:23:09.260672: I tensorflow/cc/saved_model/reader.cc:132] Reading SavedModel debug info (if present) from: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-10 08:23:09.260746: I tensorflow/core/platform/cpu_feature_guard.cc:142] This TensorFlow binary is optimized with oneAPI Deep Neural Network Library (oneDNN) to use the following CPU instructions in performance-critical operations: AVX2 AVX512F FMA
To enable them in other operations, rebuild TensorFlow with the appropriate compiler flags.
2022-08-10 08:23:09.261134: I tensorflow/cc/saved_model/reader.cc:38] Reading SavedModel from: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-10 08:23:09.261585: I tensorflow/cc/saved_model/reader.cc:90] Reading meta graph with tags { serve }
2022-08-10 08:23:09.261611: I tensorflow/cc/saved_model/reader.cc:132] Reading SavedModel debug info (if present) from: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-10 08:23:09.261672: I tensorflow/core/platform/cpu_feature_guard.cc:142] This TensorFlow binary is optimized with oneAPI Deep Neural Network Library (oneDNN) to use the following CPU instructions in performance-critical operations: AVX2 AVX512F FMA
To enable them in other operations, rebuild TensorFlow with the appropriate compiler flags.
2022-08-10 08:23:09.261870: I tensorflow/cc/saved_model/reader.cc:38] Reading SavedModel from: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-10 08:23:09.265865: I tensorflow/cc/saved_model/reader.cc:90] Reading meta graph with tags { serve }
2022-08-10 08:23:09.265900: I tensorflow/cc/saved_model/reader.cc:132] Reading SavedModel debug info (if present) from: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-10 08:23:09.265977: I tensorflow/core/platform/cpu_feature_guard.cc:142] This TensorFlow binary is optimized with oneAPI Deep Neural Network Library (oneDNN) to use the following CPU instructions in performance-critical operations: AVX2 AVX512F FMA
To enable them in other operations, rebuild TensorFlow with the appropriate compiler flags.
2022-08-10 08:23:09.266465: I tensorflow/cc/saved_model/reader.cc:90] Reading meta graph with tags { serve }
2022-08-10 08:23:09.266495: I tensorflow/cc/saved_model/reader.cc:132] Reading SavedModel debug info (if present) from: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-10 08:23:09.266557: I tensorflow/core/platform/cpu_feature_guard.cc:142] This TensorFlow binary is optimized with oneAPI Deep Neural Network Library (oneDNN) to use the following CPU instructions in performance-critical operations: AVX2 AVX512F FMA
To enable them in other operations, rebuild TensorFlow with the appropriate compiler flags.
2022-08-10 08:23:09.267583: I tensorflow/cc/saved_model/reader.cc:90] Reading meta graph with tags { serve }
2022-08-10 08:23:09.267633: I tensorflow/cc/saved_model/reader.cc:132] Reading SavedModel debug info (if present) from: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-10 08:23:09.267703: I tensorflow/core/platform/cpu_feature_guard.cc:142] This TensorFlow binary is optimized with oneAPI Deep Neural Network Library (oneDNN) to use the following CPU instructions in performance-critical operations: AVX2 AVX512F FMA
To enable them in other operations, rebuild TensorFlow with the appropriate compiler flags.
2022-08-10 08:23:09.271946: I tensorflow/cc/saved_model/reader.cc:38] Reading SavedModel from: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-10 08:23:09.271954: I tensorflow/cc/saved_model/reader.cc:38] Reading SavedModel from: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-10 08:23:09.275064: I tensorflow/cc/saved_model/reader.cc:38] Reading SavedModel from: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-10 08:23:09.277560: I tensorflow/cc/saved_model/reader.cc:90] Reading meta graph with tags { serve }
2022-08-10 08:23:09.277593: I tensorflow/cc/saved_model/reader.cc:132] Reading SavedModel debug info (if present) from: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-10 08:23:09.277665: I tensorflow/core/platform/cpu_feature_guard.cc:142] This TensorFlow binary is optimized with oneAPI Deep Neural Network Library (oneDNN) to use the following CPU instructions in performance-critical operations: AVX2 AVX512F FMA
To enable them in other operations, rebuild TensorFlow with the appropriate compiler flags.
2022-08-10 08:23:09.278272: I tensorflow/cc/saved_model/reader.cc:90] Reading meta graph with tags { serve }
2022-08-10 08:23:09.278301: I tensorflow/cc/saved_model/reader.cc:132] Reading SavedModel debug info (if present) from: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-10 08:23:09.278364: I tensorflow/core/platform/cpu_feature_guard.cc:142] This TensorFlow binary is optimized with oneAPI Deep Neural Network Library (oneDNN) to use the following CPU instructions in performance-critical operations: AVX2 AVX512F FMA
To enable them in other operations, rebuild TensorFlow with the appropriate compiler flags.
2022-08-10 08:23:09.280583: I tensorflow/cc/saved_model/reader.cc:90] Reading meta graph with tags { serve }
2022-08-10 08:23:09.280613: I tensorflow/cc/saved_model/reader.cc:132] Reading SavedModel debug info (if present) from: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-10 08:23:09.280670: I tensorflow/core/platform/cpu_feature_guard.cc:142] This TensorFlow binary is optimized with oneAPI Deep Neural Network Library (oneDNN) to use the following CPU instructions in performance-critical operations: AVX2 AVX512F FMA
To enable them in other operations, rebuild TensorFlow with the appropriate compiler flags.
2022-08-10 08:23:09.281326: I tensorflow/cc/saved_model/reader.cc:38] Reading SavedModel from: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-10 08:23:09.283674: I tensorflow/cc/saved_model/loader.cc:211] Restoring SavedModel bundle.
2022-08-10 08:23:09.287000: I tensorflow/cc/saved_model/reader.cc:90] Reading meta graph with tags { serve }
2022-08-10 08:23:09.287043: I tensorflow/cc/saved_model/reader.cc:132] Reading SavedModel debug info (if present) from: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-10 08:23:09.287116: I tensorflow/core/platform/cpu_feature_guard.cc:142] This TensorFlow binary is optimized with oneAPI Deep Neural Network Library (oneDNN) to use the following CPU instructions in performance-critical operations: AVX2 AVX512F FMA
To enable them in other operations, rebuild TensorFlow with the appropriate compiler flags.
2022-08-10 08:23:09.287374: I tensorflow/cc/saved_model/reader.cc:38] Reading SavedModel from: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-10 08:23:09.291388: I tensorflow/cc/saved_model/loader.cc:211] Restoring SavedModel bundle.
2022-08-10 08:23:09.291931: I tensorflow/cc/saved_model/loader.cc:211] Restoring SavedModel bundle.
2022-08-10 08:23:09.293015: I tensorflow/cc/saved_model/reader.cc:90] Reading meta graph with tags { serve }
2022-08-10 08:23:09.293050: I tensorflow/cc/saved_model/reader.cc:132] Reading SavedModel debug info (if present) from: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-10 08:23:09.293119: I tensorflow/core/platform/cpu_feature_guard.cc:142] This TensorFlow binary is optimized with oneAPI Deep Neural Network Library (oneDNN) to use the following CPU instructions in performance-critical operations: AVX2 AVX512F FMA
To enable them in other operations, rebuild TensorFlow with the appropriate compiler flags.
2022-08-10 08:23:09.296056: I tensorflow/cc/saved_model/reader.cc:38] Reading SavedModel from: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-10 08:23:09.296153: I tensorflow/cc/saved_model/loader.cc:211] Restoring SavedModel bundle.
2022-08-10 08:23:09.296414: I tensorflow/cc/saved_model/reader.cc:38] Reading SavedModel from: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-10 08:23:09.297410: I tensorflow/cc/saved_model/reader.cc:38] Reading SavedModel from: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-10 08:23:09.299444: I tensorflow/cc/saved_model/loader.cc:211] Restoring SavedModel bundle.
2022-08-10 08:23:09.301404: I tensorflow/cc/saved_model/loader.cc:211] Restoring SavedModel bundle.
2022-08-10 08:23:09.301419: I tensorflow/cc/saved_model/reader.cc:38] Reading SavedModel from: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-10 08:23:09.301718: I tensorflow/cc/saved_model/reader.cc:90] Reading meta graph with tags { serve }
2022-08-10 08:23:09.301757: I tensorflow/cc/saved_model/reader.cc:132] Reading SavedModel debug info (if present) from: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-10 08:23:09.301825: I tensorflow/core/platform/cpu_feature_guard.cc:142] This TensorFlow binary is optimized with oneAPI Deep Neural Network Library (oneDNN) to use the following CPU instructions in performance-critical operations: AVX2 AVX512F FMA
To enable them in other operations, rebuild TensorFlow with the appropriate compiler flags.
2022-08-10 08:23:09.302065: I tensorflow/cc/saved_model/loader.cc:211] Restoring SavedModel bundle.
2022-08-10 08:23:09.302066: I tensorflow/cc/saved_model/reader.cc:90] Reading meta graph with tags { serve }
2022-08-10 08:23:09.302104: I tensorflow/cc/saved_model/reader.cc:132] Reading SavedModel debug info (if present) from: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-10 08:23:09.302168: I tensorflow/core/platform/cpu_feature_guard.cc:142] This TensorFlow binary is optimized with oneAPI Deep Neural Network Library (oneDNN) to use the following CPU instructions in performance-critical operations: AVX2 AVX512F FMA
To enable them in other operations, rebuild TensorFlow with the appropriate compiler flags.
2022-08-10 08:23:09.302173: I tensorflow/cc/saved_model/reader.cc:38] Reading SavedModel from: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-10 08:23:09.302879: I tensorflow/cc/saved_model/reader.cc:90] Reading meta graph with tags { serve }
2022-08-10 08:23:09.302905: I tensorflow/cc/saved_model/reader.cc:132] Reading SavedModel debug info (if present) from: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-10 08:23:09.302962: I tensorflow/core/platform/cpu_feature_guard.cc:142] This TensorFlow binary is optimized with oneAPI Deep Neural Network Library (oneDNN) to use the following CPU instructions in performance-critical operations: AVX2 AVX512F FMA
To enable them in other operations, rebuild TensorFlow with the appropriate compiler flags.
2022-08-10 08:23:09.304276: I tensorflow/cc/saved_model/loader.cc:211] Restoring SavedModel bundle.
2022-08-10 08:23:09.305880: I tensorflow/cc/saved_model/reader.cc:38] Reading SavedModel from: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-10 08:23:09.306979: I tensorflow/cc/saved_model/reader.cc:90] Reading meta graph with tags { serve }
2022-08-10 08:23:09.307022: I tensorflow/cc/saved_model/reader.cc:132] Reading SavedModel debug info (if present) from: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-10 08:23:09.307107: I tensorflow/core/platform/cpu_feature_guard.cc:142] This TensorFlow binary is optimized with oneAPI Deep Neural Network Library (oneDNN) to use the following CPU instructions in performance-critical operations: AVX2 AVX512F FMA
To enable them in other operations, rebuild TensorFlow with the appropriate compiler flags.
2022-08-10 08:23:09.307778: I tensorflow/cc/saved_model/reader.cc:90] Reading meta graph with tags { serve }
2022-08-10 08:23:09.307814: I tensorflow/cc/saved_model/reader.cc:132] Reading SavedModel debug info (if present) from: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-10 08:23:09.307879: I tensorflow/core/platform/cpu_feature_guard.cc:142] This TensorFlow binary is optimized with oneAPI Deep Neural Network Library (oneDNN) to use the following CPU instructions in performance-critical operations: AVX2 AVX512F FMA
To enable them in other operations, rebuild TensorFlow with the appropriate compiler flags.
2022-08-10 08:23:09.311522: I tensorflow/cc/saved_model/reader.cc:90] Reading meta graph with tags { serve }
2022-08-10 08:23:09.311565: I tensorflow/cc/saved_model/reader.cc:132] Reading SavedModel debug info (if present) from: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-10 08:23:09.311639: I tensorflow/core/platform/cpu_feature_guard.cc:142] This TensorFlow binary is optimized with oneAPI Deep Neural Network Library (oneDNN) to use the following CPU instructions in performance-critical operations: AVX2 AVX512F FMA
To enable them in other operations, rebuild TensorFlow with the appropriate compiler flags.
2022-08-10 08:23:09.314378: I tensorflow/cc/saved_model/loader.cc:211] Restoring SavedModel bundle.
2022-08-10 08:23:09.314458: I tensorflow/cc/saved_model/loader.cc:211] Restoring SavedModel bundle.
2022-08-10 08:23:09.317964: I tensorflow/cc/saved_model/loader.cc:211] Restoring SavedModel bundle.
2022-08-10 08:23:09.321185: I tensorflow/cc/saved_model/loader.cc:195] Running initialization op on SavedModel bundle at path: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-10 08:23:09.321475: I tensorflow/cc/saved_model/loader.cc:195] Running initialization op on SavedModel bundle at path: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-10 08:23:09.322454: I tensorflow/cc/saved_model/loader.cc:211] Restoring SavedModel bundle.
2022-08-10 08:23:09.325979: I tensorflow/cc/saved_model/reader.cc:38] Reading SavedModel from: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-10 08:23:09.327027: I tensorflow/cc/saved_model/loader.cc:195] Running initialization op on SavedModel bundle at path: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-10 08:23:09.327253: I tensorflow/cc/saved_model/loader.cc:195] Running initialization op on SavedModel bundle at path: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-10 08:23:09.328395: I tensorflow/cc/saved_model/loader.cc:211] Restoring SavedModel bundle.
2022-08-10 08:23:09.330892: I tensorflow/cc/saved_model/loader.cc:195] Running initialization op on SavedModel bundle at path: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-10 08:23:09.331556: I tensorflow/cc/saved_model/reader.cc:90] Reading meta graph with tags { serve }
2022-08-10 08:23:09.331592: I tensorflow/cc/saved_model/reader.cc:132] Reading SavedModel debug info (if present) from: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-10 08:23:09.331668: I tensorflow/core/platform/cpu_feature_guard.cc:142] This TensorFlow binary is optimized with oneAPI Deep Neural Network Library (oneDNN) to use the following CPU instructions in performance-critical operations: AVX2 AVX512F FMA
To enable them in other operations, rebuild TensorFlow with the appropriate compiler flags.
2022-08-10 08:23:09.331964: I tensorflow/cc/saved_model/loader.cc:195] Running initialization op on SavedModel bundle at path: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-10 08:23:09.332525: I tensorflow/cc/saved_model/loader.cc:195] Running initialization op on SavedModel bundle at path: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-10 08:23:09.336062: I tensorflow/cc/saved_model/loader.cc:195] Running initialization op on SavedModel bundle at path: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-10 08:23:09.336926: I tensorflow/cc/saved_model/loader.cc:283] SavedModel load for tags { serve }; Status: success: OK. Took 85424 microseconds.
2022-08-10 08:23:09.338401: I tensorflow/cc/saved_model/loader.cc:211] Restoring SavedModel bundle.
2022-08-10 08:23:09.338559: I tensorflow/cc/saved_model/loader.cc:283] SavedModel load for tags { serve }; Status: success: OK. Took 89113 microseconds.
2022-08-10 08:23:09.339132: I tensorflow/cc/saved_model/loader.cc:211] Restoring SavedModel bundle.
2022-08-10 08:23:09.339668: I tensorflow/cc/saved_model/loader.cc:211] Restoring SavedModel bundle.
2022-08-10 08:23:09.343025: I tensorflow/cc/saved_model/loader.cc:211] Restoring SavedModel bundle.
2022-08-10 08:23:09.343308: I tensorflow/cc/saved_model/loader.cc:283] SavedModel load for tags { serve }; Status: success: OK. Took 99274 microseconds.
2022-08-10 08:23:09.344234: I tensorflow/cc/saved_model/loader.cc:283] SavedModel load for tags { serve }; Status: success: OK. Took 89022 microseconds.
2022-08-10 08:23:09.344881: I tensorflow/cc/saved_model/loader.cc:195] Running initialization op on SavedModel bundle at path: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-10 08:23:09.344909: I tensorflow/cc/saved_model/loader.cc:211] Restoring SavedModel bundle.
2022-08-10 08:23:09.345699: I tensorflow/cc/saved_model/loader.cc:195] Running initialization op on SavedModel bundle at path: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-10 08:23:09.347254: I tensorflow/cc/saved_model/loader.cc:283] SavedModel load for tags { serve }; Status: success: OK. Took 86870 microseconds.
2022-08-10 08:23:09.347672: I tensorflow/cc/saved_model/loader.cc:211] Restoring SavedModel bundle.
2022-08-10 08:23:09.347873: I tensorflow/cc/saved_model/loader.cc:195] Running initialization op on SavedModel bundle at path: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-10 08:23:09.348448: I tensorflow/cc/saved_model/loader.cc:283] SavedModel load for tags { serve }; Status: success: OK. Took 87313 microseconds.
2022-08-10 08:23:09.349551: I tensorflow/cc/saved_model/loader.cc:283] SavedModel load for tags { serve }; Status: success: OK. Took 93467 microseconds.
2022-08-10 08:23:09.352635: I tensorflow/cc/saved_model/loader.cc:195] Running initialization op on SavedModel bundle at path: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-10 08:23:09.353171: I tensorflow/cc/saved_model/loader.cc:283] SavedModel load for tags { serve }; Status: success: OK. Took 91310 microseconds.
2022-08-10 08:23:09.358798: I tensorflow/cc/saved_model/reader.cc:38] Reading SavedModel from: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-10 08:23:09.358922: I tensorflow/cc/saved_model/loader.cc:195] Running initialization op on SavedModel bundle at path: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-10 08:23:09.362160: I tensorflow/cc/saved_model/loader.cc:283] SavedModel load for tags { serve }; Status: success: OK. Took 90222 microseconds.
2022-08-10 08:23:09.362812: I tensorflow/cc/saved_model/loader.cc:283] SavedModel load for tags { serve }; Status: success: OK. Took 90867 microseconds.
2022-08-10 08:23:09.363927: I tensorflow/cc/saved_model/reader.cc:38] Reading SavedModel from: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-10 08:23:09.364294: I tensorflow/cc/saved_model/reader.cc:90] Reading meta graph with tags { serve }
2022-08-10 08:23:09.364326: I tensorflow/cc/saved_model/reader.cc:132] Reading SavedModel debug info (if present) from: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-10 08:23:09.364398: I tensorflow/core/platform/cpu_feature_guard.cc:142] This TensorFlow binary is optimized with oneAPI Deep Neural Network Library (oneDNN) to use the following CPU instructions in performance-critical operations: AVX2 AVX512F FMA
To enable them in other operations, rebuild TensorFlow with the appropriate compiler flags.
2022-08-10 08:23:09.364392: I tensorflow/cc/saved_model/reader.cc:38] Reading SavedModel from: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-10 08:23:09.364935: I tensorflow/cc/saved_model/loader.cc:283] SavedModel load for tags { serve }; Status: success: OK. Took 89878 microseconds.
2022-08-10 08:23:09.366416: I tensorflow/cc/saved_model/loader.cc:211] Restoring SavedModel bundle.
2022-08-10 08:23:09.369596: I tensorflow/cc/saved_model/loader.cc:283] SavedModel load for tags { serve }; Status: success: OK. Took 88277 microseconds.
2022-08-10 08:23:09.369685: I tensorflow/cc/saved_model/loader.cc:195] Running initialization op on SavedModel bundle at path: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-10 08:23:09.369726: I tensorflow/cc/saved_model/loader.cc:195] Running initialization op on SavedModel bundle at path: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-10 08:23:09.369918: I tensorflow/cc/saved_model/reader.cc:90] Reading meta graph with tags { serve }
2022-08-10 08:23:09.369957: I tensorflow/cc/saved_model/reader.cc:132] Reading SavedModel debug info (if present) from: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-10 08:23:09.370031: I tensorflow/core/platform/cpu_feature_guard.cc:142] This TensorFlow binary is optimized with oneAPI Deep Neural Network Library (oneDNN) to use the following CPU instructions in performance-critical operations: AVX2 AVX512F FMA
To enable them in other operations, rebuild TensorFlow with the appropriate compiler flags.
2022-08-10 08:23:09.370225: I tensorflow/cc/saved_model/loader.cc:195] Running initialization op on SavedModel bundle at path: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-10 08:23:09.370690: I tensorflow/cc/saved_model/reader.cc:90] Reading meta graph with tags { serve }
2022-08-10 08:23:09.370718: I tensorflow/cc/saved_model/reader.cc:132] Reading SavedModel debug info (if present) from: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-10 08:23:09.370788: I tensorflow/core/platform/cpu_feature_guard.cc:142] This TensorFlow binary is optimized with oneAPI Deep Neural Network Library (oneDNN) to use the following CPU instructions in performance-critical operations: AVX2 AVX512F FMA
To enable them in other operations, rebuild TensorFlow with the appropriate compiler flags.
2022-08-10 08:23:09.373180: I tensorflow/cc/saved_model/loader.cc:195] Running initialization op on SavedModel bundle at path: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-10 08:23:09.375958: I tensorflow/cc/saved_model/loader.cc:283] SavedModel load for tags { serve }; Status: success: OK. Took 88592 microseconds.
2022-08-10 08:23:09.376041: I tensorflow/cc/saved_model/loader.cc:195] Running initialization op on SavedModel bundle at path: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-10 08:23:09.378428: I tensorflow/cc/saved_model/loader.cc:195] Running initialization op on SavedModel bundle at path: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-10 08:23:09.386832: I tensorflow/cc/saved_model/loader.cc:283] SavedModel load for tags { serve }; Status: success: OK. Took 89429 microseconds.
2022-08-10 08:23:09.387066: I tensorflow/cc/saved_model/loader.cc:283] SavedModel load for tags { serve }; Status: success: OK. Took 91019 microseconds.
2022-08-10 08:23:09.387647: I tensorflow/cc/saved_model/loader.cc:283] SavedModel load for tags { serve }; Status: success: OK. Took 91240 microseconds.
2022-08-10 08:23:09.389861: I tensorflow/cc/saved_model/loader.cc:283] SavedModel load for tags { serve }; Status: success: OK. Took 88450 microseconds.
2022-08-10 08:23:09.395328: I tensorflow/cc/saved_model/loader.cc:283] SavedModel load for tags { serve }; Status: success: OK. Took 89456 microseconds.
2022-08-10 08:23:09.400288: I tensorflow/cc/saved_model/reader.cc:38] Reading SavedModel from: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-10 08:23:09.401448: I tensorflow/cc/saved_model/loader.cc:211] Restoring SavedModel bundle.
2022-08-10 08:23:09.401690: I tensorflow/cc/saved_model/reader.cc:38] Reading SavedModel from: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-10 08:23:09.402548: I tensorflow/cc/saved_model/loader.cc:195] Running initialization op on SavedModel bundle at path: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-10 08:23:09.402784: I tensorflow/cc/saved_model/loader.cc:283] SavedModel load for tags { serve }; Status: success: OK. Took 100609 microseconds.
2022-08-10 08:23:09.406059: I tensorflow/cc/saved_model/reader.cc:90] Reading meta graph with tags { serve }
2022-08-10 08:23:09.406104: I tensorflow/cc/saved_model/reader.cc:132] Reading SavedModel debug info (if present) from: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-10 08:23:09.406186: I tensorflow/core/platform/cpu_feature_guard.cc:142] This TensorFlow binary is optimized with oneAPI Deep Neural Network Library (oneDNN) to use the following CPU instructions in performance-critical operations: AVX2 AVX512F FMA
To enable them in other operations, rebuild TensorFlow with the appropriate compiler flags.
2022-08-10 08:23:09.407142: I tensorflow/cc/saved_model/reader.cc:90] Reading meta graph with tags { serve }
2022-08-10 08:23:09.407172: I tensorflow/cc/saved_model/reader.cc:132] Reading SavedModel debug info (if present) from: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-10 08:23:09.407230: I tensorflow/core/platform/cpu_feature_guard.cc:142] This TensorFlow binary is optimized with oneAPI Deep Neural Network Library (oneDNN) to use the following CPU instructions in performance-critical operations: AVX2 AVX512F FMA
To enable them in other operations, rebuild TensorFlow with the appropriate compiler flags.
2022-08-10 08:23:09.411432: I tensorflow/cc/saved_model/reader.cc:38] Reading SavedModel from: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-10 08:23:09.416998: I tensorflow/cc/saved_model/reader.cc:90] Reading meta graph with tags { serve }
2022-08-10 08:23:09.417043: I tensorflow/cc/saved_model/reader.cc:132] Reading SavedModel debug info (if present) from: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-10 08:23:09.417122: I tensorflow/core/platform/cpu_feature_guard.cc:142] This TensorFlow binary is optimized with oneAPI Deep Neural Network Library (oneDNN) to use the following CPU instructions in performance-critical operations: AVX2 AVX512F FMA
To enable them in other operations, rebuild TensorFlow with the appropriate compiler flags.
2022-08-10 08:23:09.419362: I tensorflow/cc/saved_model/loader.cc:283] SavedModel load for tags { serve }; Status: success: OK. Took 93395 microseconds.
2022-08-10 08:23:09.428563: I tensorflow/cc/saved_model/reader.cc:38] Reading SavedModel from: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-10 08:23:09.428711: I tensorflow/cc/saved_model/loader.cc:211] Restoring SavedModel bundle.
2022-08-10 08:23:09.430819: I tensorflow/cc/saved_model/loader.cc:211] Restoring SavedModel bundle.
2022-08-10 08:23:09.431181: I tensorflow/cc/saved_model/loader.cc:195] Running initialization op on SavedModel bundle at path: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-10 08:23:09.434040: I tensorflow/cc/saved_model/reader.cc:90] Reading meta graph with tags { serve }
2022-08-10 08:23:09.434082: I tensorflow/cc/saved_model/reader.cc:132] Reading SavedModel debug info (if present) from: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-10 08:23:09.434172: I tensorflow/core/platform/cpu_feature_guard.cc:142] This TensorFlow binary is optimized with oneAPI Deep Neural Network Library (oneDNN) to use the following CPU instructions in performance-critical operations: AVX2 AVX512F FMA
To enable them in other operations, rebuild TensorFlow with the appropriate compiler flags.
2022-08-10 08:23:09.440333: I tensorflow/cc/saved_model/loader.cc:211] Restoring SavedModel bundle.
2022-08-10 08:23:09.441396: I tensorflow/cc/saved_model/loader.cc:211] Restoring SavedModel bundle.
2022-08-10 08:23:09.441802: I tensorflow/cc/saved_model/reader.cc:38] Reading SavedModel from: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-10 08:23:09.447370: I tensorflow/cc/saved_model/loader.cc:283] SavedModel load for tags { serve }; Status: success: OK. Took 88581 microseconds.
2022-08-10 08:23:09.447401: I tensorflow/cc/saved_model/reader.cc:90] Reading meta graph with tags { serve }
2022-08-10 08:23:09.447436: I tensorflow/cc/saved_model/reader.cc:132] Reading SavedModel debug info (if present) from: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-10 08:23:09.447511: I tensorflow/core/platform/cpu_feature_guard.cc:142] This TensorFlow binary is optimized with oneAPI Deep Neural Network Library (oneDNN) to use the following CPU instructions in performance-critical operations: AVX2 AVX512F FMA
To enable them in other operations, rebuild TensorFlow with the appropriate compiler flags.
2022-08-10 08:23:09.451746: I tensorflow/cc/saved_model/loader.cc:211] Restoring SavedModel bundle.
2022-08-10 08:23:09.458230: I tensorflow/cc/saved_model/loader.cc:195] Running initialization op on SavedModel bundle at path: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-10 08:23:09.458630: I tensorflow/cc/saved_model/reader.cc:38] Reading SavedModel from: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-10 08:23:09.460311: I tensorflow/cc/saved_model/loader.cc:195] Running initialization op on SavedModel bundle at path: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-10 08:23:09.463970: I tensorflow/cc/saved_model/reader.cc:90] Reading meta graph with tags { serve }
2022-08-10 08:23:09.464012: I tensorflow/cc/saved_model/reader.cc:132] Reading SavedModel debug info (if present) from: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-10 08:23:09.464087: I tensorflow/core/platform/cpu_feature_guard.cc:142] This TensorFlow binary is optimized with oneAPI Deep Neural Network Library (oneDNN) to use the following CPU instructions in performance-critical operations: AVX2 AVX512F FMA
To enable them in other operations, rebuild TensorFlow with the appropriate compiler flags.
2022-08-10 08:23:09.467489: I tensorflow/cc/saved_model/loader.cc:211] Restoring SavedModel bundle.
2022-08-10 08:23:09.469281: I tensorflow/cc/saved_model/loader.cc:195] Running initialization op on SavedModel bundle at path: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-10 08:23:09.469570: I tensorflow/cc/saved_model/loader.cc:195] Running initialization op on SavedModel bundle at path: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-10 08:23:09.473756: I tensorflow/cc/saved_model/loader.cc:283] SavedModel load for tags { serve }; Status: success: OK. Took 109837 microseconds.
2022-08-10 08:23:09.476665: I tensorflow/cc/saved_model/loader.cc:283] SavedModel load for tags { serve }; Status: success: OK. Took 112282 microseconds.
2022-08-10 08:23:09.480725: I tensorflow/cc/saved_model/loader.cc:195] Running initialization op on SavedModel bundle at path: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-10 08:23:09.482211: I tensorflow/cc/saved_model/loader.cc:211] Restoring SavedModel bundle.
2022-08-10 08:23:09.485276: I tensorflow/cc/saved_model/loader.cc:283] SavedModel load for tags { serve }; Status: success: OK. Took 84998 microseconds.
2022-08-10 08:23:09.485511: I tensorflow/cc/saved_model/loader.cc:283] SavedModel load for tags { serve }; Status: success: OK. Took 83830 microseconds.
2022-08-10 08:23:09.496543: I tensorflow/cc/saved_model/loader.cc:195] Running initialization op on SavedModel bundle at path: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-10 08:23:09.496766: I tensorflow/cc/saved_model/loader.cc:211] Restoring SavedModel bundle.
2022-08-10 08:23:09.496907: I tensorflow/cc/saved_model/loader.cc:283] SavedModel load for tags { serve }; Status: success: OK. Took 85483 microseconds.
2022-08-10 08:23:09.511240: I tensorflow/cc/saved_model/loader.cc:195] Running initialization op on SavedModel bundle at path: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-10 08:23:09.511824: I tensorflow/cc/saved_model/loader.cc:283] SavedModel load for tags { serve }; Status: success: OK. Took 83270 microseconds.
2022-08-10 08:23:09.524982: I tensorflow/cc/saved_model/loader.cc:195] Running initialization op on SavedModel bundle at path: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-10 08:23:09.534736: I tensorflow/cc/saved_model/loader.cc:283] SavedModel load for tags { serve }; Status: success: OK. Took 92942 microseconds.
2022-08-10 08:23:09.540016: I tensorflow/cc/saved_model/loader.cc:283] SavedModel load for tags { serve }; Status: success: OK. Took 81394 microseconds.
2022-08-10 08:23:09.565810: I tensorflow/cc/saved_model/reader.cc:38] Reading SavedModel from: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-10 08:23:09.575383: I tensorflow/cc/saved_model/reader.cc:90] Reading meta graph with tags { serve }
2022-08-10 08:23:09.575428: I tensorflow/cc/saved_model/reader.cc:132] Reading SavedModel debug info (if present) from: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-10 08:23:09.575517: I tensorflow/core/platform/cpu_feature_guard.cc:142] This TensorFlow binary is optimized with oneAPI Deep Neural Network Library (oneDNN) to use the following CPU instructions in performance-critical operations: AVX2 AVX512F FMA
To enable them in other operations, rebuild TensorFlow with the appropriate compiler flags.
2022-08-10 08:23:09.636424: I tensorflow/cc/saved_model/loader.cc:211] Restoring SavedModel bundle.
2022-08-10 08:23:09.669370: I tensorflow/cc/saved_model/loader.cc:195] Running initialization op on SavedModel bundle at path: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-10 08:23:09.687921: I tensorflow/cc/saved_model/loader.cc:283] SavedModel load for tags { serve }; Status: success: OK. Took 122120 microseconds.
I0810 08:23:10.112407 140667723188032 local_data_collector.py:133] 30 of 31 modules finished in 1 seconds (0 failures).
W0810 08:23:10.366539 140667723188032 trainer.py:196] Warning: skip training because do not have enough data to fill in a batch, consider increase data or reduce batch size.
I0810 08:23:10.367066 140667723188032 train_locally.py:151] Last iteration took: 3.431393
W0810 08:23:10.746002 140667723188032 save.py:263] Found untraced functions such as ActorDistributionNetwork_layer_call_fn, ActorDistributionNetwork_layer_call_and_return_conditional_losses, ConstantValueNetwork_layer_call_fn, ConstantValueNetwork_layer_call_and_return_conditional_losses, EncodingNetwork_layer_call_fn while saving (showing 5 of 145). These functions will not be directly callable after loading.
/home/matthiasb/compiling/tf_venv/lib64/python3.9/site-packages/tensorflow/python/saved_model/nested_structure_coder.py:559: UserWarning: Encoding a StructuredValue with type tf_agents.policies.greedy_policy.DeterministicWithLogProb_ACTTypeSpec; loading this StructuredValue will require that this type be imported and registered.
warnings.warn("Encoding a StructuredValue with type %s; loading this "
INFO:tensorflow:Assets written to: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_policy/assets
I0810 08:23:10.964855 140667723188032 builder_impl.py:783] Assets written to: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_policy/assets
W0810 08:23:11.663181 140667723188032 save.py:263] Found untraced functions such as ActorDistributionNetwork_layer_call_fn, ActorDistributionNetwork_layer_call_and_return_conditional_losses, ConstantValueNetwork_layer_call_fn, ConstantValueNetwork_layer_call_and_return_conditional_losses, EncodingNetwork_layer_call_fn while saving (showing 5 of 145). These functions will not be directly callable after loading.
/home/matthiasb/compiling/tf_venv/lib64/python3.9/site-packages/tensorflow/python/saved_model/nested_structure_coder.py:559: UserWarning: Encoding a StructuredValue with type tfp.distributions.Categorical_ACTTypeSpec; loading this StructuredValue will require that this type be imported and registered.
warnings.warn("Encoding a StructuredValue with type %s; loading this "
INFO:tensorflow:Assets written to: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy/assets
I0810 08:23:11.865107 140667723188032 builder_impl.py:783] Assets written to: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy/assets
I0810 08:23:12.627084 140667723188032 local_data_collector.py:77] Waiting for pending work from last iteration took 0.000031
2022-08-10 08:23:12.892323: I tensorflow/cc/saved_model/reader.cc:38] Reading SavedModel from: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-10 08:23:12.892324: I tensorflow/cc/saved_model/reader.cc:38] Reading SavedModel from: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-10 08:23:12.892323: I tensorflow/cc/saved_model/reader.cc:38] Reading SavedModel from: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-10 08:23:12.892322: I tensorflow/cc/saved_model/reader.cc:38] Reading SavedModel from: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-10 08:23:12.892328: I tensorflow/cc/saved_model/reader.cc:38] Reading SavedModel from: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-10 08:23:12.892335: I tensorflow/cc/saved_model/reader.cc:38] Reading SavedModel from: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-10 08:23:12.892339: I tensorflow/cc/saved_model/reader.cc:38] Reading SavedModel from: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-10 08:23:12.892343: I tensorflow/cc/saved_model/reader.cc:38] Reading SavedModel from: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-10 08:23:12.892335: I tensorflow/cc/saved_model/reader.cc:38] Reading SavedModel from: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-10 08:23:12.892342: I tensorflow/cc/saved_model/reader.cc:38] Reading SavedModel from: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-10 08:23:12.892335: I tensorflow/cc/saved_model/reader.cc:38] Reading SavedModel from: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-10 08:23:12.892336: I tensorflow/cc/saved_model/reader.cc:38] Reading SavedModel from: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-10 08:23:12.892349: I tensorflow/cc/saved_model/reader.cc:38] Reading SavedModel from: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-10 08:23:12.892349: I tensorflow/cc/saved_model/reader.cc:38] Reading SavedModel from: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-10 08:23:12.892345: I tensorflow/cc/saved_model/reader.cc:38] Reading SavedModel from: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-10 08:23:12.892342: I tensorflow/cc/saved_model/reader.cc:38] Reading SavedModel from: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-10 08:23:12.892353: I tensorflow/cc/saved_model/reader.cc:38] Reading SavedModel from: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-10 08:23:12.892351: I tensorflow/cc/saved_model/reader.cc:38] Reading SavedModel from: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-10 08:23:12.892348: I tensorflow/cc/saved_model/reader.cc:38] Reading SavedModel from: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-10 08:23:12.892356: I tensorflow/cc/saved_model/reader.cc:38] Reading SavedModel from: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-10 08:23:12.892360: I tensorflow/cc/saved_model/reader.cc:38] Reading SavedModel from: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-10 08:23:12.892353: I tensorflow/cc/saved_model/reader.cc:38] Reading SavedModel from: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-10 08:23:12.897943: I tensorflow/cc/saved_model/reader.cc:90] Reading meta graph with tags { serve }
2022-08-10 08:23:12.897980: I tensorflow/cc/saved_model/reader.cc:132] Reading SavedModel debug info (if present) from: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-10 08:23:12.898055: I tensorflow/core/platform/cpu_feature_guard.cc:142] This TensorFlow binary is optimized with oneAPI Deep Neural Network Library (oneDNN) to use the following CPU instructions in performance-critical operations: AVX2 AVX512F FMA
To enable them in other operations, rebuild TensorFlow with the appropriate compiler flags.
2022-08-10 08:23:12.898183: I tensorflow/cc/saved_model/reader.cc:90] Reading meta graph with tags { serve }
2022-08-10 08:23:12.898203: I tensorflow/cc/saved_model/reader.cc:90] Reading meta graph with tags { serve }
2022-08-10 08:23:12.898214: I tensorflow/cc/saved_model/reader.cc:132] Reading SavedModel debug info (if present) from: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-10 08:23:12.898238: I tensorflow/cc/saved_model/reader.cc:132] Reading SavedModel debug info (if present) from: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-10 08:23:12.898254: I tensorflow/cc/saved_model/reader.cc:90] Reading meta graph with tags { serve }
2022-08-10 08:23:12.898258: I tensorflow/cc/saved_model/reader.cc:90] Reading meta graph with tags { serve }
2022-08-10 08:23:12.898277: I tensorflow/core/platform/cpu_feature_guard.cc:142] This TensorFlow binary is optimized with oneAPI Deep Neural Network Library (oneDNN) to use the following CPU instructions in performance-critical operations: AVX2 AVX512F FMA
To enable them in other operations, rebuild TensorFlow with the appropriate compiler flags.
2022-08-10 08:23:12.898270: I tensorflow/cc/saved_model/reader.cc:90] Reading meta graph with tags { serve }
2022-08-10 08:23:12.898281: I tensorflow/cc/saved_model/reader.cc:132] Reading SavedModel debug info (if present) from: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-10 08:23:12.898284: I tensorflow/cc/saved_model/reader.cc:132] Reading SavedModel debug info (if present) from: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-10 08:23:12.898276: I tensorflow/cc/saved_model/reader.cc:90] Reading meta graph with tags { serve }
2022-08-10 08:23:12.898277: I tensorflow/cc/saved_model/reader.cc:90] Reading meta graph with tags { serve }
2022-08-10 08:23:12.898294: I tensorflow/cc/saved_model/reader.cc:132] Reading SavedModel debug info (if present) from: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-10 08:23:12.898300: I tensorflow/cc/saved_model/reader.cc:132] Reading SavedModel debug info (if present) from: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-10 08:23:12.898289: I tensorflow/cc/saved_model/reader.cc:90] Reading meta graph with tags { serve }
2022-08-10 08:23:12.898288: I tensorflow/cc/saved_model/reader.cc:90] Reading meta graph with tags { serve }
2022-08-10 08:23:12.898295: I tensorflow/cc/saved_model/reader.cc:90] Reading meta graph with tags { serve }
2022-08-10 08:23:12.898306: I tensorflow/core/platform/cpu_feature_guard.cc:142] This TensorFlow binary is optimized with oneAPI Deep Neural Network Library (oneDNN) to use the following CPU instructions in performance-critical operations: AVX2 AVX512F FMA
To enable them in other operations, rebuild TensorFlow with the appropriate compiler flags.
2022-08-10 08:23:12.898311: I tensorflow/cc/saved_model/reader.cc:132] Reading SavedModel debug info (if present) from: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-10 08:23:12.898303: I tensorflow/cc/saved_model/reader.cc:90] Reading meta graph with tags { serve }
2022-08-10 08:23:12.898317: I tensorflow/cc/saved_model/reader.cc:132] Reading SavedModel debug info (if present) from: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-10 08:23:12.898317: I tensorflow/cc/saved_model/reader.cc:132] Reading SavedModel debug info (if present) from: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-10 08:23:12.898324: I tensorflow/cc/saved_model/reader.cc:132] Reading SavedModel debug info (if present) from: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-10 08:23:12.898333: I tensorflow/cc/saved_model/reader.cc:132] Reading SavedModel debug info (if present) from: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-10 08:23:12.898346: I tensorflow/core/platform/cpu_feature_guard.cc:142] This TensorFlow binary is optimized with oneAPI Deep Neural Network Library (oneDNN) to use the following CPU instructions in performance-critical operations: AVX2 AVX512F FMA
To enable them in other operations, rebuild TensorFlow with the appropriate compiler flags.
2022-08-10 08:23:12.898346: I tensorflow/core/platform/cpu_feature_guard.cc:142] This TensorFlow binary is optimized with oneAPI Deep Neural Network Library (oneDNN) to use the following CPU instructions in performance-critical operations: AVX2 AVX512F FMA
To enable them in other operations, rebuild TensorFlow with the appropriate compiler flags.
2022-08-10 08:23:12.898338: I tensorflow/cc/saved_model/reader.cc:90] Reading meta graph with tags { serve }
2022-08-10 08:23:12.898338: I tensorflow/cc/saved_model/reader.cc:90] Reading meta graph with tags { serve }
2022-08-10 08:23:12.898354: I tensorflow/core/platform/cpu_feature_guard.cc:142] This TensorFlow binary is optimized with oneAPI Deep Neural Network Library (oneDNN) to use the following CPU instructions in performance-critical operations: AVX2 AVX512F FMA
To enable them in other operations, rebuild TensorFlow with the appropriate compiler flags.
2022-08-10 08:23:12.898361: I tensorflow/core/platform/cpu_feature_guard.cc:142] This TensorFlow binary is optimized with oneAPI Deep Neural Network Library (oneDNN) to use the following CPU instructions in performance-critical operations: AVX2 AVX512F FMA
To enable them in other operations, rebuild TensorFlow with the appropriate compiler flags.
2022-08-10 08:23:12.898362: I tensorflow/cc/saved_model/reader.cc:132] Reading SavedModel debug info (if present) from: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-10 08:23:12.898365: I tensorflow/cc/saved_model/reader.cc:132] Reading SavedModel debug info (if present) from: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-10 08:23:12.898360: I tensorflow/cc/saved_model/reader.cc:90] Reading meta graph with tags { serve }
2022-08-10 08:23:12.898383: I tensorflow/cc/saved_model/reader.cc:132] Reading SavedModel debug info (if present) from: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-10 08:23:12.898375: I tensorflow/cc/saved_model/reader.cc:90] Reading meta graph with tags { serve }
2022-08-10 08:23:12.898386: I tensorflow/core/platform/cpu_feature_guard.cc:142] This TensorFlow binary is optimized with oneAPI Deep Neural Network Library (oneDNN) to use the following CPU instructions in performance-critical operations: AVX2 AVX512F FMA
To enable them in other operations, rebuild TensorFlow with the appropriate compiler flags.
2022-08-10 08:23:12.898386: I tensorflow/core/platform/cpu_feature_guard.cc:142] This TensorFlow binary is optimized with oneAPI Deep Neural Network Library (oneDNN) to use the following CPU instructions in performance-critical operations: AVX2 AVX512F FMA
To enable them in other operations, rebuild TensorFlow with the appropriate compiler flags.
2022-08-10 08:23:12.898387: I tensorflow/core/platform/cpu_feature_guard.cc:142] This TensorFlow binary is optimized with oneAPI Deep Neural Network Library (oneDNN) to use the following CPU instructions in performance-critical operations: AVX2 AVX512F FMA
To enable them in other operations, rebuild TensorFlow with the appropriate compiler flags.
2022-08-10 08:23:12.898382: I tensorflow/cc/saved_model/reader.cc:90] Reading meta graph with tags { serve }
2022-08-10 08:23:12.898393: I tensorflow/core/platform/cpu_feature_guard.cc:142] This TensorFlow binary is optimized with oneAPI Deep Neural Network Library (oneDNN) to use the following CPU instructions in performance-critical operations: AVX2 AVX512F FMA
To enable them in other operations, rebuild TensorFlow with the appropriate compiler flags.
2022-08-10 08:23:12.898392: I tensorflow/core/platform/cpu_feature_guard.cc:142] This TensorFlow binary is optimized with oneAPI Deep Neural Network Library (oneDNN) to use the following CPU instructions in performance-critical operations: AVX2 AVX512F FMA
To enable them in other operations, rebuild TensorFlow with the appropriate compiler flags.
2022-08-10 08:23:12.898389: I tensorflow/cc/saved_model/reader.cc:90] Reading meta graph with tags { serve }
2022-08-10 08:23:12.898399: I tensorflow/cc/saved_model/reader.cc:132] Reading SavedModel debug info (if present) from: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-10 08:23:12.898391: I tensorflow/cc/saved_model/reader.cc:90] Reading meta graph with tags { serve }
2022-08-10 08:23:12.898408: I tensorflow/cc/saved_model/reader.cc:132] Reading SavedModel debug info (if present) from: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-10 08:23:12.898414: I tensorflow/cc/saved_model/reader.cc:132] Reading SavedModel debug info (if present) from: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-10 08:23:12.898419: I tensorflow/cc/saved_model/reader.cc:132] Reading SavedModel debug info (if present) from: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-10 08:23:12.898415: I tensorflow/cc/saved_model/reader.cc:90] Reading meta graph with tags { serve }
2022-08-10 08:23:12.898427: I tensorflow/core/platform/cpu_feature_guard.cc:142] This TensorFlow binary is optimized with oneAPI Deep Neural Network Library (oneDNN) to use the following CPU instructions in performance-critical operations: AVX2 AVX512F FMA
To enable them in other operations, rebuild TensorFlow with the appropriate compiler flags.
2022-08-10 08:23:12.898433: I tensorflow/core/platform/cpu_feature_guard.cc:142] This TensorFlow binary is optimized with oneAPI Deep Neural Network Library (oneDNN) to use the following CPU instructions in performance-critical operations: AVX2 AVX512F FMA
To enable them in other operations, rebuild TensorFlow with the appropriate compiler flags.
2022-08-10 08:23:12.898441: I tensorflow/cc/saved_model/reader.cc:132] Reading SavedModel debug info (if present) from: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-10 08:23:12.898447: I tensorflow/core/platform/cpu_feature_guard.cc:142] This TensorFlow binary is optimized with oneAPI Deep Neural Network Library (oneDNN) to use the following CPU instructions in performance-critical operations: AVX2 AVX512F FMA
To enable them in other operations, rebuild TensorFlow with the appropriate compiler flags.
2022-08-10 08:23:12.898462: I tensorflow/core/platform/cpu_feature_guard.cc:142] This TensorFlow binary is optimized with oneAPI Deep Neural Network Library (oneDNN) to use the following CPU instructions in performance-critical operations: AVX2 AVX512F FMA
To enable them in other operations, rebuild TensorFlow with the appropriate compiler flags.
2022-08-10 08:23:12.898472: I tensorflow/core/platform/cpu_feature_guard.cc:142] This TensorFlow binary is optimized with oneAPI Deep Neural Network Library (oneDNN) to use the following CPU instructions in performance-critical operations: AVX2 AVX512F FMA
To enable them in other operations, rebuild TensorFlow with the appropriate compiler flags.
2022-08-10 08:23:12.898478: I tensorflow/core/platform/cpu_feature_guard.cc:142] This TensorFlow binary is optimized with oneAPI Deep Neural Network Library (oneDNN) to use the following CPU instructions in performance-critical operations: AVX2 AVX512F FMA
To enable them in other operations, rebuild TensorFlow with the appropriate compiler flags.
2022-08-10 08:23:12.898479: I tensorflow/core/platform/cpu_feature_guard.cc:142] This TensorFlow binary is optimized with oneAPI Deep Neural Network Library (oneDNN) to use the following CPU instructions in performance-critical operations: AVX2 AVX512F FMA
To enable them in other operations, rebuild TensorFlow with the appropriate compiler flags.
2022-08-10 08:23:12.898498: I tensorflow/core/platform/cpu_feature_guard.cc:142] This TensorFlow binary is optimized with oneAPI Deep Neural Network Library (oneDNN) to use the following CPU instructions in performance-critical operations: AVX2 AVX512F FMA
To enable them in other operations, rebuild TensorFlow with the appropriate compiler flags.
2022-08-10 08:23:12.901597: I tensorflow/cc/saved_model/reader.cc:90] Reading meta graph with tags { serve }
2022-08-10 08:23:12.901643: I tensorflow/cc/saved_model/reader.cc:132] Reading SavedModel debug info (if present) from: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-10 08:23:12.901652: I tensorflow/cc/saved_model/reader.cc:90] Reading meta graph with tags { serve }
2022-08-10 08:23:12.901675: I tensorflow/cc/saved_model/reader.cc:132] Reading SavedModel debug info (if present) from: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-10 08:23:12.901728: I tensorflow/core/platform/cpu_feature_guard.cc:142] This TensorFlow binary is optimized with oneAPI Deep Neural Network Library (oneDNN) to use the following CPU instructions in performance-critical operations: AVX2 AVX512F FMA
To enable them in other operations, rebuild TensorFlow with the appropriate compiler flags.
2022-08-10 08:23:12.901734: I tensorflow/core/platform/cpu_feature_guard.cc:142] This TensorFlow binary is optimized with oneAPI Deep Neural Network Library (oneDNN) to use the following CPU instructions in performance-critical operations: AVX2 AVX512F FMA
To enable them in other operations, rebuild TensorFlow with the appropriate compiler flags.
2022-08-10 08:23:12.905998: I tensorflow/cc/saved_model/reader.cc:38] Reading SavedModel from: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-10 08:23:12.912174: I tensorflow/cc/saved_model/reader.cc:90] Reading meta graph with tags { serve }
2022-08-10 08:23:12.912218: I tensorflow/cc/saved_model/reader.cc:132] Reading SavedModel debug info (if present) from: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-10 08:23:12.912291: I tensorflow/core/platform/cpu_feature_guard.cc:142] This TensorFlow binary is optimized with oneAPI Deep Neural Network Library (oneDNN) to use the following CPU instructions in performance-critical operations: AVX2 AVX512F FMA
To enable them in other operations, rebuild TensorFlow with the appropriate compiler flags.
2022-08-10 08:23:12.914483: I tensorflow/cc/saved_model/reader.cc:38] Reading SavedModel from: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-10 08:23:12.920110: I tensorflow/cc/saved_model/reader.cc:90] Reading meta graph with tags { serve }
2022-08-10 08:23:12.920159: I tensorflow/cc/saved_model/reader.cc:132] Reading SavedModel debug info (if present) from: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-10 08:23:12.920246: I tensorflow/core/platform/cpu_feature_guard.cc:142] This TensorFlow binary is optimized with oneAPI Deep Neural Network Library (oneDNN) to use the following CPU instructions in performance-critical operations: AVX2 AVX512F FMA
To enable them in other operations, rebuild TensorFlow with the appropriate compiler flags.
2022-08-10 08:23:12.924796: I tensorflow/cc/saved_model/reader.cc:38] Reading SavedModel from: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-10 08:23:12.932504: I tensorflow/cc/saved_model/reader.cc:38] Reading SavedModel from: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-10 08:23:12.933722: I tensorflow/cc/saved_model/reader.cc:90] Reading meta graph with tags { serve }
2022-08-10 08:23:12.933778: I tensorflow/cc/saved_model/reader.cc:132] Reading SavedModel debug info (if present) from: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-10 08:23:12.933879: I tensorflow/core/platform/cpu_feature_guard.cc:142] This TensorFlow binary is optimized with oneAPI Deep Neural Network Library (oneDNN) to use the following CPU instructions in performance-critical operations: AVX2 AVX512F FMA
To enable them in other operations, rebuild TensorFlow with the appropriate compiler flags.
2022-08-10 08:23:12.934665: I tensorflow/cc/saved_model/reader.cc:38] Reading SavedModel from: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-10 08:23:12.937458: I tensorflow/cc/saved_model/loader.cc:211] Restoring SavedModel bundle.
2022-08-10 08:23:12.937593: I tensorflow/cc/saved_model/loader.cc:211] Restoring SavedModel bundle.
2022-08-10 08:23:12.937623: I tensorflow/cc/saved_model/loader.cc:211] Restoring SavedModel bundle.
2022-08-10 08:23:12.937791: I tensorflow/cc/saved_model/loader.cc:211] Restoring SavedModel bundle.
2022-08-10 08:23:12.937958: I tensorflow/cc/saved_model/loader.cc:211] Restoring SavedModel bundle.
2022-08-10 08:23:12.938075: I tensorflow/cc/saved_model/loader.cc:211] Restoring SavedModel bundle.
2022-08-10 08:23:12.938171: I tensorflow/cc/saved_model/loader.cc:211] Restoring SavedModel bundle.
2022-08-10 08:23:12.938251: I tensorflow/cc/saved_model/reader.cc:90] Reading meta graph with tags { serve }
2022-08-10 08:23:12.938283: I tensorflow/cc/saved_model/reader.cc:132] Reading SavedModel debug info (if present) from: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-10 08:23:12.938287: I tensorflow/cc/saved_model/loader.cc:211] Restoring SavedModel bundle.
2022-08-10 08:23:12.938308: I tensorflow/cc/saved_model/loader.cc:211] Restoring SavedModel bundle.
2022-08-10 08:23:12.938351: I tensorflow/core/platform/cpu_feature_guard.cc:142] This TensorFlow binary is optimized with oneAPI Deep Neural Network Library (oneDNN) to use the following CPU instructions in performance-critical operations: AVX2 AVX512F FMA
To enable them in other operations, rebuild TensorFlow with the appropriate compiler flags.
2022-08-10 08:23:12.938740: I tensorflow/cc/saved_model/loader.cc:211] Restoring SavedModel bundle.
2022-08-10 08:23:12.938746: I tensorflow/cc/saved_model/loader.cc:211] Restoring SavedModel bundle.
2022-08-10 08:23:12.938780: I tensorflow/cc/saved_model/loader.cc:211] Restoring SavedModel bundle.
2022-08-10 08:23:12.939164: I tensorflow/cc/saved_model/loader.cc:211] Restoring SavedModel bundle.
2022-08-10 08:23:12.939211: I tensorflow/cc/saved_model/loader.cc:211] Restoring SavedModel bundle.
2022-08-10 08:23:12.939266: I tensorflow/cc/saved_model/loader.cc:211] Restoring SavedModel bundle.
2022-08-10 08:23:12.939292: I tensorflow/cc/saved_model/loader.cc:211] Restoring SavedModel bundle.
2022-08-10 08:23:12.939321: I tensorflow/cc/saved_model/loader.cc:211] Restoring SavedModel bundle.
2022-08-10 08:23:12.939361: I tensorflow/cc/saved_model/loader.cc:211] Restoring SavedModel bundle.
2022-08-10 08:23:12.939379: I tensorflow/cc/saved_model/loader.cc:211] Restoring SavedModel bundle.
2022-08-10 08:23:12.939670: I tensorflow/cc/saved_model/loader.cc:211] Restoring SavedModel bundle.
2022-08-10 08:23:12.940239: I tensorflow/cc/saved_model/reader.cc:90] Reading meta graph with tags { serve }
2022-08-10 08:23:12.940274: I tensorflow/cc/saved_model/reader.cc:132] Reading SavedModel debug info (if present) from: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-10 08:23:12.940338: I tensorflow/core/platform/cpu_feature_guard.cc:142] This TensorFlow binary is optimized with oneAPI Deep Neural Network Library (oneDNN) to use the following CPU instructions in performance-critical operations: AVX2 AVX512F FMA
To enable them in other operations, rebuild TensorFlow with the appropriate compiler flags.
2022-08-10 08:23:12.949847: I tensorflow/cc/saved_model/loader.cc:211] Restoring SavedModel bundle.
2022-08-10 08:23:12.954763: I tensorflow/cc/saved_model/loader.cc:211] Restoring SavedModel bundle.
2022-08-10 08:23:12.954870: I tensorflow/cc/saved_model/loader.cc:211] Restoring SavedModel bundle.
2022-08-10 08:23:12.955388: I tensorflow/cc/saved_model/loader.cc:211] Restoring SavedModel bundle.
2022-08-10 08:23:12.963830: I tensorflow/cc/saved_model/reader.cc:38] Reading SavedModel from: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-10 08:23:12.968330: I tensorflow/cc/saved_model/loader.cc:195] Running initialization op on SavedModel bundle at path: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-10 08:23:12.968350: I tensorflow/cc/saved_model/loader.cc:195] Running initialization op on SavedModel bundle at path: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-10 08:23:12.968364: I tensorflow/cc/saved_model/loader.cc:195] Running initialization op on SavedModel bundle at path: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-10 08:23:12.968413: I tensorflow/cc/saved_model/loader.cc:195] Running initialization op on SavedModel bundle at path: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-10 08:23:12.968426: I tensorflow/cc/saved_model/loader.cc:195] Running initialization op on SavedModel bundle at path: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-10 08:23:12.968430: I tensorflow/cc/saved_model/loader.cc:195] Running initialization op on SavedModel bundle at path: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-10 08:23:12.968523: I tensorflow/cc/saved_model/loader.cc:195] Running initialization op on SavedModel bundle at path: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-10 08:23:12.968638: I tensorflow/cc/saved_model/loader.cc:195] Running initialization op on SavedModel bundle at path: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-10 08:23:12.968698: I tensorflow/cc/saved_model/loader.cc:195] Running initialization op on SavedModel bundle at path: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-10 08:23:12.969464: I tensorflow/cc/saved_model/reader.cc:90] Reading meta graph with tags { serve }
2022-08-10 08:23:12.969496: I tensorflow/cc/saved_model/reader.cc:132] Reading SavedModel debug info (if present) from: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-10 08:23:12.969562: I tensorflow/core/platform/cpu_feature_guard.cc:142] This TensorFlow binary is optimized with oneAPI Deep Neural Network Library (oneDNN) to use the following CPU instructions in performance-critical operations: AVX2 AVX512F FMA
To enable them in other operations, rebuild TensorFlow with the appropriate compiler flags.
2022-08-10 08:23:12.969982: I tensorflow/cc/saved_model/loader.cc:195] Running initialization op on SavedModel bundle at path: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-10 08:23:12.970059: I tensorflow/cc/saved_model/loader.cc:195] Running initialization op on SavedModel bundle at path: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-10 08:23:12.970080: I tensorflow/cc/saved_model/loader.cc:195] Running initialization op on SavedModel bundle at path: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-10 08:23:12.970361: I tensorflow/cc/saved_model/loader.cc:195] Running initialization op on SavedModel bundle at path: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-10 08:23:12.970452: I tensorflow/cc/saved_model/loader.cc:195] Running initialization op on SavedModel bundle at path: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-10 08:23:12.970528: I tensorflow/cc/saved_model/loader.cc:211] Restoring SavedModel bundle.
2022-08-10 08:23:12.970684: I tensorflow/cc/saved_model/loader.cc:195] Running initialization op on SavedModel bundle at path: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-10 08:23:12.970725: I tensorflow/cc/saved_model/loader.cc:195] Running initialization op on SavedModel bundle at path: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-10 08:23:12.970821: I tensorflow/cc/saved_model/loader.cc:195] Running initialization op on SavedModel bundle at path: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-10 08:23:12.970948: I tensorflow/cc/saved_model/loader.cc:195] Running initialization op on SavedModel bundle at path: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-10 08:23:12.971100: I tensorflow/cc/saved_model/loader.cc:195] Running initialization op on SavedModel bundle at path: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-10 08:23:12.971878: I tensorflow/cc/saved_model/loader.cc:195] Running initialization op on SavedModel bundle at path: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-10 08:23:12.973333: I tensorflow/cc/saved_model/loader.cc:211] Restoring SavedModel bundle.
2022-08-10 08:23:12.975036: I tensorflow/cc/saved_model/loader.cc:211] Restoring SavedModel bundle.
2022-08-10 08:23:12.979579: I tensorflow/cc/saved_model/reader.cc:38] Reading SavedModel from: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-10 08:23:12.980796: I tensorflow/cc/saved_model/loader.cc:195] Running initialization op on SavedModel bundle at path: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-10 08:23:12.985311: I tensorflow/cc/saved_model/loader.cc:195] Running initialization op on SavedModel bundle at path: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-10 08:23:12.985368: I tensorflow/cc/saved_model/reader.cc:90] Reading meta graph with tags { serve }
2022-08-10 08:23:12.985411: I tensorflow/cc/saved_model/reader.cc:132] Reading SavedModel debug info (if present) from: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-10 08:23:12.985488: I tensorflow/core/platform/cpu_feature_guard.cc:142] This TensorFlow binary is optimized with oneAPI Deep Neural Network Library (oneDNN) to use the following CPU instructions in performance-critical operations: AVX2 AVX512F FMA
To enable them in other operations, rebuild TensorFlow with the appropriate compiler flags.
2022-08-10 08:23:12.985528: I tensorflow/cc/saved_model/loader.cc:283] SavedModel load for tags { serve }; Status: success: OK. Took 93187 microseconds.
2022-08-10 08:23:12.985528: I tensorflow/cc/saved_model/loader.cc:283] SavedModel load for tags { serve }; Status: success: OK. Took 93209 microseconds.
2022-08-10 08:23:12.985527: I tensorflow/cc/saved_model/loader.cc:283] SavedModel load for tags { serve }; Status: success: OK. Took 93203 microseconds.
2022-08-10 08:23:12.985560: I tensorflow/cc/saved_model/loader.cc:283] SavedModel load for tags { serve }; Status: success: OK. Took 93225 microseconds.
2022-08-10 08:23:12.985651: I tensorflow/cc/saved_model/loader.cc:283] SavedModel load for tags { serve }; Status: success: OK. Took 93324 microseconds.
2022-08-10 08:23:12.985667: I tensorflow/cc/saved_model/loader.cc:283] SavedModel load for tags { serve }; Status: success: OK. Took 93348 microseconds.
2022-08-10 08:23:12.985855: I tensorflow/cc/saved_model/loader.cc:283] SavedModel load for tags { serve }; Status: success: OK. Took 93525 microseconds.
2022-08-10 08:23:12.987919: I tensorflow/cc/saved_model/loader.cc:283] SavedModel load for tags { serve }; Status: success: OK. Took 95580 microseconds.
2022-08-10 08:23:12.988013: I tensorflow/cc/saved_model/loader.cc:283] SavedModel load for tags { serve }; Status: success: OK. Took 95672 microseconds.
2022-08-10 08:23:12.988039: I tensorflow/cc/saved_model/loader.cc:283] SavedModel load for tags { serve }; Status: success: OK. Took 95731 microseconds.
2022-08-10 08:23:12.988047: I tensorflow/cc/saved_model/loader.cc:283] SavedModel load for tags { serve }; Status: success: OK. Took 95714 microseconds.
2022-08-10 08:23:12.988459: I tensorflow/cc/saved_model/loader.cc:283] SavedModel load for tags { serve }; Status: success: OK. Took 96108 microseconds.
2022-08-10 08:23:12.988498: I tensorflow/cc/saved_model/loader.cc:283] SavedModel load for tags { serve }; Status: success: OK. Took 96161 microseconds.
2022-08-10 08:23:12.988530: I tensorflow/cc/saved_model/loader.cc:283] SavedModel load for tags { serve }; Status: success: OK. Took 96222 microseconds.
2022-08-10 08:23:12.988557: I tensorflow/cc/saved_model/loader.cc:283] SavedModel load for tags { serve }; Status: success: OK. Took 96245 microseconds.
2022-08-10 08:23:12.988607: I tensorflow/cc/saved_model/loader.cc:283] SavedModel load for tags { serve }; Status: success: OK. Took 96294 microseconds.
2022-08-10 08:23:12.989042: I tensorflow/cc/saved_model/loader.cc:283] SavedModel load for tags { serve }; Status: success: OK. Took 96729 microseconds.
2022-08-10 08:23:12.990155: I tensorflow/cc/saved_model/loader.cc:283] SavedModel load for tags { serve }; Status: success: OK. Took 97827 microseconds.
2022-08-10 08:23:12.995558: I tensorflow/cc/saved_model/loader.cc:283] SavedModel load for tags { serve }; Status: success: OK. Took 103226 microseconds.
2022-08-10 08:23:12.996500: I tensorflow/cc/saved_model/loader.cc:283] SavedModel load for tags { serve }; Status: success: OK. Took 104179 microseconds.
2022-08-10 08:23:12.998378: I tensorflow/cc/saved_model/loader.cc:283] SavedModel load for tags { serve }; Status: success: OK. Took 92396 microseconds.
2022-08-10 08:23:13.001422: I tensorflow/cc/saved_model/loader.cc:283] SavedModel load for tags { serve }; Status: success: OK. Took 86951 microseconds.
2022-08-10 08:23:13.001567: I tensorflow/cc/saved_model/loader.cc:195] Running initialization op on SavedModel bundle at path: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-10 08:23:13.002530: I tensorflow/cc/saved_model/loader.cc:195] Running initialization op on SavedModel bundle at path: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-10 08:23:13.002541: I tensorflow/cc/saved_model/loader.cc:195] Running initialization op on SavedModel bundle at path: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-10 08:23:13.003513: I tensorflow/cc/saved_model/loader.cc:195] Running initialization op on SavedModel bundle at path: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-10 08:23:13.003620: I tensorflow/cc/saved_model/loader.cc:211] Restoring SavedModel bundle.
2022-08-10 08:23:13.004670: I tensorflow/cc/saved_model/loader.cc:195] Running initialization op on SavedModel bundle at path: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-10 08:23:13.021195: I tensorflow/cc/saved_model/loader.cc:211] Restoring SavedModel bundle.
2022-08-10 08:23:13.021642: I tensorflow/cc/saved_model/loader.cc:283] SavedModel load for tags { serve }; Status: success: OK. Took 89147 microseconds.
2022-08-10 08:23:13.022270: I tensorflow/cc/saved_model/loader.cc:283] SavedModel load for tags { serve }; Status: success: OK. Took 87616 microseconds.
2022-08-10 08:23:13.023195: I tensorflow/cc/saved_model/loader.cc:283] SavedModel load for tags { serve }; Status: success: OK. Took 98414 microseconds.
2022-08-10 08:23:13.029471: I tensorflow/cc/saved_model/loader.cc:283] SavedModel load for tags { serve }; Status: success: OK. Took 137125 microseconds.
2022-08-10 08:23:13.029471: I tensorflow/cc/saved_model/loader.cc:283] SavedModel load for tags { serve }; Status: success: OK. Took 137129 microseconds.
2022-08-10 08:23:13.034713: I tensorflow/cc/saved_model/loader.cc:195] Running initialization op on SavedModel bundle at path: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-10 08:23:13.050644: I tensorflow/cc/saved_model/loader.cc:283] SavedModel load for tags { serve }; Status: success: OK. Took 86822 microseconds.
2022-08-10 08:23:13.051457: I tensorflow/cc/saved_model/loader.cc:195] Running initialization op on SavedModel bundle at path: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-10 08:23:13.063651: I tensorflow/cc/saved_model/reader.cc:38] Reading SavedModel from: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-10 08:23:13.067345: I tensorflow/cc/saved_model/loader.cc:283] SavedModel load for tags { serve }; Status: success: OK. Took 87775 microseconds.
2022-08-10 08:23:13.069263: I tensorflow/cc/saved_model/reader.cc:90] Reading meta graph with tags { serve }
2022-08-10 08:23:13.069296: I tensorflow/cc/saved_model/reader.cc:132] Reading SavedModel debug info (if present) from: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-10 08:23:13.069372: I tensorflow/core/platform/cpu_feature_guard.cc:142] This TensorFlow binary is optimized with oneAPI Deep Neural Network Library (oneDNN) to use the following CPU instructions in performance-critical operations: AVX2 AVX512F FMA
To enable them in other operations, rebuild TensorFlow with the appropriate compiler flags.
2022-08-10 08:23:13.103046: I tensorflow/cc/saved_model/loader.cc:211] Restoring SavedModel bundle.
2022-08-10 08:23:13.132118: I tensorflow/cc/saved_model/loader.cc:195] Running initialization op on SavedModel bundle at path: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-10 08:23:13.147063: I tensorflow/cc/saved_model/loader.cc:283] SavedModel load for tags { serve }; Status: success: OK. Took 83420 microseconds.
I0810 08:23:13.631786 140667723188032 local_data_collector.py:133] 30 of 31 modules finished in 1 seconds (0 failures).
W0810 08:23:13.921942 140667723188032 trainer.py:196] Warning: skip training because do not have enough data to fill in a batch, consider increase data or reduce batch size.
I0810 08:23:13.922504 140667723188032 train_locally.py:151] Last iteration took: 3.555437
W0810 08:23:14.313570 140667723188032 save.py:263] Found untraced functions such as ActorDistributionNetwork_layer_call_fn, ActorDistributionNetwork_layer_call_and_return_conditional_losses, ConstantValueNetwork_layer_call_fn, ConstantValueNetwork_layer_call_and_return_conditional_losses, EncodingNetwork_layer_call_fn while saving (showing 5 of 145). These functions will not be directly callable after loading.
/home/matthiasb/compiling/tf_venv/lib64/python3.9/site-packages/tensorflow/python/saved_model/nested_structure_coder.py:559: UserWarning: Encoding a StructuredValue with type tf_agents.policies.greedy_policy.DeterministicWithLogProb_ACTTypeSpec; loading this StructuredValue will require that this type be imported and registered.
warnings.warn("Encoding a StructuredValue with type %s; loading this "
INFO:tensorflow:Assets written to: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_policy/assets
I0810 08:23:14.540056 140667723188032 builder_impl.py:783] Assets written to: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_policy/assets
W0810 08:23:15.258103 140667723188032 save.py:263] Found untraced functions such as ActorDistributionNetwork_layer_call_fn, ActorDistributionNetwork_layer_call_and_return_conditional_losses, ConstantValueNetwork_layer_call_fn, ConstantValueNetwork_layer_call_and_return_conditional_losses, EncodingNetwork_layer_call_fn while saving (showing 5 of 145). These functions will not be directly callable after loading.
/home/matthiasb/compiling/tf_venv/lib64/python3.9/site-packages/tensorflow/python/saved_model/nested_structure_coder.py:559: UserWarning: Encoding a StructuredValue with type tfp.distributions.Categorical_ACTTypeSpec; loading this StructuredValue will require that this type be imported and registered.
warnings.warn("Encoding a StructuredValue with type %s; loading this "
INFO:tensorflow:Assets written to: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy/assets
I0810 08:23:15.476231 140667723188032 builder_impl.py:783] Assets written to: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy/assets
I0810 08:23:15.808007 140667723188032 local_data_collector.py:77] Waiting for pending work from last iteration took 0.000029
2022-08-10 08:23:15.942967: I tensorflow/cc/saved_model/reader.cc:38] Reading SavedModel from: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-10 08:23:15.944064: I tensorflow/cc/saved_model/reader.cc:38] Reading SavedModel from: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-10 08:23:15.948112: I tensorflow/cc/saved_model/reader.cc:90] Reading meta graph with tags { serve }
2022-08-10 08:23:15.948142: I tensorflow/cc/saved_model/reader.cc:132] Reading SavedModel debug info (if present) from: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-10 08:23:15.948201: I tensorflow/core/platform/cpu_feature_guard.cc:142] This TensorFlow binary is optimized with oneAPI Deep Neural Network Library (oneDNN) to use the following CPU instructions in performance-critical operations: AVX2 AVX512F FMA
To enable them in other operations, rebuild TensorFlow with the appropriate compiler flags.
2022-08-10 08:23:15.949661: I tensorflow/cc/saved_model/reader.cc:90] Reading meta graph with tags { serve }
2022-08-10 08:23:15.949707: I tensorflow/cc/saved_model/reader.cc:132] Reading SavedModel debug info (if present) from: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-10 08:23:15.949791: I tensorflow/core/platform/cpu_feature_guard.cc:142] This TensorFlow binary is optimized with oneAPI Deep Neural Network Library (oneDNN) to use the following CPU instructions in performance-critical operations: AVX2 AVX512F FMA
To enable them in other operations, rebuild TensorFlow with the appropriate compiler flags.
2022-08-10 08:23:15.951200: I tensorflow/cc/saved_model/reader.cc:38] Reading SavedModel from: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-10 08:23:15.953894: I tensorflow/cc/saved_model/reader.cc:38] Reading SavedModel from: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-10 08:23:15.954989: I tensorflow/cc/saved_model/reader.cc:38] Reading SavedModel from: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-10 08:23:15.956677: I tensorflow/cc/saved_model/reader.cc:90] Reading meta graph with tags { serve }
2022-08-10 08:23:15.956707: I tensorflow/cc/saved_model/reader.cc:132] Reading SavedModel debug info (if present) from: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-10 08:23:15.956762: I tensorflow/core/platform/cpu_feature_guard.cc:142] This TensorFlow binary is optimized with oneAPI Deep Neural Network Library (oneDNN) to use the following CPU instructions in performance-critical operations: AVX2 AVX512F FMA
To enable them in other operations, rebuild TensorFlow with the appropriate compiler flags.
2022-08-10 08:23:15.957296: I tensorflow/cc/saved_model/reader.cc:38] Reading SavedModel from: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-10 08:23:15.959890: I tensorflow/cc/saved_model/reader.cc:90] Reading meta graph with tags { serve }
2022-08-10 08:23:15.959928: I tensorflow/cc/saved_model/reader.cc:132] Reading SavedModel debug info (if present) from: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-10 08:23:15.960002: I tensorflow/core/platform/cpu_feature_guard.cc:142] This TensorFlow binary is optimized with oneAPI Deep Neural Network Library (oneDNN) to use the following CPU instructions in performance-critical operations: AVX2 AVX512F FMA
To enable them in other operations, rebuild TensorFlow with the appropriate compiler flags.
2022-08-10 08:23:15.960439: I tensorflow/cc/saved_model/reader.cc:90] Reading meta graph with tags { serve }
2022-08-10 08:23:15.960469: I tensorflow/cc/saved_model/reader.cc:132] Reading SavedModel debug info (if present) from: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-10 08:23:15.960534: I tensorflow/core/platform/cpu_feature_guard.cc:142] This TensorFlow binary is optimized with oneAPI Deep Neural Network Library (oneDNN) to use the following CPU instructions in performance-critical operations: AVX2 AVX512F FMA
To enable them in other operations, rebuild TensorFlow with the appropriate compiler flags.
2022-08-10 08:23:15.962363: I tensorflow/cc/saved_model/reader.cc:90] Reading meta graph with tags { serve }
2022-08-10 08:23:15.962392: I tensorflow/cc/saved_model/reader.cc:132] Reading SavedModel debug info (if present) from: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-10 08:23:15.962445: I tensorflow/core/platform/cpu_feature_guard.cc:142] This TensorFlow binary is optimized with oneAPI Deep Neural Network Library (oneDNN) to use the following CPU instructions in performance-critical operations: AVX2 AVX512F FMA
To enable them in other operations, rebuild TensorFlow with the appropriate compiler flags.
2022-08-10 08:23:15.979364: I tensorflow/cc/saved_model/loader.cc:211] Restoring SavedModel bundle.
2022-08-10 08:23:15.980249: I tensorflow/cc/saved_model/reader.cc:38] Reading SavedModel from: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-10 08:23:15.985277: I tensorflow/cc/saved_model/loader.cc:211] Restoring SavedModel bundle.
2022-08-10 08:23:15.985935: I tensorflow/cc/saved_model/reader.cc:90] Reading meta graph with tags { serve }
2022-08-10 08:23:15.985968: I tensorflow/cc/saved_model/reader.cc:132] Reading SavedModel debug info (if present) from: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-10 08:23:15.986059: I tensorflow/core/platform/cpu_feature_guard.cc:142] This TensorFlow binary is optimized with oneAPI Deep Neural Network Library (oneDNN) to use the following CPU instructions in performance-critical operations: AVX2 AVX512F FMA
To enable them in other operations, rebuild TensorFlow with the appropriate compiler flags.
2022-08-10 08:23:15.988452: I tensorflow/cc/saved_model/loader.cc:211] Restoring SavedModel bundle.
2022-08-10 08:23:15.989730: I tensorflow/cc/saved_model/reader.cc:38] Reading SavedModel from: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-10 08:23:15.993197: I tensorflow/cc/saved_model/loader.cc:211] Restoring SavedModel bundle.
2022-08-10 08:23:15.995263: I tensorflow/cc/saved_model/reader.cc:90] Reading meta graph with tags { serve }
2022-08-10 08:23:15.995326: I tensorflow/cc/saved_model/reader.cc:132] Reading SavedModel debug info (if present) from: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-10 08:23:15.995411: I tensorflow/core/platform/cpu_feature_guard.cc:142] This TensorFlow binary is optimized with oneAPI Deep Neural Network Library (oneDNN) to use the following CPU instructions in performance-critical operations: AVX2 AVX512F FMA
To enable them in other operations, rebuild TensorFlow with the appropriate compiler flags.
2022-08-10 08:23:15.996177: I tensorflow/cc/saved_model/reader.cc:38] Reading SavedModel from: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-10 08:23:15.996444: I tensorflow/cc/saved_model/loader.cc:211] Restoring SavedModel bundle.
2022-08-10 08:23:15.996589: I tensorflow/cc/saved_model/loader.cc:211] Restoring SavedModel bundle.
2022-08-10 08:23:16.002526: I tensorflow/cc/saved_model/reader.cc:90] Reading meta graph with tags { serve }
2022-08-10 08:23:16.002572: I tensorflow/cc/saved_model/reader.cc:132] Reading SavedModel debug info (if present) from: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-10 08:23:16.002652: I tensorflow/core/platform/cpu_feature_guard.cc:142] This TensorFlow binary is optimized with oneAPI Deep Neural Network Library (oneDNN) to use the following CPU instructions in performance-critical operations: AVX2 AVX512F FMA
To enable them in other operations, rebuild TensorFlow with the appropriate compiler flags.
2022-08-10 08:23:16.005288: I tensorflow/cc/saved_model/loader.cc:195] Running initialization op on SavedModel bundle at path: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-10 08:23:16.005537: I tensorflow/cc/saved_model/reader.cc:38] Reading SavedModel from: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-10 08:23:16.013205: I tensorflow/cc/saved_model/reader.cc:38] Reading SavedModel from: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-10 08:23:16.014683: I tensorflow/cc/saved_model/reader.cc:90] Reading meta graph with tags { serve }
2022-08-10 08:23:16.014735: I tensorflow/cc/saved_model/reader.cc:132] Reading SavedModel debug info (if present) from: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-10 08:23:16.014735: I tensorflow/cc/saved_model/loader.cc:195] Running initialization op on SavedModel bundle at path: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-10 08:23:16.014830: I tensorflow/core/platform/cpu_feature_guard.cc:142] This TensorFlow binary is optimized with oneAPI Deep Neural Network Library (oneDNN) to use the following CPU instructions in performance-critical operations: AVX2 AVX512F FMA
To enable them in other operations, rebuild TensorFlow with the appropriate compiler flags.
2022-08-10 08:23:16.016129: I tensorflow/cc/saved_model/reader.cc:38] Reading SavedModel from: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-10 08:23:16.016557: I tensorflow/cc/saved_model/loader.cc:195] Running initialization op on SavedModel bundle at path: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-10 08:23:16.018631: I tensorflow/cc/saved_model/reader.cc:90] Reading meta graph with tags { serve }
2022-08-10 08:23:16.018662: I tensorflow/cc/saved_model/reader.cc:132] Reading SavedModel debug info (if present) from: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-10 08:23:16.018720: I tensorflow/core/platform/cpu_feature_guard.cc:142] This TensorFlow binary is optimized with oneAPI Deep Neural Network Library (oneDNN) to use the following CPU instructions in performance-critical operations: AVX2 AVX512F FMA
To enable them in other operations, rebuild TensorFlow with the appropriate compiler flags.
2022-08-10 08:23:16.019129: I tensorflow/cc/saved_model/loader.cc:283] SavedModel load for tags { serve }; Status: success: OK. Took 76169 microseconds.
2022-08-10 08:23:16.019710: I tensorflow/cc/saved_model/reader.cc:38] Reading SavedModel from: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-10 08:23:16.020082: I tensorflow/cc/saved_model/loader.cc:195] Running initialization op on SavedModel bundle at path: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-10 08:23:16.023179: I tensorflow/cc/saved_model/loader.cc:211] Restoring SavedModel bundle.
2022-08-10 08:23:16.025414: I tensorflow/cc/saved_model/reader.cc:90] Reading meta graph with tags { serve }
2022-08-10 08:23:16.025462: I tensorflow/cc/saved_model/reader.cc:132] Reading SavedModel debug info (if present) from: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-10 08:23:16.025564: I tensorflow/core/platform/cpu_feature_guard.cc:142] This TensorFlow binary is optimized with oneAPI Deep Neural Network Library (oneDNN) to use the following CPU instructions in performance-critical operations: AVX2 AVX512F FMA
To enable them in other operations, rebuild TensorFlow with the appropriate compiler flags.
2022-08-10 08:23:16.027809: I tensorflow/cc/saved_model/loader.cc:195] Running initialization op on SavedModel bundle at path: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-10 08:23:16.028142: I tensorflow/cc/saved_model/loader.cc:195] Running initialization op on SavedModel bundle at path: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-10 08:23:16.028899: I tensorflow/cc/saved_model/reader.cc:90] Reading meta graph with tags { serve }
2022-08-10 08:23:16.028939: I tensorflow/cc/saved_model/reader.cc:132] Reading SavedModel debug info (if present) from: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-10 08:23:16.029027: I tensorflow/core/platform/cpu_feature_guard.cc:142] This TensorFlow binary is optimized with oneAPI Deep Neural Network Library (oneDNN) to use the following CPU instructions in performance-critical operations: AVX2 AVX512F FMA
To enable them in other operations, rebuild TensorFlow with the appropriate compiler flags.
2022-08-10 08:23:16.029210: I tensorflow/cc/saved_model/loader.cc:283] SavedModel load for tags { serve }; Status: success: OK. Took 78015 microseconds.
2022-08-10 08:23:16.032174: I tensorflow/cc/saved_model/loader.cc:211] Restoring SavedModel bundle.
2022-08-10 08:23:16.032604: I tensorflow/cc/saved_model/reader.cc:38] Reading SavedModel from: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-10 08:23:16.034683: I tensorflow/cc/saved_model/loader.cc:283] SavedModel load for tags { serve }; Status: success: OK. Took 77392 microseconds.
2022-08-10 08:23:16.035007: I tensorflow/cc/saved_model/reader.cc:38] Reading SavedModel from: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-10 08:23:16.036150: I tensorflow/cc/saved_model/reader.cc:38] Reading SavedModel from: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-10 08:23:16.036295: I tensorflow/cc/saved_model/loader.cc:283] SavedModel load for tags { serve }; Status: success: OK. Took 92240 microseconds.
2022-08-10 08:23:16.039371: I tensorflow/cc/saved_model/loader.cc:211] Restoring SavedModel bundle.
2022-08-10 08:23:16.041662: I tensorflow/cc/saved_model/reader.cc:90] Reading meta graph with tags { serve }
2022-08-10 08:23:16.041712: I tensorflow/cc/saved_model/reader.cc:132] Reading SavedModel debug info (if present) from: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-10 08:23:16.041815: I tensorflow/core/platform/cpu_feature_guard.cc:142] This TensorFlow binary is optimized with oneAPI Deep Neural Network Library (oneDNN) to use the following CPU instructions in performance-critical operations: AVX2 AVX512F FMA
To enable them in other operations, rebuild TensorFlow with the appropriate compiler flags.
2022-08-10 08:23:16.044535: I tensorflow/cc/saved_model/reader.cc:90] Reading meta graph with tags { serve }
2022-08-10 08:23:16.044589: I tensorflow/cc/saved_model/reader.cc:132] Reading SavedModel debug info (if present) from: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-10 08:23:16.044680: I tensorflow/core/platform/cpu_feature_guard.cc:142] This TensorFlow binary is optimized with oneAPI Deep Neural Network Library (oneDNN) to use the following CPU instructions in performance-critical operations: AVX2 AVX512F FMA
To enable them in other operations, rebuild TensorFlow with the appropriate compiler flags.
2022-08-10 08:23:16.045518: I tensorflow/cc/saved_model/reader.cc:90] Reading meta graph with tags { serve }
2022-08-10 08:23:16.045560: I tensorflow/cc/saved_model/reader.cc:132] Reading SavedModel debug info (if present) from: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-10 08:23:16.045647: I tensorflow/core/platform/cpu_feature_guard.cc:142] This TensorFlow binary is optimized with oneAPI Deep Neural Network Library (oneDNN) to use the following CPU instructions in performance-critical operations: AVX2 AVX512F FMA
To enable them in other operations, rebuild TensorFlow with the appropriate compiler flags.
2022-08-10 08:23:16.045733: I tensorflow/cc/saved_model/loader.cc:283] SavedModel load for tags { serve }; Status: success: OK. Took 90753 microseconds.
2022-08-10 08:23:16.046690: I tensorflow/cc/saved_model/loader.cc:283] SavedModel load for tags { serve }; Status: success: OK. Took 92808 microseconds.
2022-08-10 08:23:16.049457: I tensorflow/cc/saved_model/reader.cc:38] Reading SavedModel from: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-10 08:23:16.052716: I tensorflow/cc/saved_model/loader.cc:211] Restoring SavedModel bundle.
2022-08-10 08:23:16.056707: I tensorflow/cc/saved_model/reader.cc:38] Reading SavedModel from: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-10 08:23:16.057122: I tensorflow/cc/saved_model/loader.cc:195] Running initialization op on SavedModel bundle at path: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-10 08:23:16.058768: I tensorflow/cc/saved_model/reader.cc:90] Reading meta graph with tags { serve }
2022-08-10 08:23:16.058816: I tensorflow/cc/saved_model/reader.cc:132] Reading SavedModel debug info (if present) from: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-10 08:23:16.058916: I tensorflow/core/platform/cpu_feature_guard.cc:142] This TensorFlow binary is optimized with oneAPI Deep Neural Network Library (oneDNN) to use the following CPU instructions in performance-critical operations: AVX2 AVX512F FMA
To enable them in other operations, rebuild TensorFlow with the appropriate compiler flags.
2022-08-10 08:23:16.059935: I tensorflow/cc/saved_model/reader.cc:38] Reading SavedModel from: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-10 08:23:16.059978: I tensorflow/cc/saved_model/reader.cc:38] Reading SavedModel from: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-10 08:23:16.062580: I tensorflow/cc/saved_model/reader.cc:90] Reading meta graph with tags { serve }
2022-08-10 08:23:16.062618: I tensorflow/cc/saved_model/reader.cc:132] Reading SavedModel debug info (if present) from: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-10 08:23:16.062693: I tensorflow/core/platform/cpu_feature_guard.cc:142] This TensorFlow binary is optimized with oneAPI Deep Neural Network Library (oneDNN) to use the following CPU instructions in performance-critical operations: AVX2 AVX512F FMA
To enable them in other operations, rebuild TensorFlow with the appropriate compiler flags.
2022-08-10 08:23:16.065612: I tensorflow/cc/saved_model/reader.cc:90] Reading meta graph with tags { serve }
2022-08-10 08:23:16.065649: I tensorflow/cc/saved_model/reader.cc:132] Reading SavedModel debug info (if present) from: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-10 08:23:16.065720: I tensorflow/core/platform/cpu_feature_guard.cc:142] This TensorFlow binary is optimized with oneAPI Deep Neural Network Library (oneDNN) to use the following CPU instructions in performance-critical operations: AVX2 AVX512F FMA
To enable them in other operations, rebuild TensorFlow with the appropriate compiler flags.
2022-08-10 08:23:16.065869: I tensorflow/cc/saved_model/loader.cc:195] Running initialization op on SavedModel bundle at path: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-10 08:23:16.066274: I tensorflow/cc/saved_model/loader.cc:211] Restoring SavedModel bundle.
2022-08-10 08:23:16.069313: I tensorflow/cc/saved_model/reader.cc:90] Reading meta graph with tags { serve }
2022-08-10 08:23:16.069368: I tensorflow/cc/saved_model/reader.cc:132] Reading SavedModel debug info (if present) from: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-10 08:23:16.069462: I tensorflow/core/platform/cpu_feature_guard.cc:142] This TensorFlow binary is optimized with oneAPI Deep Neural Network Library (oneDNN) to use the following CPU instructions in performance-critical operations: AVX2 AVX512F FMA
To enable them in other operations, rebuild TensorFlow with the appropriate compiler flags.
2022-08-10 08:23:16.070502: I tensorflow/cc/saved_model/reader.cc:38] Reading SavedModel from: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-10 08:23:16.074922: I tensorflow/cc/saved_model/reader.cc:38] Reading SavedModel from: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-10 08:23:16.076486: I tensorflow/cc/saved_model/loader.cc:211] Restoring SavedModel bundle.
2022-08-10 08:23:16.077175: I tensorflow/cc/saved_model/loader.cc:283] SavedModel load for tags { serve }; Status: success: OK. Took 96937 microseconds.
2022-08-10 08:23:16.079429: I tensorflow/cc/saved_model/reader.cc:90] Reading meta graph with tags { serve }
2022-08-10 08:23:16.079476: I tensorflow/cc/saved_model/reader.cc:132] Reading SavedModel debug info (if present) from: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-10 08:23:16.079483: I tensorflow/cc/saved_model/loader.cc:211] Restoring SavedModel bundle.
2022-08-10 08:23:16.079567: I tensorflow/core/platform/cpu_feature_guard.cc:142] This TensorFlow binary is optimized with oneAPI Deep Neural Network Library (oneDNN) to use the following CPU instructions in performance-critical operations: AVX2 AVX512F FMA
To enable them in other operations, rebuild TensorFlow with the appropriate compiler flags.
2022-08-10 08:23:16.080137: I tensorflow/cc/saved_model/loader.cc:195] Running initialization op on SavedModel bundle at path: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-10 08:23:16.083728: I tensorflow/cc/saved_model/loader.cc:283] SavedModel load for tags { serve }; Status: success: OK. Took 94006 microseconds.
2022-08-10 08:23:16.084219: I tensorflow/cc/saved_model/reader.cc:90] Reading meta graph with tags { serve }
2022-08-10 08:23:16.084260: I tensorflow/cc/saved_model/reader.cc:132] Reading SavedModel debug info (if present) from: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-10 08:23:16.084363: I tensorflow/core/platform/cpu_feature_guard.cc:142] This TensorFlow binary is optimized with oneAPI Deep Neural Network Library (oneDNN) to use the following CPU instructions in performance-critical operations: AVX2 AVX512F FMA
To enable them in other operations, rebuild TensorFlow with the appropriate compiler flags.
2022-08-10 08:23:16.085655: I tensorflow/cc/saved_model/loader.cc:195] Running initialization op on SavedModel bundle at path: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-10 08:23:16.089017: I tensorflow/cc/saved_model/reader.cc:38] Reading SavedModel from: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-10 08:23:16.090387: I tensorflow/cc/saved_model/reader.cc:38] Reading SavedModel from: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-10 08:23:16.092583: I tensorflow/cc/saved_model/loader.cc:211] Restoring SavedModel bundle.
2022-08-10 08:23:16.093656: I tensorflow/cc/saved_model/loader.cc:283] SavedModel load for tags { serve }; Status: success: OK. Took 80458 microseconds.
2022-08-10 08:23:16.094988: I tensorflow/cc/saved_model/reader.cc:90] Reading meta graph with tags { serve }
2022-08-10 08:23:16.095035: I tensorflow/cc/saved_model/reader.cc:132] Reading SavedModel debug info (if present) from: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-10 08:23:16.095124: I tensorflow/core/platform/cpu_feature_guard.cc:142] This TensorFlow binary is optimized with oneAPI Deep Neural Network Library (oneDNN) to use the following CPU instructions in performance-critical operations: AVX2 AVX512F FMA
To enable them in other operations, rebuild TensorFlow with the appropriate compiler flags.
2022-08-10 08:23:16.096011: I tensorflow/cc/saved_model/reader.cc:90] Reading meta graph with tags { serve }
2022-08-10 08:23:16.096045: I tensorflow/cc/saved_model/reader.cc:132] Reading SavedModel debug info (if present) from: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-10 08:23:16.096114: I tensorflow/core/platform/cpu_feature_guard.cc:142] This TensorFlow binary is optimized with oneAPI Deep Neural Network Library (oneDNN) to use the following CPU instructions in performance-critical operations: AVX2 AVX512F FMA
To enable them in other operations, rebuild TensorFlow with the appropriate compiler flags.
2022-08-10 08:23:16.096600: I tensorflow/cc/saved_model/reader.cc:38] Reading SavedModel from: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-10 08:23:16.096833: I tensorflow/cc/saved_model/loader.cc:211] Restoring SavedModel bundle.
2022-08-10 08:23:16.097313: I tensorflow/cc/saved_model/loader.cc:211] Restoring SavedModel bundle.
2022-08-10 08:23:16.100309: I tensorflow/cc/saved_model/loader.cc:211] Restoring SavedModel bundle.
2022-08-10 08:23:16.102303: I tensorflow/cc/saved_model/reader.cc:90] Reading meta graph with tags { serve }
2022-08-10 08:23:16.102351: I tensorflow/cc/saved_model/reader.cc:132] Reading SavedModel debug info (if present) from: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-10 08:23:16.102371: I tensorflow/cc/saved_model/loader.cc:211] Restoring SavedModel bundle.
2022-08-10 08:23:16.102442: I tensorflow/core/platform/cpu_feature_guard.cc:142] This TensorFlow binary is optimized with oneAPI Deep Neural Network Library (oneDNN) to use the following CPU instructions in performance-critical operations: AVX2 AVX512F FMA
To enable them in other operations, rebuild TensorFlow with the appropriate compiler flags.
2022-08-10 08:23:16.105706: I tensorflow/cc/saved_model/loader.cc:283] SavedModel load for tags { serve }; Status: success: OK. Took 109536 microseconds.
2022-08-10 08:23:16.110601: I tensorflow/cc/saved_model/loader.cc:211] Restoring SavedModel bundle.
2022-08-10 08:23:16.119346: I tensorflow/cc/saved_model/loader.cc:195] Running initialization op on SavedModel bundle at path: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-10 08:23:16.119487: I tensorflow/cc/saved_model/loader.cc:211] Restoring SavedModel bundle.
2022-08-10 08:23:16.128029: I tensorflow/cc/saved_model/loader.cc:195] Running initialization op on SavedModel bundle at path: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-10 08:23:16.128687: I tensorflow/cc/saved_model/loader.cc:211] Restoring SavedModel bundle.
2022-08-10 08:23:16.131323: I tensorflow/cc/saved_model/loader.cc:195] Running initialization op on SavedModel bundle at path: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-10 08:23:16.131780: I tensorflow/cc/saved_model/loader.cc:195] Running initialization op on SavedModel bundle at path: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-10 08:23:16.132651: I tensorflow/cc/saved_model/loader.cc:211] Restoring SavedModel bundle.
2022-08-10 08:23:16.132983: I tensorflow/cc/saved_model/loader.cc:211] Restoring SavedModel bundle.
2022-08-10 08:23:16.133777: I tensorflow/cc/saved_model/loader.cc:195] Running initialization op on SavedModel bundle at path: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-10 08:23:16.134036: I tensorflow/cc/saved_model/loader.cc:211] Restoring SavedModel bundle.
2022-08-10 08:23:16.135171: I tensorflow/cc/saved_model/reader.cc:38] Reading SavedModel from: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-10 08:23:16.137269: I tensorflow/cc/saved_model/loader.cc:283] SavedModel load for tags { serve }; Status: success: OK. Took 131744 microseconds.
2022-08-10 08:23:16.139543: I tensorflow/cc/saved_model/loader.cc:211] Restoring SavedModel bundle.
2022-08-10 08:23:16.140968: I tensorflow/cc/saved_model/reader.cc:90] Reading meta graph with tags { serve }
2022-08-10 08:23:16.141006: I tensorflow/cc/saved_model/reader.cc:132] Reading SavedModel debug info (if present) from: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-10 08:23:16.141081: I tensorflow/core/platform/cpu_feature_guard.cc:142] This TensorFlow binary is optimized with oneAPI Deep Neural Network Library (oneDNN) to use the following CPU instructions in performance-critical operations: AVX2 AVX512F FMA
To enable them in other operations, rebuild TensorFlow with the appropriate compiler flags.
2022-08-10 08:23:16.142635: I tensorflow/cc/saved_model/loader.cc:195] Running initialization op on SavedModel bundle at path: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-10 08:23:16.147357: I tensorflow/cc/saved_model/loader.cc:195] Running initialization op on SavedModel bundle at path: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-10 08:23:16.147831: I tensorflow/cc/saved_model/loader.cc:283] SavedModel load for tags { serve }; Status: success: OK. Took 128131 microseconds.
2022-08-10 08:23:16.147940: I tensorflow/cc/saved_model/loader.cc:283] SavedModel load for tags { serve }; Status: success: OK. Took 91244 microseconds.
2022-08-10 08:23:16.148325: I tensorflow/cc/saved_model/loader.cc:195] Running initialization op on SavedModel bundle at path: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-10 08:23:16.150858: I tensorflow/cc/saved_model/loader.cc:283] SavedModel load for tags { serve }; Status: success: OK. Took 134740 microseconds.
2022-08-10 08:23:16.151169: I tensorflow/cc/saved_model/loader.cc:283] SavedModel load for tags { serve }; Status: success: OK. Took 91199 microseconds.
2022-08-10 08:23:16.159888: I tensorflow/cc/saved_model/reader.cc:38] Reading SavedModel from: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-10 08:23:16.160056: I tensorflow/cc/saved_model/loader.cc:283] SavedModel load for tags { serve }; Status: success: OK. Took 127465 microseconds.
2022-08-10 08:23:16.160853: I tensorflow/cc/saved_model/loader.cc:195] Running initialization op on SavedModel bundle at path: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-10 08:23:16.162140: I tensorflow/cc/saved_model/loader.cc:195] Running initialization op on SavedModel bundle at path: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-10 08:23:16.164972: I tensorflow/cc/saved_model/loader.cc:195] Running initialization op on SavedModel bundle at path: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-10 08:23:16.165134: I tensorflow/cc/saved_model/loader.cc:195] Running initialization op on SavedModel bundle at path: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-10 08:23:16.165553: I tensorflow/cc/saved_model/reader.cc:90] Reading meta graph with tags { serve }
2022-08-10 08:23:16.165588: I tensorflow/cc/saved_model/reader.cc:132] Reading SavedModel debug info (if present) from: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-10 08:23:16.165658: I tensorflow/core/platform/cpu_feature_guard.cc:142] This TensorFlow binary is optimized with oneAPI Deep Neural Network Library (oneDNN) to use the following CPU instructions in performance-critical operations: AVX2 AVX512F FMA
To enable them in other operations, rebuild TensorFlow with the appropriate compiler flags.
2022-08-10 08:23:16.168880: I tensorflow/cc/saved_model/loader.cc:195] Running initialization op on SavedModel bundle at path: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-10 08:23:16.171694: I tensorflow/cc/saved_model/loader.cc:195] Running initialization op on SavedModel bundle at path: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-10 08:23:16.172447: I tensorflow/cc/saved_model/loader.cc:283] SavedModel load for tags { serve }; Status: success: OK. Took 136308 microseconds.
2022-08-10 08:23:16.175493: I tensorflow/cc/saved_model/loader.cc:195] Running initialization op on SavedModel bundle at path: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-10 08:23:16.176864: I tensorflow/cc/saved_model/loader.cc:283] SavedModel load for tags { serve }; Status: success: OK. Took 141869 microseconds.
2022-08-10 08:23:16.176916: I tensorflow/cc/saved_model/loader.cc:211] Restoring SavedModel bundle.
2022-08-10 08:23:16.178234: I tensorflow/cc/saved_model/loader.cc:283] SavedModel load for tags { serve }; Status: success: OK. Took 107743 microseconds.
2022-08-10 08:23:16.179889: I tensorflow/cc/saved_model/loader.cc:283] SavedModel load for tags { serve }; Status: success: OK. Took 130445 microseconds.
2022-08-10 08:23:16.181637: I tensorflow/cc/saved_model/loader.cc:283] SavedModel load for tags { serve }; Status: success: OK. Took 92628 microseconds.
2022-08-10 08:23:16.183019: I tensorflow/cc/saved_model/loader.cc:283] SavedModel load for tags { serve }; Status: success: OK. Took 92641 microseconds.
2022-08-10 08:23:16.186792: I tensorflow/cc/saved_model/loader.cc:283] SavedModel load for tags { serve }; Status: success: OK. Took 126868 microseconds.
2022-08-10 08:23:16.190402: I tensorflow/cc/saved_model/loader.cc:283] SavedModel load for tags { serve }; Status: success: OK. Took 93810 microseconds.
2022-08-10 08:23:16.192911: I tensorflow/cc/saved_model/loader.cc:283] SavedModel load for tags { serve }; Status: success: OK. Took 118001 microseconds.
2022-08-10 08:23:16.201142: I tensorflow/cc/saved_model/loader.cc:211] Restoring SavedModel bundle.
2022-08-10 08:23:16.204063: I tensorflow/cc/saved_model/reader.cc:38] Reading SavedModel from: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-10 08:23:16.205096: I tensorflow/cc/saved_model/reader.cc:38] Reading SavedModel from: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-10 08:23:16.208992: I tensorflow/cc/saved_model/reader.cc:90] Reading meta graph with tags { serve }
2022-08-10 08:23:16.209023: I tensorflow/cc/saved_model/reader.cc:132] Reading SavedModel debug info (if present) from: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-10 08:23:16.209083: I tensorflow/core/platform/cpu_feature_guard.cc:142] This TensorFlow binary is optimized with oneAPI Deep Neural Network Library (oneDNN) to use the following CPU instructions in performance-critical operations: AVX2 AVX512F FMA
To enable them in other operations, rebuild TensorFlow with the appropriate compiler flags.
2022-08-10 08:23:16.209132: I tensorflow/cc/saved_model/loader.cc:195] Running initialization op on SavedModel bundle at path: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-10 08:23:16.210696: I tensorflow/cc/saved_model/reader.cc:90] Reading meta graph with tags { serve }
2022-08-10 08:23:16.210736: I tensorflow/cc/saved_model/reader.cc:132] Reading SavedModel debug info (if present) from: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-10 08:23:16.210805: I tensorflow/core/platform/cpu_feature_guard.cc:142] This TensorFlow binary is optimized with oneAPI Deep Neural Network Library (oneDNN) to use the following CPU instructions in performance-critical operations: AVX2 AVX512F FMA
To enable them in other operations, rebuild TensorFlow with the appropriate compiler flags.
2022-08-10 08:23:16.226122: I tensorflow/cc/saved_model/loader.cc:283] SavedModel load for tags { serve }; Status: success: OK. Took 90961 microseconds.
2022-08-10 08:23:16.232152: I tensorflow/cc/saved_model/loader.cc:195] Running initialization op on SavedModel bundle at path: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-10 08:23:16.238935: I tensorflow/cc/saved_model/loader.cc:211] Restoring SavedModel bundle.
2022-08-10 08:23:16.245537: I tensorflow/cc/saved_model/loader.cc:211] Restoring SavedModel bundle.
2022-08-10 08:23:16.246955: I tensorflow/cc/saved_model/reader.cc:38] Reading SavedModel from: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-10 08:23:16.248515: I tensorflow/cc/saved_model/loader.cc:283] SavedModel load for tags { serve }; Status: success: OK. Took 88636 microseconds.
2022-08-10 08:23:16.255288: I tensorflow/cc/saved_model/reader.cc:90] Reading meta graph with tags { serve }
2022-08-10 08:23:16.255348: I tensorflow/cc/saved_model/reader.cc:132] Reading SavedModel debug info (if present) from: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-10 08:23:16.255446: I tensorflow/core/platform/cpu_feature_guard.cc:142] This TensorFlow binary is optimized with oneAPI Deep Neural Network Library (oneDNN) to use the following CPU instructions in performance-critical operations: AVX2 AVX512F FMA
To enable them in other operations, rebuild TensorFlow with the appropriate compiler flags.
2022-08-10 08:23:16.266008: I tensorflow/cc/saved_model/loader.cc:195] Running initialization op on SavedModel bundle at path: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-10 08:23:16.274928: I tensorflow/cc/saved_model/loader.cc:195] Running initialization op on SavedModel bundle at path: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-10 08:23:16.279118: I tensorflow/cc/saved_model/loader.cc:283] SavedModel load for tags { serve }; Status: success: OK. Took 75065 microseconds.
2022-08-10 08:23:16.290904: I tensorflow/cc/saved_model/loader.cc:283] SavedModel load for tags { serve }; Status: success: OK. Took 85824 microseconds.
2022-08-10 08:23:16.302803: I tensorflow/cc/saved_model/loader.cc:211] Restoring SavedModel bundle.
2022-08-10 08:23:16.349085: I tensorflow/cc/saved_model/loader.cc:195] Running initialization op on SavedModel bundle at path: /home/matthiasb/compiling/ml-compiler-opt/build/ra_model/policy/0/saved_collect_policy
2022-08-10 08:23:16.364425: I tensorflow/cc/saved_model/loader.cc:283] SavedModel load for tags { serve }; Status: success: OK. Took 117480 microseconds.
I0810 08:23:45.846070 140667723188032 local_data_collector.py:133] 0 of 31 modules finished in 30 seconds (0 failures).
Traceback (most recent call last):
File "/usr/lib64/python3.9/runpy.py", line 197, in _run_module_as_main
return _run_code(code, main_globals, None,
File "/usr/lib64/python3.9/runpy.py", line 87, in _run_code
exec(code, run_globals)
File "/home/matthiasb/compiling/ml-compiler-opt/compiler_opt/rl/train_locally.py", line 183, in <module>
multiprocessing.handle_main(functools.partial(app.run, main))
File "/home/matthiasb/compiling/tf_venv/lib64/python3.9/site-packages/tf_agents/system/default/multiprocessing_core.py", line 78, in handle_main
return app.run(parent_main_fn, *args, **kwargs)
File "/home/matthiasb/compiling/tf_venv/lib64/python3.9/site-packages/absl/app.py", line 303, in run
_run_main(main, args)
File "/home/matthiasb/compiling/tf_venv/lib64/python3.9/site-packages/absl/app.py", line 251, in _run_main
sys.exit(main(argv))
File "/home/matthiasb/compiling/tf_venv/lib64/python3.9/site-packages/absl/app.py", line 303, in run
_run_main(main, args)
File "/home/matthiasb/compiling/tf_venv/lib64/python3.9/site-packages/absl/app.py", line 251, in _run_main
sys.exit(main(argv))
File "/home/matthiasb/compiling/ml-compiler-opt/compiler_opt/rl/train_locally.py", line 178, in main
train_eval()
File "/home/matthiasb/compiling/tf_venv/lib64/python3.9/site-packages/gin/config.py", line 1069, in gin_wrapper
utils.augment_exception_message_and_reraise(e, err_str)
File "/home/matthiasb/compiling/tf_venv/lib64/python3.9/site-packages/gin/utils.py", line 41, in augment_exception_message_and_reraise
raise proxy.with_traceback(exception.__traceback__) from None
File "/home/matthiasb/compiling/tf_venv/lib64/python3.9/site-packages/gin/config.py", line 1046, in gin_wrapper
return fn(*new_args, **new_kwargs)
File "/home/matthiasb/compiling/ml-compiler-opt/compiler_opt/rl/train_locally.py", line 161, in train_eval
dataset_iter, monitor_dict = data_collector.collect_data(
File "/home/matthiasb/compiling/ml-compiler-opt/compiler_opt/rl/local_data_collector.py", line 167, in collect_data
parsed = self._parser(sequence_examples)
File "/home/matthiasb/compiling/ml-compiler-opt/compiler_opt/rl/train_locally.py", line 116, in sequence_example_iterator_fn
return iter(dataset_fn(seq_ex).repeat().prefetch(tf.data.AUTOTUNE))
File "/home/matthiasb/compiling/ml-compiler-opt/compiler_opt/rl/data_reader.py", line 169, in _sequence_example_dataset_fn
dataset = (tf.data.Dataset
File "/home/matthiasb/compiling/tf_venv/lib64/python3.9/site-packages/tensorflow/python/data/ops/dataset_ops.py", line 2202, in filter
return FilterDataset(self, predicate, name=name)
File "/home/matthiasb/compiling/tf_venv/lib64/python3.9/site-packages/tensorflow/python/data/ops/dataset_ops.py", line 5714, in __init__
wrapped_func = StructuredFunctionWrapper(
File "/home/matthiasb/compiling/tf_venv/lib64/python3.9/site-packages/tensorflow/python/data/ops/dataset_ops.py", line 4533, in __init__
self._function = fn_factory()
File "/home/matthiasb/compiling/tf_venv/lib64/python3.9/site-packages/tensorflow/python/eager/function.py", line 3244, in get_concrete_function
graph_function = self._get_concrete_function_garbage_collected(
File "/home/matthiasb/compiling/tf_venv/lib64/python3.9/site-packages/tensorflow/python/eager/function.py", line 3210, in _get_concrete_function_garbage_collected
graph_function, _ = self._maybe_define_function(args, kwargs)
File "/home/matthiasb/compiling/tf_venv/lib64/python3.9/site-packages/tensorflow/python/eager/function.py", line 3557, in _maybe_define_function
graph_function = self._create_graph_function(args, kwargs)
File "/home/matthiasb/compiling/tf_venv/lib64/python3.9/site-packages/tensorflow/python/eager/function.py", line 3392, in _create_graph_function
func_graph_module.func_graph_from_py_func(
File "/home/matthiasb/compiling/tf_venv/lib64/python3.9/site-packages/tensorflow/python/framework/func_graph.py", line 1143, in func_graph_from_py_func
func_outputs = python_func(*func_args, **func_kwargs)
File "/home/matthiasb/compiling/tf_venv/lib64/python3.9/site-packages/tensorflow/python/data/ops/dataset_ops.py", line 4510, in wrapped_fn
ret = wrapper_helper(*args)
File "/home/matthiasb/compiling/tf_venv/lib64/python3.9/site-packages/tensorflow/python/data/ops/dataset_ops.py", line 4440, in wrapper_helper
ret = autograph.tf_convert(self._func, ag_ctx)(*nested_args)
File "/home/matthiasb/compiling/tf_venv/lib64/python3.9/site-packages/tensorflow/python/autograph/impl/api.py", line 699, in wrapper
raise e.ag_error_metadata.to_exception(e)
TypeError: in user code:
File "/home/matthiasb/compiling/ml-compiler-opt/compiler_opt/rl/data_reader.py", line 171, in None *
lambda string: tf.strings.length(string) > 0
TypeError: Input 'input' of 'StringLength' Op has type float32 that does not match expected type of string.
In call to configurable 'train_eval' (<function train_eval at 0x7fee247af8b0>)
Sign up for free to join this conversation on GitHub. Already have an account? Sign in to comment