diff --git a/compiler_opt/rl/compilation_runner.py b/compiler_opt/rl/compilation_runner.py index 702b2774..7da2cc8e 100644 --- a/compiler_opt/rl/compilation_runner.py +++ b/compiler_opt/rl/compilation_runner.py @@ -34,7 +34,7 @@ from compiler_opt.rl import policy_saver _COMPILATION_TIMEOUT = flags.DEFINE_integer( - 'compilation_timeout', 60, + 'compilation_timeout', 120, 'Max duration (in seconds) after which we cancel any compilation job.') _QUIET = flags.DEFINE_bool( 'quiet', True, 'Whether or not to compile quietly (hiding info logging)') diff --git a/compiler_opt/rl/registry.py b/compiler_opt/rl/registry.py index 85f8097a..a04d9275 100644 --- a/compiler_opt/rl/registry.py +++ b/compiler_opt/rl/registry.py @@ -33,6 +33,7 @@ # to trigger gin registration. import compiler_opt.rl.inlining # pylint: disable=unused-import import compiler_opt.rl.regalloc # pylint: disable=unused-import +import compiler_opt.rl.unroll # pylint: disable=unused-import types = tfa.typing.types diff --git a/compiler_opt/rl/unroll/__init__.py b/compiler_opt/rl/unroll/__init__.py new file mode 100644 index 00000000..b292fb9f --- /dev/null +++ b/compiler_opt/rl/unroll/__init__.py @@ -0,0 +1,38 @@ +# coding=utf-8 +# Copyright 2020 Google LLC +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. +"""Implementation of the 'loop unroll' problem.""" + +import gin + +from compiler_opt.rl import problem_configuration +from compiler_opt.rl.unroll import config +from compiler_opt.rl.unroll import unroll_runner + + +@gin.register(module='configs') +class LoopUnrollConfig(problem_configuration.ProblemConfiguration): + """Expose the regalloc eviction components.""" + + def get_runner_type(self): + return unroll_runner.LoopUnrollRunner + + def get_signature_spec(self): + return config.get_unroll_signature_spec() + + def get_preprocessing_layer_creator(self): + return config.get_observation_processing_layer_creator() + + def get_nonnormalized_features(self): + return config.get_nonnormalized_features() diff --git a/compiler_opt/rl/unroll/config.py b/compiler_opt/rl/unroll/config.py new file mode 100644 index 00000000..203f4eaf --- /dev/null +++ b/compiler_opt/rl/unroll/config.py @@ -0,0 +1,76 @@ +# coding=utf-8 +# Copyright 2020 Google LLC +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. +"""Loop unroll training config.""" + +import gin +import tensorflow as tf +from tf_agents.specs import tensor_spec +from tf_agents.trajectories import time_step +from compiler_opt.rl import feature_ops + + +# pylint: disable=g-complex-comprehension +@gin.configurable() +def get_unroll_signature_spec(): + """Returns (time_step_spec, action_spec) for LLVM loop unroll.""" + # LINT.IfChange + observation_spec = dict( + (key, tf.TensorSpec(dtype=tf.int64, shape=(), name=key)) + for key in ('loop_size', 'trip_count', 'is_innermost_loop', + 'preheader_blocksize', 'bb_count', 'num_of_loop_latch', + 'load_inst_count', 'store_inst_count', 'logical_inst_count', + 'cast_inst_count')) + reward_spec = tf.TensorSpec(dtype=tf.float32, shape=(), name='reward') + time_step_spec = time_step.time_step_spec(observation_spec, reward_spec) + action_spec = tensor_spec.BoundedTensorSpec( + dtype=tf.int64, shape=(), name='unroll_count') + + return time_step_spec, action_spec + + +@gin.configurable +def get_observation_processing_layer_creator(quantile_file_dir=None, + with_sqrt=True, + with_z_score_normalization=True, + eps=1e-8): + """Wrapper for observation_processing_layer.""" + quantile_map = feature_ops.build_quantile_map(quantile_file_dir) + + def observation_processing_layer(obs_spec): + """Creates the layer to process observation given obs_spec.""" + + # I guess we discard rewards when observation? + if obs_spec.name in ('icache_pressure', 'latency'): + return tf.keras.layers.Lambda(feature_ops.discard_fn) + + # for boolean features, use feature_ops.identity_fn + if obs_spec.name in ('is_innermost_loop'): + return tf.keras.layers.Lambda(feature_ops.identity_fn) + + # Do we need to define some layer here to normalize 'loop_size' + # and instruction count features (e.g. 'load_inst_count'). + # Bigger loops expect more instruction counts, and we need to + # normalize this? + + quantile = quantile_map[obs_spec.name] + return tf.keras.layers.Lambda( + feature_ops.get_normalize_fn(quantile, with_sqrt, + with_z_score_normalization, eps)) + + return observation_processing_layer + + +def get_nonnormalized_features(): + return ['reward', 'is_innermost_loop'] diff --git a/compiler_opt/rl/unroll/gin_configs/behavioral_cloning_nn_agent.gin b/compiler_opt/rl/unroll/gin_configs/behavioral_cloning_nn_agent.gin new file mode 100644 index 00000000..d38f63aa --- /dev/null +++ b/compiler_opt/rl/unroll/gin_configs/behavioral_cloning_nn_agent.gin @@ -0,0 +1,32 @@ +import gin.tf.external_configurables +import compiler_opt.rl.constant +import compiler_opt.rl.gin_external_configurables +import compiler_opt.rl.unroll.config +import tf_agents.agents.behavioral_cloning.behavioral_cloning_agent +import tf_agents.networks.q_network + +include 'compiler_opt/rl/unroll/gin_configs/common.gin' + +train_eval.agent_name=%constant.AgentName.BEHAVIORAL_CLONE +train_eval.num_iterations=100000 +train_eval.batch_size=64 +train_eval.train_sequence_length=1 + +unroll.config.get_observation_processing_layer_creator.with_sqrt = False +unroll.config.get_observation_processing_layer_creator.with_z_score_normalization = False + +create_agent.policy_network = @q_network.QNetwork + +QNetwork.preprocessing_combiner=@tf.keras.layers.Concatenate() +QNetwork.fc_layer_params=(40, 40, 20) +QNetwork.dropout_layer_params=(0.2, 0.2, 0.2) +QNetwork.activation_fn=@tf.keras.activations.relu + +tf.train.AdamOptimizer.learning_rate = 0.001 +tf.train.AdamOptimizer.epsilon = 0.0003125 + +BehavioralCloningAgent.optimizer = @tf.train.AdamOptimizer() +BehavioralCloningAgent.epsilon_greedy = 0.1 +BehavioralCloningAgent.gradient_clipping = None +BehavioralCloningAgent.debug_summaries = True +BehavioralCloningAgent.summarize_grads_and_vars = True diff --git a/compiler_opt/rl/unroll/gin_configs/common.gin b/compiler_opt/rl/unroll/gin_configs/common.gin new file mode 100644 index 00000000..7d213ba8 --- /dev/null +++ b/compiler_opt/rl/unroll/gin_configs/common.gin @@ -0,0 +1,11 @@ +config_registry.get_configuration.implementation=@configs.LoopUnrollConfig + +clang_path=None +llvm_objcopy_path=None +parse_reward_script_path=None +latency_coefficient=None + +runners.LoopUnrollRunner.clang_path=%clang_path +runners.LoopUnrollRunner.llvm_objcopy_path=%llvm_objcopy_path +runners.LoopUnrollRunner.parse_reward_script_path=%parse_reward_script_path +runners.LoopUnrollRunner.latency_coefficient=%latency_coefficient diff --git a/compiler_opt/rl/unroll/unroll_runner.py b/compiler_opt/rl/unroll/unroll_runner.py new file mode 100644 index 00000000..30804fc1 --- /dev/null +++ b/compiler_opt/rl/unroll/unroll_runner.py @@ -0,0 +1,194 @@ +# coding=utf-8 +# Copyright 2020 Google LLC +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. +"""Module for collect data of loop unroll.""" + +import base64 +import io +import os +import tempfile +from typing import Dict, Optional, Tuple + +import gin +import tensorflow as tf + +from google.protobuf import struct_pb2 # pytype: disable=pyi-error +from compiler_opt.rl import compilation_runner +from compiler_opt.rl import corpus + + +@gin.configurable(module='runners') +class LoopUnrollRunner(compilation_runner.CompilationRunner): + """Class for collecting data for loop partial unroll. + + Usage: + runner = LoopUnrollRunner( + clang_path, llvm_objcopy_path, parse_reward_script_path, + moving_average_decay_rate) + policy_reward = unroll.collect_data( + ir_path, tf_policy_path, default_reward, moving_average_reward) + """ + + def __init__(self, llvm_objcopy_path: str, parse_reward_script_path: str, + latency_coefficient: str, *args, **kwargs): + super().__init__(*args, **kwargs) + self._llvm_objcopy_path = llvm_objcopy_path + self._parse_reward_script_path = parse_reward_script_path + self._latency_coefficient = float(latency_coefficient) + + def compile_fn( + self, command_line: corpus.FullyQualifiedCmdLine, tf_policy_path: str, + reward_only: bool, cancellation_manager: Optional[ + compilation_runner.WorkerCancellationManager] + ) -> Dict[str, Tuple[tf.train.SequenceExample, float]]: + """Run loop unroll for the given IR file under the given policy. + + Args: + command_line: the fully qualified command line. + tf_policy_path: path to TF policy directory on local disk. + reward_only: whether to only return reward (icache pressure and latency) + cancellation_manager: handler for early termination by killing any running + processes + + Returns: + For loop unroll, the result is in module level. IWS and Latency is + already weighted by the probability to be executed, checkout + parse_reward.py and code embedded under AsmPrinter.cpp for more detail). + + Since the reward is calculated at late stage in a compiler that is after + inlining some functions may be inlined and not be found for some loops, + so we sum all functions into a single float, reward_total. + + The function returns in the format: + { + "loop1_key": (loop1_features, reward_total), + "loop2_key": (loop2_features, reward_total), + ..., + "loopN_key": (loopN_features, reward_total) + } + - reward_total: sum of IWS and Latency of all functions in this module + + Early return: + The function early returns when the compiled module doesn't record any + logs or the log file doesn't record any loop. This happens when + `LoopUnrollPass` is not triggered or no loop triggered "partial unroll" + in the pass. + """ + working_dir = tempfile.mkdtemp() + + # The compiler will log input feature (loop properties) and decision + # (unroll count) into the specified log path + log_path = os.path.join(working_dir, 'log') + + # The compilation will generate object files, and our augmentation under + # AsmPrinter.cpp will create section data `llvm_block_data`. + object_path = os.path.join(working_dir, 'object') + # llvm-objcopy extracts the section data from object to data + data_path = os.path.join(working_dir, 'data') + # Reward parsing script parses data into parsed_reward + parsed_reward_path = os.path.join(working_dir, 'parsed_reward') + + try: + # Construct command to execute clang + command_line = [] + + # parameters for MLGO unroll + command_line.extend([self._clang_path] + list(command_line) + [ + '-mllvm', '-mlgo-unroll-mode=training', '-mllvm', + '-mlgo-unroll-training-log=' + + log_path, '-mllvm', '-calc-reward', '-o', object_path + ]) + + # Under `training mode`... + # If model path is provided, compiler will use ModelUnderTrainingRunner + # Otherwise, compiler will use NoInferenceModelRunner + if tf_policy_path: + command_line.extend( + ['-mllvm', 'mlgo-unroll-train-model=' + tf_policy_path]) + + print('Command to execute clang: ', command_line) + + # run clang + compilation_runner.start_cancellable_process(command_line, + self._compilation_timeout, + cancellation_manager) + + # A module may not generate a log if none of the loops go into the + # LoopUnroll decision. Early return here if log_path cannot be found. + if not os.path.exists(log_path): + print('Early return, log file not found.') + return {} + + # A log file may not have anything inside when none of the loops goes + # into PartialUnroll decision. Early return a log file is created but + # nothing inside. + if os.path.getsize(log_path) == 0: + print('Early return, log file contains nothing.') + return {} + + # Run llvm-objcopy to get section data + command_line = [ + self._llvm_objcopy_path, + '--dump-section=.llvm_block_data.=' + data_path, object_path + ] + print('Command to get section data: ', command_line) + compilation_runner.start_cancellable_process(command_line, + self._compilation_timeout, + cancellation_manager) + + # Run parse_reward.py to get reward + command_line = [ + self._parse_reward_script_path, data_path, parsed_reward_path + ] + print('Command to parse reward: ', command_line) + compilation_runner.start_cancellable_process(command_line, + self._compilation_timeout, + cancellation_manager) + + # Sum rewards of all functions into a single float + reward_total = 0 + with io.open(parsed_reward_path, 'r', encoding='utf-8') as reward_f: + for line in reward_f.readlines(): + line = line[:-1] # strip end-line + items = line.split(',') + assert len(items) == 3 + # function_name = items[0] (commented out because currently unused) + iws = float(items[1]) + latency = float(items[2]) + reward_total = reward_total + ( + iws + latency * self._latency_coefficient) + + if reward_only: + return {'default': (None, reward_total)} + + result = {} + + # Read training log, fill them in to result. + sequence_examples = struct_pb2.Struct() + with io.open(log_path, 'rb') as log_f: + sequence_examples.ParseFromString(log_f.read()) + + for key, value in sequence_examples.fields.items(): + entry = tf.train.SequenceExample() + entry.ParseFromString(base64.b64decode(value.string_value)) + + if not entry.HasField('feature_lists'): + continue + + result[key] = (entry, reward_total) + + finally: + tf.io.gfile.rmtree(working_dir) + + return result diff --git a/compiler_opt/rl/unroll/vocab/bb_count.buckets b/compiler_opt/rl/unroll/vocab/bb_count.buckets new file mode 100644 index 00000000..779d9b6c --- /dev/null +++ b/compiler_opt/rl/unroll/vocab/bb_count.buckets @@ -0,0 +1,1000 @@ +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.2592592592591245 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +3.0 +3.0 +3.0 +3.0 +3.0 +3.0 +3.0 +3.0 +3.0 +3.0 +3.0 +3.0 +3.0 +3.0 +3.0 +3.0 +3.0 +3.0 +3.0 +3.0 +3.0 +3.0 +3.0 +3.0 +3.0 +3.0 +3.0 +3.0 +3.0 +3.0 +3.0 +3.0 +3.0 +3.0 +3.0 +3.0 +3.0 +3.0 +3.0 +3.0 +3.0 +3.0 +3.0 +3.0 +3.0 +3.0 +3.0 +3.0 +3.0 +3.0 +3.0 +3.0 +3.0 +3.0 +3.0 +3.0 +3.0 +3.0 +3.0 +3.0 +3.0 +3.0 +3.0 +3.0 +3.0 +3.0 +4.0 +4.0 +4.0 +4.0 +4.0 +4.0 +4.0 +4.0 +4.0 +4.0 +4.0 +4.0 +4.0 +4.0 +4.0 +4.0 +4.0 +4.0 +4.0 +4.0 +4.0 +4.0 +4.0 +4.0 +4.0 +4.0 +4.0 +4.0 +4.0 +4.0 +4.0 +4.0 +4.0 +4.0 +4.0 +4.0 +4.0 +4.0 +4.0 +4.0 +4.0 +4.0 +4.0 +4.0 +4.0 +4.0 +4.0 +4.0 +4.0 +4.0 +4.0 +4.0 +4.0 +5.0 +5.0 +5.0 +5.0 +5.0 +5.0 +5.0 +5.0 +5.0 +5.0 +5.0 +5.0 +5.0 +5.0 +5.0 +5.0 +5.0 +5.0 +5.0 +5.0 +5.0 +5.0 +5.0 +5.0 +5.0 +5.0 +5.0 +5.0 +5.0 +5.0 +5.0 +5.0 +5.0 +5.0 +5.0 +5.0 +5.0 +5.0 +5.0 +5.0 +5.0 +5.0 +5.0 +5.0 +5.0 +5.0 +5.0 +5.0 +5.0 +5.0 +5.0 +5.0 +6.0 +6.0 +6.0 +6.0 +6.0 +6.0 +6.0 +6.0 +6.0 +6.0 +6.0 +6.0 +6.0 +6.0 +6.0 +6.0 +6.0 +6.0 +6.0 +6.0 +6.0 +6.0 +6.0 +6.0 +6.0 +6.0 +6.0 +6.0 +6.0 +6.0 +6.0 +6.0 +6.0 +6.0 +6.0 +7.0 +7.0 +7.0 +7.0 +7.0 +7.0 +7.0 +7.0 +7.0 +7.0 +7.0 +7.0 +7.0 +7.0 +7.0 +7.0 +7.0 +7.0 +7.0 +7.0 +7.0 +7.0 +7.0 +7.0 +7.0 +7.0 +7.907907907907884 +8.0 +8.0 +8.0 +8.0 +8.0 +8.0 +8.0 +8.0 +8.0 +8.0 +8.0 +8.0 +8.0 +8.0 +8.0 +8.0 +8.0 +8.0 +8.0 +9.0 +9.0 +9.0 +9.0 +9.0 +9.0 +9.0 +9.0 +9.0 +9.0 +9.0 +9.0 +9.0 +9.0 +9.0 +9.0 +9.0 +9.0 +9.0 +9.0 +9.0 +9.0 +10.0 +10.0 +10.0 +10.0 +10.0 +10.0 +10.0 +10.0 +10.0 +10.0 +10.0 +10.0 +10.0 +10.0 +10.0 +10.0 +10.0 +10.0 +10.0 +10.0 +10.0 +10.0 +11.0 +11.0 +11.0 +11.0 +11.0 +11.0 +11.0 +11.0 +11.0 +11.0 +11.0 +11.0 +11.0 +11.0 +12.0 +12.0 +12.0 +12.0 +12.0 +12.0 +12.0 +12.0 +12.0 +12.0 +12.0 +12.0 +12.0 +12.0 +12.0 +12.0 +12.0 +12.0 +12.0 +12.0 +12.0 +12.0 +12.0 +12.0 +12.0 +12.0 +12.0 +12.0 +12.0 +12.0 +12.0 +12.0 +12.0 +12.0 +12.0 +12.0 +13.0 +13.0 +13.0 +13.0 +13.0 +13.0 +13.0 +13.0 +13.0 +13.0 +13.0 +13.0 +13.0 +13.0 +13.0 +13.0 +14.0 +14.0 +14.0 +14.0 +14.0 +14.0 +14.0 +14.0 +14.0 +14.0 +14.0 +14.0 +14.0 +14.0 +14.0 +14.0 +14.0 +14.202202202202443 +15.0 +15.0 +15.0 +15.0 +15.0 +15.0 +15.0 +15.0 +15.0 +15.0 +15.0 +15.0 +15.0 +16.0 +16.0 +16.0 +16.0 +16.0 +16.0 +16.0 +16.0 +16.0 +16.0 +16.0 +16.0 +16.0 +16.256256256256165 +17.0 +17.0 +17.0 +17.0 +17.0 +17.0 +17.0 +17.0 +17.0 +17.0 +17.0 +18.0 +18.0 +18.0 +18.0 +18.0 +18.0 +18.0 +18.0 +18.0 +19.0 +19.0 +19.0 +19.0 +19.0 +19.0 +19.0 +19.0 +19.0 +19.0 +19.0 +19.0 +20.0 +20.0 +20.0 +20.0 +20.0 +20.0 +21.0 +21.0 +21.0 +21.0 +21.0 +21.0 +21.0 +21.0 +22.0 +22.0 +22.0 +22.0 +22.0 +22.0 +23.0 +23.0 +23.0 +23.0 +23.0 +23.0 +23.0 +23.0 +23.0 +23.0 +23.0 +23.0 +23.0 +24.0 +24.0 +24.0 +24.0 +24.0 +24.0 +25.0 +25.0 +25.0 +25.0 +25.0 +25.0 +25.0 +26.0 +26.0 +26.0 +26.0 +27.0 +27.0 +27.0 +27.0 +27.0 +27.0 +28.0 +28.0 +28.0 +28.0 +28.0 +28.0 +28.113113113113286 +29.0 +29.0 +29.0 +29.0 +30.0 +30.0 +30.0 +30.79579579579604 +31.0 +31.0 +31.0 +31.0 +31.0 +31.807807807807876 +32.0 +32.0 +32.813813813813795 +33.0 +33.0 +34.0 +34.0 +34.0 +34.0 +34.0 +35.0 +35.0 +35.0 +35.502502502502466 +36.0 +36.0 +37.0 +37.0 +37.0 +37.0 +37.0 +38.0 +38.0 +38.0 +39.0 +39.0 +39.0 +40.0 +40.0 +40.0 +41.0 +41.0 +42.0 +42.20920920920889 +43.0 +44.0 +44.0 +44.550550550550724 +45.0 +45.0 +45.0 +46.0 +47.0 +47.0 +48.0 +49.0 +49.0 +49.90390390390348 +50.0 +50.0 +50.90990990991031 +51.245245245245314 +52.58058058058032 +54.0 +55.0 +56.0 +56.0 +57.0 +57.592592592592155 +58.0 +59.0 +60.59859859859898 +61.0 +62.0 +64.0 +66.0 +67.0 +68.0 +69.0 +70.28128128128174 +72.0 +73.0 +75.0 +76.0 +77.0 +79.29329329329357 +81.0 +83.96396396396358 +86.29929929929858 +91.0 +93.0 +98.0 +107.28128128128083 +113.97597597597542 +118.31131131131133 +122.64664664664633 +127.98198198198224 +145.6346346346345 +154.30530530530632 +159.97597597597633 +173.32332332332317 +201.31731731731634 +225.9639639639645 +297.31731731732 +412.664664664665 +422.0 diff --git a/compiler_opt/rl/unroll/vocab/cast_inst_count.buckets b/compiler_opt/rl/unroll/vocab/cast_inst_count.buckets new file mode 100644 index 00000000..17996ab0 --- /dev/null +++ b/compiler_opt/rl/unroll/vocab/cast_inst_count.buckets @@ -0,0 +1,1000 @@ +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +3.0 +3.0 +3.0 +3.0 +3.0 +3.0 +3.0 +3.0 +3.0 +3.0 +3.0 +3.0 +3.0 +3.0 +3.0 +3.0 +3.0 +3.0 +3.0 +3.0 +3.0 +3.0 +3.0 +3.0 +3.0 +3.0 +3.0 +3.0 +3.0 +3.0 +3.0 +3.0 +3.0 +3.0 +3.0 +3.0 +3.0 +3.0 +3.0 +3.0 +3.0 +3.0 +3.0 +3.0 +3.0 +3.0 +3.0 +3.0 +3.0 +3.0 +3.0 +4.0 +4.0 +4.0 +4.0 +4.0 +4.0 +4.0 +4.0 +4.0 +4.0 +4.0 +4.0 +4.0 +4.0 +4.0 +4.0 +4.0 +4.0 +4.0 +4.0 +4.0 +4.0 +4.0 +4.0 +4.0 +4.0 +4.0 +4.0 +4.0 +4.0 +4.0 +4.0 +4.0 +4.0 +4.0 +4.0 +4.0 +4.0 +4.0 +4.0 +4.0 +4.0 +4.0 +4.0 +4.0 +4.0 +4.0 +4.0 +4.0 +4.0 +4.0 +4.0 +4.0 +4.0 +4.0 +4.0 +4.0 +4.0 +4.0 +4.0 +4.0 +5.0 +5.0 +5.0 +5.0 +5.0 +5.0 +5.0 +5.0 +5.0 +5.0 +5.0 +5.0 +5.0 +5.0 +5.0 +5.0 +5.0 +5.0 +5.0 +5.0 +5.0 +5.0 +5.0 +5.0 +5.0 +5.0 +5.0 +5.0 +5.0 +5.0 +5.0 +5.0 +5.0 +6.0 +6.0 +6.0 +6.0 +6.0 +6.0 +6.0 +6.0 +6.0 +6.0 +6.0 +6.0 +6.0 +6.0 +6.0 +6.0 +6.0 +6.0 +6.0 +7.0 +7.0 +7.0 +7.0 +7.0 +7.0 +7.0 +7.0 +7.0 +7.0 +7.0 +7.0 +8.0 +8.0 +8.0 +8.0 +8.0 +8.0 +8.0 +8.0 +8.0 +8.0 +8.0 +8.0 +8.0 +8.0 +8.0 +8.0 +8.0 +8.0 +8.0 +8.0 +9.0 +9.0 +9.0 +9.0 +9.0 +9.0 +9.0 +10.0 +10.0 +10.0 +10.0 +10.0 +10.0 +10.0 +10.0 +10.0 +10.0 +11.0 +11.0 +11.0 +11.0 +11.0 +12.0 +12.0 +12.0 +12.0 +12.0 +12.0 +12.215215215214812 +13.0 +13.0 +13.0 +14.0 +14.0 +14.0 +14.0 +14.0 +14.0 +14.0 +14.0 +15.0 +15.0 +16.0 +16.0 +16.0 +16.0 +16.0 +16.0 +16.0 +16.0 +16.0 +17.0 +17.0 +17.0 +17.0 +18.0 +18.0 +18.939939939939904 +19.0 +19.0 +19.0 +20.0 +20.0 +20.0 +20.0 +21.0 +22.0 +22.0 +22.628628628628576 +24.0 +25.0 +26.0 +26.0 +26.30530530530541 +29.0 +29.0 +30.0 +32.0 +32.0 +34.0 +34.0 +36.0 +47.323323323323166 +48.0 +63.96996996997041 +71.32932932933 +89.0 +90.0 diff --git a/compiler_opt/rl/unroll/vocab/load_inst_count.buckets b/compiler_opt/rl/unroll/vocab/load_inst_count.buckets new file mode 100644 index 00000000..6722ee80 --- /dev/null +++ b/compiler_opt/rl/unroll/vocab/load_inst_count.buckets @@ -0,0 +1,1000 @@ +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +3.0 +3.0 +3.0 +3.0 +3.0 +3.0 +3.0 +3.0 +3.0 +3.0 +3.0 +3.0 +3.0 +3.0 +3.0 +3.0 +3.0 +3.0 +3.0 +3.0 +3.0 +3.0 +3.0 +3.0 +3.0 +3.0 +3.0 +3.0 +3.0 +3.0 +3.0 +3.0 +3.0 +3.0 +3.0 +3.0 +3.0 +3.0 +3.0 +3.0 +3.0 +3.0 +3.0 +3.0 +3.0 +3.0 +3.0 +3.0 +3.0 +3.0 +3.0 +3.0 +3.0 +3.0 +3.0 +3.0 +3.0 +3.0 +3.0 +3.0 +3.0 +3.0 +3.0 +3.0 +3.0 +3.0 +3.0 +3.0 +3.0 +3.0 +3.0 +3.0 +3.0 +3.0 +3.0 +3.0 +3.0 +3.0 +3.0 +3.0 +3.0 +3.0 +4.0 +4.0 +4.0 +4.0 +4.0 +4.0 +4.0 +4.0 +4.0 +4.0 +4.0 +4.0 +4.0 +4.0 +4.0 +4.0 +4.0 +4.0 +4.0 +4.0 +4.0 +4.0 +4.0 +4.0 +4.0 +4.0 +4.0 +4.0 +4.0 +4.0 +4.0 +4.0 +4.0 +4.0 +4.0 +4.0 +4.0 +4.0 +4.0 +4.0 +4.0 +4.0 +4.0 +4.0 +4.0 +4.0 +4.0 +4.0 +4.0 +4.0 +4.0 +4.0 +4.0 +4.0 +4.0 +4.0 +4.0 +4.0 +4.0 +4.0 +4.0 +5.0 +5.0 +5.0 +5.0 +5.0 +5.0 +5.0 +5.0 +5.0 +5.0 +5.0 +5.0 +5.0 +5.0 +5.0 +5.0 +5.0 +5.0 +5.0 +5.0 +5.0 +5.0 +5.0 +5.0 +5.0 +5.0 +5.0 +5.0 +6.0 +6.0 +6.0 +6.0 +6.0 +6.0 +6.0 +6.0 +6.0 +6.0 +6.0 +6.0 +6.0 +6.0 +6.0 +6.0 +6.0 +6.0 +6.0 +6.0 +6.0 +6.0 +6.0 +6.0 +6.0 +6.0 +6.0 +6.0 +6.0 +6.0 +6.0 +7.0 +7.0 +7.0 +7.0 +7.0 +7.0 +7.0 +7.0 +7.0 +7.0 +7.0 +7.0 +7.0 +7.0 +7.0 +7.0 +7.0 +7.0 +7.0 +8.0 +8.0 +8.0 +8.0 +8.0 +8.0 +8.0 +8.0 +8.0 +8.0 +8.0 +8.0 +8.0 +8.0 +8.0 +8.0 +8.0 +8.0 +8.0 +8.0 +8.0 +8.0 +8.0 +8.0 +8.0 +8.0 +9.0 +9.0 +9.0 +9.0 +9.0 +9.0 +9.0 +9.0 +9.0 +9.0 +9.0 +9.0 +9.0 +9.0 +9.0 +9.345345345344867 +10.0 +10.0 +10.0 +10.0 +10.0 +10.0 +10.0 +10.0 +10.0 +10.0 +10.0 +10.0 +10.0 +10.0 +10.0 +10.0 +10.0 +10.0 +10.0 +10.0 +10.0 +10.0 +10.0 +10.0 +10.0 +10.0 +10.0 +10.0 +10.0 +10.0 +10.0 +10.0 +11.0 +11.0 +11.0 +11.0 +11.0 +11.0 +11.0 +11.0 +11.0 +11.0 +11.0 +11.0 +11.0 +11.0 +11.0 +11.0 +11.0 +11.0 +11.0 +11.0 +11.0 +12.0 +12.0 +12.0 +12.0 +12.0 +12.0 +12.0 +12.0 +12.0 +12.0 +12.0 +12.0 +12.0 +12.0 +12.0 +12.0 +12.0 +12.0 +12.0 +12.0 +12.0 +12.0 +13.0 +13.0 +13.0 +13.0 +13.0 +13.0 +13.0 +13.0 +13.0 +13.0 +13.0 +13.0 +14.0 +14.0 +14.0 +14.0 +14.0 +14.0 +14.0 +14.0 +14.0 +14.0 +14.0 +14.0 +14.0 +14.0 +14.0 +14.0 +15.0 +15.0 +15.0 +15.0 +15.0 +15.0 +15.0 +15.0 +15.0 +15.0 +15.0 +15.0 +15.0 +15.0 +15.0 +16.0 +16.0 +16.0 +16.0 +16.0 +16.0 +16.0 +16.0 +16.0 +16.0 +16.0 +16.0 +16.0 +16.0 +16.0 +16.0 +16.0 +16.0 +16.0 +17.0 +17.0 +17.0 +17.0 +17.0 +17.0 +17.0 +17.0 +17.0 +17.0 +17.0 +17.0 +17.0 +18.0 +18.0 +18.0 +18.0 +18.0 +18.0 +18.0 +19.0 +19.0 +19.0 +20.0 +20.0 +20.0 +20.0 +20.0 +20.0 +20.0 +20.0 +20.0 +20.0 +20.0 +20.0 +20.0 +21.0 +21.0 +21.0 +21.0 +21.0 +21.0 +22.0 +22.0 +22.0 +22.0 +22.0 +22.0 +22.0 +23.0 +23.0 +23.0 +23.0 +23.0 +23.0 +24.0 +24.0 +24.0 +24.0 +24.0 +24.0 +24.0 +24.0 +24.0 +24.0 +25.0 +25.0 +25.0 +25.0 +25.0 +26.0 +26.0 +26.0 +27.0 +27.0 +27.0 +27.0 +27.0 +28.0 +28.0 +28.0 +28.0 +28.0 +28.0 +29.0 +29.0 +29.0 +29.0 +29.131131131131042 +30.0 +30.0 +30.0 +30.0 +30.807807807807876 +31.0 +31.0 +31.0 +32.0 +32.0 +32.0 +32.0 +32.0 +32.0 +32.0 +33.0 +33.0 +33.0 +34.0 +34.0 +34.0 +35.0 +35.0 +35.0 +35.0 +36.0 +36.0 +36.0 +36.0 +36.19119119119114 +37.0 +38.0 +39.0 +40.0 +40.0 +40.0 +41.0 +41.0 +42.0 +42.0 +43.0 +44.0 +44.0 +45.0 +45.22122122122164 +46.0 +47.0 +47.0 +48.0 +48.0 +48.23323323323348 +49.0 +49.0 +50.0 +51.0 +51.0 +52.0 +53.0 +54.0 +56.0 +56.0 +57.0 +58.0 +59.0 +59.92792792792807 +60.0 +60.0 +61.0 +62.0 +64.0 +65.0 +67.0 +68.0 +69.94594594594582 +72.0 +74.0 +74.95195195195174 +76.0 +78.0 +79.0 +81.29329329329357 +83.62862862862858 +85.96396396396358 +90.0 +93.0 +96.9699699699704 +100.0 +110.92192192192124 +117.92792792792625 +121.0 +127.87987987987799 +137.92792792792898 +145.269269269269 +158.0 +170.97597597597633 +187.29329329329266 +220.63463463463268 +233.98198198198224 +289.63463463463995 +507.0 +508.0 diff --git a/compiler_opt/rl/unroll/vocab/logical_inst_count.buckets b/compiler_opt/rl/unroll/vocab/logical_inst_count.buckets new file mode 100644 index 00000000..bbb22dc6 --- /dev/null +++ b/compiler_opt/rl/unroll/vocab/logical_inst_count.buckets @@ -0,0 +1,1000 @@ +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.1711711711714088 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +3.0 +3.0 +3.0 +3.0 +3.0 +3.0 +3.0 +3.0 +3.0 +3.0 +3.0 +3.0 +3.0 +3.0 +3.0 +3.0 +3.0 +3.0 +3.0 +3.0 +3.0 +3.0 +3.0 +3.0 +3.0 +3.0 +3.0 +3.0 +3.0 +3.0 +3.0 +3.0 +3.0 +3.0 +3.0 +3.0 +3.0 +3.0 +3.0 +3.0 +3.0 +3.0 +3.0 +3.0 +3.0 +3.0 +3.0 +4.0 +4.0 +4.0 +4.0 +4.0 +4.0 +4.0 +4.0 +4.0 +4.0 +4.0 +4.0 +4.0 +4.0 +4.0 +4.0 +4.0 +4.0 +4.0 +4.0 +4.0 +4.0 +4.0 +4.0 +4.0 +4.0 +4.0 +4.0 +4.0 +4.0 +4.0 +4.0 +5.0 +5.0 +5.0 +5.0 +5.0 +5.0 +5.0 +5.0 +5.0 +5.0 +5.0 +5.0 +5.0 +5.0 +5.0 +5.0 +5.0 +6.0 +6.0 +6.0 +6.0 +6.0 +6.0 +6.0 +6.0 +6.0 +6.0 +6.0 +6.0 +6.0 +6.0 +6.0 +6.466466466466954 +7.0 +7.0 +7.0 +7.0 +7.0 +7.0 +7.0 +7.0 +7.0 +7.0 +7.0 +7.490490490490629 +8.0 +8.0 +8.0 +8.0 +8.0 +8.0 +8.0 +8.0 +8.0 +8.0 +8.0 +8.0 +8.0 +8.0 +8.0 +8.0 +8.191191191191137 +9.0 +9.0 +9.0 +9.0 +9.0 +9.0 +9.0 +9.0 +9.0 +9.0 +9.0 +9.0 +9.0 +10.0 +10.0 +10.0 +10.0 +10.0 +10.0 +10.0 +10.0 +10.0 +10.0 +10.0 +10.0 +11.0 +11.0 +11.0 +12.0 +12.0 +12.0 +12.0 +13.0 +13.0 +14.0 +14.0 +15.0 +15.0 +15.0 +16.0 +16.0 +16.0 +16.0 +16.0 +17.0 +18.0 +19.0 +19.0 +20.0 +20.0 +20.0 +21.0 +21.96396396396358 +22.0 +22.0 +22.0 +22.0 +24.0 +24.975975975975416 +27.0 +27.64664664664633 +30.981981981982244 +33.0 +35.0 +37.975975975976326 +39.323323323323166 +43.97597597597451 +65.99399399399408 +84.0 +134.62862862863494 +310.0 diff --git a/compiler_opt/rl/unroll/vocab/loop_size.buckets b/compiler_opt/rl/unroll/vocab/loop_size.buckets new file mode 100644 index 00000000..9b2a5b73 --- /dev/null +++ b/compiler_opt/rl/unroll/vocab/loop_size.buckets @@ -0,0 +1,1000 @@ +3.0 +3.0 +3.0 +3.0 +3.0 +3.0 +4.0 +4.0 +4.0 +4.0 +4.0 +5.0 +5.0 +5.0 +5.0 +5.0 +5.0 +5.0 +5.0 +6.0 +6.0 +6.0 +6.0 +6.0 +6.0 +6.0 +6.0 +6.0 +6.0 +6.0 +6.0 +6.0 +6.0 +6.0 +6.0 +6.0 +6.0 +6.0 +6.0 +6.0 +6.0 +6.0 +6.0 +7.0 +7.0 +7.0 +7.0 +7.0 +7.0 +7.0 +7.0 +7.0 +7.0 +7.0 +7.0 +7.0 +7.0 +7.0 +7.0 +7.0 +7.0 +7.0 +7.0 +7.0 +7.0 +7.0 +7.0 +7.0 +8.0 +8.0 +8.0 +8.0 +8.0 +8.0 +8.0 +8.0 +8.0 +8.0 +8.0 +8.0 +8.0 +8.0 +8.0 +8.0 +8.0 +8.0 +8.0 +8.0 +8.0 +8.0 +8.0 +8.0 +8.0 +8.0 +8.0 +8.0 +8.0 +9.0 +9.0 +9.0 +9.0 +9.0 +9.0 +9.0 +9.0 +9.0 +9.0 +9.0 +9.0 +9.0 +9.0 +9.0 +9.0 +9.0 +9.0 +9.0 +9.0 +9.0 +9.0 +9.0 +9.0 +9.0 +9.0 +9.0 +9.0 +9.0 +9.0 +9.0 +9.0 +10.0 +10.0 +10.0 +10.0 +10.0 +10.0 +10.0 +10.0 +10.0 +10.0 +10.0 +10.0 +10.0 +10.0 +10.0 +10.0 +10.0 +10.0 +10.0 +10.0 +10.0 +10.0 +10.635635635635708 +11.0 +11.0 +11.0 +11.0 +11.0 +11.0 +11.0 +11.0 +11.0 +11.0 +11.0 +11.0 +11.0 +11.0 +11.0 +12.0 +12.0 +12.0 +12.0 +12.0 +12.0 +12.0 +12.0 +12.0 +13.0 +13.0 +13.0 +13.0 +13.0 +13.0 +13.0 +13.0 +13.0 +13.0 +13.0 +13.0 +13.0 +13.0 +13.0 +13.0 +13.0 +13.0 +13.0 +14.0 +14.0 +14.0 +14.0 +14.0 +14.0 +14.0 +14.0 +14.0 +14.0 +14.0 +14.0 +14.0 +14.0 +14.0 +14.0 +14.0 +14.0 +14.0 +14.0 +14.0 +14.0 +14.0 +15.0 +15.0 +15.0 +15.0 +15.0 +15.0 +15.0 +15.0 +15.0 +15.0 +16.0 +16.0 +16.0 +16.0 +16.0 +16.0 +16.0 +16.0 +16.0 +16.0 +16.0 +16.0 +16.0 +16.0 +16.0 +16.0 +16.0 +16.0 +17.0 +17.0 +17.0 +17.0 +17.0 +17.0 +17.0 +17.0 +17.0 +17.0 +17.0 +17.0 +17.0 +17.0 +17.0 +17.0 +17.0 +18.0 +18.0 +18.0 +18.0 +18.0 +18.0 +18.0 +18.0 +18.0 +18.0 +18.0 +18.0 +18.0 +18.0 +19.0 +19.0 +19.0 +19.0 +19.0 +19.0 +19.0 +19.0 +19.0 +19.0 +19.0 +19.0 +20.0 +20.0 +20.0 +20.0 +20.0 +20.0 +20.0 +20.0 +20.0 +20.0 +20.0 +20.0 +20.0 +20.0 +20.0 +20.0 +20.0 +21.0 +21.0 +21.0 +21.0 +21.0 +21.0 +21.0 +21.0 +21.0 +21.0 +22.0 +22.0 +22.0 +22.0 +22.0 +22.0 +22.0 +22.0 +22.0 +22.0 +23.0 +23.0 +23.0 +23.0 +23.0 +23.0 +23.0 +23.0 +24.0 +24.0 +24.0 +24.0 +24.0 +24.0 +25.0 +25.0 +25.0 +25.0 +25.0 +25.0 +25.0 +25.0 +25.0 +25.0 +26.0 +26.0 +26.0 +26.0 +26.0 +26.0 +26.0 +26.0 +26.0 +26.0 +26.0 +26.0 +26.0 +26.0 +26.0 +26.0 +26.0 +26.0 +27.0 +27.0 +27.0 +27.0 +27.0 +27.0 +27.0 +28.0 +28.0 +28.0 +28.0 +28.0 +28.0 +28.0 +29.0 +29.0 +29.0 +29.0 +29.0 +29.0 +29.0 +30.0 +30.0 +30.0 +30.0 +30.0 +30.122122122122164 +31.0 +31.0 +31.0 +31.0 +31.0 +31.0 +32.0 +32.0 +32.0 +32.0 +32.0 +32.14614614614629 +33.0 +33.0 +33.0 +33.0 +33.0 +33.0 +34.0 +34.0 +34.0 +34.0 +35.0 +35.0 +35.0 +35.84084084084088 +36.0 +36.0 +36.0 +36.0 +36.0 +36.0 +36.0 +36.0 +37.0 +37.0 +37.0 +38.0 +38.0 +38.0 +38.0 +38.0 +39.0 +39.0 +39.0 +39.0 +39.0 +39.0 +39.0 +39.0 +40.0 +40.0 +40.0 +40.0 +40.0 +40.0 +40.0 +40.0 +40.0 +41.0 +41.0 +41.0 +41.0 +41.0 +41.0 +41.0 +42.0 +42.0 +42.0 +42.0 +42.0 +42.0 +43.0 +43.0 +43.0 +44.0 +44.0 +44.0 +44.0 +44.0 +44.0 +44.0 +44.0 +45.0 +45.0 +45.0 +45.0 +46.0 +46.0 +46.0 +46.0 +46.0 +46.0 +46.0 +46.978978978979285 +47.0 +47.0 +47.0 +48.0 +48.0 +48.0 +48.0 +48.0 +48.0 +49.0 +49.0 +49.0 +49.0 +49.0 +49.0 +49.34434434434479 +50.0 +50.0 +50.0 +50.0 +51.0 +51.0 +51.0 +51.0 +52.0 +52.0 +52.0 +52.0 +52.0 +53.0 +53.0 +53.0 +53.0 +54.0 +54.0 +54.0 +54.0 +54.0 +55.0 +55.0 +55.0 +55.0 +56.0 +56.0 +56.0 +56.40440440440443 +57.0 +57.0 +57.0 +57.0 +57.0 +58.0 +58.0 +58.0 +58.0 +58.0 +58.0 +58.0 +59.0 +59.0 +59.43443443443448 +60.0 +60.0 +60.0 +60.0 +60.0 +60.0 +61.0 +61.0 +61.45245245245269 +62.0 +62.0 +62.0 +62.0 +62.0 +63.0 +63.0 +63.0 +63.0 +63.0 +64.0 +64.0 +64.0 +64.0 +65.0 +65.0 +65.0 +66.0 +66.0 +66.0 +66.0 +66.0 +66.0 +67.0 +67.0 +67.0 +67.0 +67.0 +68.0 +68.0 +68.0 +68.0 +69.0 +69.0 +69.0 +69.0 +69.0 +70.0 +70.0 +70.0 +70.0 +70.0 +70.0 +71.0 +71.0 +72.0 +72.0 +73.0 +73.0 +73.0 +73.0 +74.0 +74.0 +74.0 +75.0 +75.0 +75.0 +76.0 +76.0 +76.0 +76.90790790790788 +77.0 +77.0 +77.0 +78.0 +78.0 +78.0 +78.0 +78.0 +79.0 +79.0 +79.0 +79.0 +79.0 +79.0 +80.0 +80.0 +80.0 +80.0 +80.0 +80.0 +81.0 +81.0 +81.0 +82.0 +82.0 +82.0 +82.0 +82.0 +83.0 +83.0 +83.0 +84.0 +84.0 +84.0 +84.0 +84.97997997997982 +85.0 +85.0 +86.0 +86.0 +86.0 +86.0 +87.0 +87.0 +87.0 +88.0 +88.0 +88.0 +88.0 +88.0 +88.0 +89.0 +89.0 +90.0 +90.35135135135124 +91.0 +91.0 +91.0 +91.0 +91.0 +92.0 +92.0 +92.0 +93.0 +93.0 +93.0 +93.0 +94.0 +94.0 +94.38138138138129 +95.0 +95.0 +96.0 +96.0 +97.0 +97.0 +97.0 +97.0 +98.0 +98.0 +98.0 +99.0 +99.0 +99.0 +100.0 +100.0 +100.0 +100.0 +101.0 +101.0 +101.0 +101.0 +102.0 +102.0 +102.0 +103.0 +103.0 +103.0 +103.0 +104.0 +104.0 +104.0 +104.4474474474473 +105.0 +105.11811811811776 +106.0 +107.0 +107.0 +107.0 +107.7947947947946 +108.0 +108.0 +109.0 +109.0 +110.0 +110.80680680680689 +111.0 +112.0 +112.0 +113.0 +113.0 +113.0 +113.15415415415418 +114.0 +114.0 +115.0 +115.0 +115.0 +115.0 +115.0 +116.0 +116.0 +116.0 +116.84284284284286 +117.0 +117.51351351351377 +118.0 +119.0 +119.0 +119.0 +119.1901901901906 +120.0 +120.0 +121.0 +121.0 +122.0 +123.0 +123.0 +124.0 +125.0 +125.0 +126.0 +126.0 +126.0 +127.0 +128.0 +128.0 +129.0 +130.0 +130.0 +130.8968968968975 +131.0 +131.0 +132.0 +132.2382382382375 +133.0 +134.0 +134.0 +135.0 +135.0 +136.0 +136.58558558558525 +137.0 +138.0 +139.0 +139.0 +139.0 +140.0 +140.0 +141.0 +142.0 +143.0 +144.0 +144.0 +145.0 +145.0 +146.0 +147.0 +147.0 +147.0 +147.0 +147.0 +148.0 +148.0 +148.0 +149.0 +150.0 +151.0 +151.0 +151.0 +152.31031031031034 +153.0 +154.0 +155.0 +155.65165165165217 +156.0 +156.32232232232218 +157.0 +157.0 +157.0 +157.0 +158.0 +159.0 +160.0 +161.0 +162.0 +163.0 +164.0 +164.0 +165.0 +166.0 +166.35235235235268 +167.68768768768768 +168.0 +169.0 +169.0 +170.0290290290286 +171.0 +172.69969969969952 +173.0 +174.0 +175.0 +177.0 +177.0 +178.0 +179.0 +180.0 +181.0 +182.0 +183.0 +184.0 +186.0 +188.0 +189.0 +190.0 +191.40040040040003 +192.73573573573594 +194.07107107107095 +196.0 +196.74174174174186 +198.0 +198.41241241241187 +199.0 +200.0 +201.0 +202.0 +204.0 +205.0 +206.0 +208.09509509509553 +210.0 +210.76576576576554 +211.0 +212.0 +214.77177177177145 +216.0 +217.0 +218.0 +219.0 +219.0 +221.0 +223.0 +224.0 +225.78978978979012 +228.0 +230.0 +230.0 +232.0 +234.0 +236.0 +237.13713713713696 +240.0 +242.80780780780788 +244.0 +246.4784784784788 +248.0 +251.0 +253.4844844844838 +254.0 +256.1551551551556 +259.0 +260.82582582582563 +262.0 +262.49649649649655 +264.0 +265.0 +266.50250250250247 +268.83783783783747 +270.0 +272.5085085085084 +274.0 +276.0 +276.5145145145143 +278.0 +281.0 +282.0 +283.8558558558552 +287.19119119119114 +295.0 +296.86186186186205 +300.19719719719706 +302.53253253253206 +306.867867867868 +312.203203203203 +316.0 +320.0 +321.2092092092089 +323.0 +326.0 +328.0 +332.10110110110145 +335.0 +337.0 +339.1131131131133 +346.0 +349.4544544544533 +353.56256256256256 +356.0 +363.0 +370.0 +375.9039039039035 +381.2392392392394 +386.5745745745744 +389.0 +395.0 +404.74174174174095 +415.9159159159153 +420.25125125125123 +426.7597597597587 +433.0 +436.25725725725715 +441.3703703703686 +450.0 +457.26326326326307 +459.0 +461.867867867868 +469.269269269269 +479.0230230230245 +486.9399399399399 +492.0 +496.6636636636649 +513.0 +527.6876876876904 +556.9329329329339 +563.0 +582.8618618618602 +608.6226226226227 +635.5795795795857 +646.0 +666.3153153153144 +691.7117117117086 +710.0 +739.538538538538 +751.9399399399408 +794.716716716719 +875.9219219219212 +912.9039039039017 +929.933933933934 +1002.639639639634 +1069.0 +1188.5865865865862 +1246.2632632632658 +1306.711711711716 +1453.5865865865853 +1842.3943943943777 +1894.8618618618639 +2096.7557557560176 +2834.0 +3239.0 diff --git a/compiler_opt/rl/unroll/vocab/num_of_loop_latch.buckets b/compiler_opt/rl/unroll/vocab/num_of_loop_latch.buckets new file mode 100644 index 00000000..160a72f3 --- /dev/null +++ b/compiler_opt/rl/unroll/vocab/num_of_loop_latch.buckets @@ -0,0 +1,1000 @@ +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 diff --git a/compiler_opt/rl/unroll/vocab/preheader_blocksize.buckets b/compiler_opt/rl/unroll/vocab/preheader_blocksize.buckets new file mode 100644 index 00000000..87bba768 --- /dev/null +++ b/compiler_opt/rl/unroll/vocab/preheader_blocksize.buckets @@ -0,0 +1,1000 @@ +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.7737737737738826 +3.0 +3.0 +3.0 +3.0 +3.0 +3.0 +3.0 +3.0 +3.0 +3.0 +3.0 +3.0 +3.0 +3.0 +3.0 +3.0 +3.0 +3.0 +3.0 +3.0 +3.0 +3.0 +3.0 +3.0 +3.0 +3.0 +3.0 +3.0 +3.0 +3.0 +3.0 +3.0 +3.0 +3.0 +3.0 +3.0 +3.0 +3.0 +3.0 +3.0 +3.0 +3.0 +3.0 +3.0 +3.0 +3.0 +3.0 +3.0 +3.0 +3.0 +3.0 +3.0 +3.0 +3.0 +3.0 +3.0 +3.0 +3.0 +3.0 +3.0 +3.0 +3.0 +3.0 +3.0 +3.0 +3.0 +3.0 +3.0 +3.0 +3.0 +3.0 +4.0 +4.0 +4.0 +4.0 +4.0 +4.0 +4.0 +4.0 +4.0 +4.0 +4.0 +4.0 +4.0 +4.0 +4.0 +4.0 +4.0 +4.0 +4.0 +4.0 +4.0 +4.0 +4.0 +4.0 +4.0 +4.0 +4.0 +4.0 +4.0 +4.0 +4.0 +4.0 +4.0 +4.0 +4.0 +4.0 +4.0 +4.0 +4.0 +4.0 +4.0 +4.0 +4.0 +4.0 +4.0 +4.0 +4.0 +4.0 +4.0 +4.0 +4.0 +4.0 +4.0 +4.0 +4.0 +4.0 +4.0 +4.0 +4.0 +4.0 +4.0 +4.0 +4.0 +4.0 +4.0 +4.0 +4.0 +4.0 +4.0 +4.0 +4.0 +4.0 +4.0 +4.0 +4.732732732732757 +5.0 +5.0 +5.0 +5.0 +5.0 +5.0 +5.0 +5.0 +5.0 +5.0 +5.0 +5.0 +5.0 +5.0 +5.0 +5.0 +5.0 +5.0 +5.0 +5.0 +5.0 +5.0 +5.0 +5.0 +5.0 +5.0 +5.0 +5.0 +5.0 +5.0 +5.0 +5.0 +5.0 +5.0 +5.0 +5.0 +5.0 +5.0 +5.0 +5.0 +5.0 +5.0 +5.0 +5.0 +5.0 +5.0 +5.0 +5.0 +5.0 +5.0 +5.0 +5.0 +5.0 +5.0 +5.0 +5.0 +5.0 +5.0 +5.0 +5.0 +5.0 +5.0 +5.0 +5.0 +5.0 +5.0 +5.0 +5.0 +5.0 +5.0 +5.0 +5.0 +5.0 +5.0 +5.0 +5.0 +6.0 +6.0 +6.0 +6.0 +6.0 +6.0 +6.0 +6.0 +6.0 +6.0 +6.0 +6.0 +6.0 +6.0 +6.0 +6.0 +6.0 +6.0 +6.0 +6.0 +6.0 +6.0 +6.0 +6.0 +6.0 +6.0 +6.0 +6.0 +6.0 +6.0 +6.0 +6.0 +6.0 +6.0 +6.0 +6.0 +6.0 +6.0 +6.0 +6.0 +6.0 +6.0 +6.0 +6.0 +6.0 +6.0 +6.0 +6.0 +6.0 +6.0 +6.0 +7.0 +7.0 +7.0 +7.0 +7.0 +7.0 +7.0 +7.0 +7.0 +7.0 +7.0 +7.0 +7.0 +7.0 +7.0 +7.0 +7.0 +7.0 +7.0 +7.0 +7.0 +7.0 +7.0 +7.0 +7.0 +7.0 +7.0 +7.0 +7.0 +7.0 +7.0 +7.0 +7.0 +7.0 +7.0 +7.0 +7.0 +7.0 +7.0 +7.0 +7.0 +7.0 +7.0 +7.0 +7.0 +7.0 +7.0 +7.0 +7.0 +7.0 +7.0 +7.0 +7.0 +8.0 +8.0 +8.0 +8.0 +8.0 +8.0 +8.0 +8.0 +8.0 +8.0 +8.0 +8.0 +8.0 +8.0 +8.0 +8.0 +8.0 +8.0 +8.0 +8.0 +8.0 +8.0 +8.0 +8.0 +8.0 +8.0 +8.0 +8.0 +8.0 +8.0 +8.0 +9.0 +9.0 +9.0 +9.0 +9.0 +9.0 +9.0 +9.0 +9.0 +9.0 +9.0 +9.0 +9.0 +9.0 +9.0 +9.0 +9.0 +9.0 +9.0 +9.0 +9.0 +9.0 +9.0 +9.0 +9.0 +9.0 +9.0 +9.0 +9.0 +9.0 +9.0 +9.0 +9.0 +9.0 +9.0 +9.0 +9.0 +9.0 +9.0 +9.0 +9.0 +10.0 +10.0 +10.0 +10.0 +10.0 +10.0 +10.0 +10.0 +10.0 +10.0 +10.0 +10.0 +10.0 +10.0 +10.0 +10.0 +10.0 +10.0 +10.0 +10.0 +10.0 +10.0 +10.0 +10.0 +10.0 +10.0 +10.0 +10.0 +10.0 +11.0 +11.0 +11.0 +11.0 +11.0 +11.0 +11.0 +11.0 +11.0 +11.0 +11.0 +11.0 +11.0 +11.0 +11.0 +11.0 +11.0 +11.0 +11.0 +11.0 +11.0 +11.0 +11.0 +11.0 +11.0 +11.0 +11.0 +12.0 +12.0 +12.0 +12.0 +12.0 +12.0 +12.0 +12.0 +12.0 +12.0 +12.0 +12.0 +12.0 +12.0 +12.0 +12.0 +12.0 +12.0 +12.387387387387662 +13.0 +13.0 +13.0 +13.0 +13.0 +13.0 +13.0 +13.0 +13.0 +13.0 +13.0 +13.0 +13.0 +13.0 +13.0 +14.0 +14.0 +14.0 +14.0 +14.0 +14.0 +14.0 +14.0 +14.0 +14.0 +14.0 +14.0 +15.0 +15.0 +15.0 +15.0 +15.0 +15.0 +15.0 +15.0 +15.0 +15.0 +15.0 +15.0 +16.0 +16.0 +16.0 +16.0 +16.0 +16.0 +16.0 +16.0 +16.0 +16.0 +16.0 +16.0 +16.0 +17.0 +17.0 +17.0 +17.0 +17.0 +17.0 +17.0 +17.0 +17.0 +17.0 +17.0 +18.0 +18.0 +18.0 +18.0 +18.0 +18.0 +18.0 +18.0 +18.0 +18.0 +18.0 +19.0 +19.0 +19.0 +19.0 +19.0 +19.0 +19.0 +19.0 +19.0 +19.0 +20.0 +20.0 +20.0 +20.0 +20.0 +20.0 +20.0 +20.0 +20.0 +20.0 +20.0 +20.0 +21.0 +21.0 +21.0 +21.0 +21.0 +21.0 +21.0 +21.0 +22.0 +22.0 +22.0 +22.0 +22.0 +22.0 +22.0 +23.0 +23.0 +23.0 +23.0 +23.0 +23.0 +23.0 +23.0 +23.0 +24.0 +24.0 +24.0 +24.0 +24.0 +24.0 +24.0 +25.0 +25.0 +25.0 +25.0 +25.0 +25.0 +25.0 +25.657657657657182 +26.0 +26.0 +26.0 +26.0 +26.0 +27.0 +27.0 +27.0 +27.0 +28.0 +28.0 +28.0 +29.0 +29.0 +29.0 +29.0 +29.0 +30.0 +30.0 +30.0 +30.0 +30.0 +31.0 +31.0 +31.0 +31.0 +31.0 +32.0 +32.0 +32.0 +33.0 +33.0 +33.0 +33.0 +33.0 +34.0 +34.0 +34.0 +34.73573573573594 +35.0 +35.0 +35.0 +35.0 +35.0 +36.0 +36.0 +37.0 +37.0 +37.0 +37.0 +37.0 +37.0 +38.0 +38.0 +38.0 +38.43643643643645 +39.0 +39.0 +39.0 +39.0 +40.0 +40.0 +40.0 +40.0 +40.0 +41.0 +41.0 +41.0 +41.0 +41.13113113113104 +42.0 +42.0 +42.13713713713696 +43.0 +43.0 +43.0 +44.0 +45.0 +45.0 +45.0 +46.0 +46.0 +47.0 +47.0 +47.0 +48.0 +48.0 +49.0 +50.0 +51.0 +51.0 +52.0 +53.0 +54.0 +54.0 +55.0 +56.0 +56.52052052052022 +57.0 +57.0 +58.0 +59.0 +59.197197197197056 +60.0 +60.0 +61.0 +62.0 +62.0 +62.20920920920889 +63.544544544544806 +65.0 +65.21521521521481 +66.0 +66.0 +67.0 +68.55655655655664 +69.0 +69.22722722722665 +70.56256256256256 +71.0 +72.23323323323348 +73.0 +75.0 +76.2392392392394 +77.5745745745744 +79.90990990991031 +81.0 +83.58058058058032 +84.91591591591532 +86.25125125125123 +88.58658658658624 +90.92192192192215 +92.0 +92.59259259259215 +94.92792792792807 +95.0 +95.0 +96.0 +99.0 +100.0 +101.9399399399399 +104.0 +105.0 +106.94594594594582 +112.0 +115.0 +120.95195195195174 +124.28728728728674 +127.0 +129.0 +131.0 +134.62862862862858 +136.92792792792716 +139.0 +144.0 +148.9399399399408 +155.61061061061082 +158.6406406406404 +173.0 +175.31131131131133 +190.23323323323166 +198.98198198198224 +223.58658658658624 +241.61061061061264 +257.98798798798816 +277.879879879878 +321.87987987987253 +405.7357357357396 +571.3223223223795 +1142.96396396397 +4116.0 diff --git a/compiler_opt/rl/unroll/vocab/store_inst_count.buckets b/compiler_opt/rl/unroll/vocab/store_inst_count.buckets new file mode 100644 index 00000000..15bbbe8c --- /dev/null +++ b/compiler_opt/rl/unroll/vocab/store_inst_count.buckets @@ -0,0 +1,1000 @@ +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +1.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +3.0 +3.0 +3.0 +3.0 +3.0 +3.0 +3.0 +3.0 +3.0 +3.0 +3.0 +3.0 +3.0 +3.0 +3.0 +3.0 +3.0 +3.0 +3.0 +3.0 +3.0 +3.0 +3.0 +3.0 +3.0 +3.0 +3.0 +3.0 +3.0 +3.0 +3.0 +3.0 +3.0 +3.0 +3.0 +3.0 +3.0 +3.0 +3.0 +3.0 +3.0 +3.0 +3.0 +3.0 +4.0 +4.0 +4.0 +4.0 +4.0 +4.0 +4.0 +4.0 +4.0 +4.0 +4.0 +4.0 +4.0 +4.0 +4.0 +4.0 +4.0 +4.0 +4.0 +4.0 +4.0 +4.0 +4.0 +4.0 +4.0 +4.0 +4.0 +4.0 +4.0 +4.0 +4.0 +4.0 +4.0 +4.0 +4.0 +4.0 +4.0 +4.0 +4.0 +4.0 +4.0 +4.0 +4.0 +4.0 +4.0 +4.0 +4.0 +4.0 +4.0 +4.0 +4.0 +4.0 +4.0 +4.0 +4.0 +4.0 +4.0 +4.0 +4.0 +4.0 +4.0 +4.0 +4.0 +4.0 +4.0 +5.0 +5.0 +5.0 +5.0 +5.0 +5.0 +5.0 +5.0 +5.0 +5.0 +5.0 +5.0 +5.0 +5.0 +5.0 +5.0 +5.0 +5.0 +5.0 +5.0 +5.0 +5.0 +5.0 +5.0 +5.0 +5.0 +5.0 +5.0 +5.0 +5.0 +5.0 +6.0 +6.0 +6.0 +6.0 +6.0 +6.0 +6.0 +6.0 +6.0 +6.0 +6.0 +6.0 +6.0 +6.0 +6.0 +6.0 +6.0 +6.0 +6.0 +6.0 +6.0 +6.0 +6.0 +6.0 +6.0 +6.0 +6.0 +6.0 +6.0 +6.0 +6.0 +6.0 +6.0 +6.0 +6.0 +6.0 +6.0 +6.0 +6.0 +6.0 +6.0 +6.0 +6.0 +7.0 +7.0 +7.0 +7.0 +7.0 +7.0 +7.0 +7.0 +7.0 +7.0 +7.0 +7.0 +7.0 +7.0 +7.0 +7.0 +7.0 +7.0 +7.0 +7.0 +8.0 +8.0 +8.0 +8.0 +8.0 +8.0 +8.0 +8.0 +8.0 +8.0 +8.0 +8.0 +8.0 +8.0 +8.0 +8.0 +8.0 +8.0 +8.0 +8.0 +8.0 +8.0 +8.0 +8.0 +8.0 +8.0 +8.0 +8.0 +8.0 +8.0 +8.0 +8.0 +8.0 +8.0 +8.66366366366401 +9.0 +9.0 +9.0 +9.0 +9.0 +9.0 +9.0 +9.0 +9.0 +9.0 +9.0 +9.0 +9.0 +9.0 +9.0 +10.0 +10.0 +10.0 +10.0 +10.0 +10.0 +10.0 +10.0 +10.0 +10.0 +10.0 +10.0 +10.0 +10.0 +10.0 +10.0 +10.0 +10.0 +10.0 +11.0 +11.0 +11.0 +11.0 +11.0 +11.0 +11.0 +11.0 +11.0 +11.0 +11.0 +11.0 +12.0 +12.0 +12.0 +12.0 +12.0 +12.0 +12.0 +12.0 +12.0 +12.0 +12.0 +12.0 +12.0 +12.0 +12.0 +13.0 +13.0 +13.0 +13.0 +13.0 +13.0 +13.0 +13.0 +13.0 +14.0 +14.0 +14.0 +14.0 +14.0 +14.0 +15.0 +15.0 +15.0 +15.0 +15.0 +15.0 +15.0 +15.0 +15.167167167167463 +16.0 +16.0 +16.0 +16.0 +16.0 +16.0 +16.0 +16.0 +16.0 +16.0 +16.0 +16.0 +16.0 +16.0 +16.0 +16.0 +17.0 +17.0 +17.0 +17.87387387387389 +18.0 +18.0 +18.0 +18.0 +18.0 +19.0 +19.0 +19.0 +19.891891891891646 +20.0 +20.0 +20.897897897898474 +21.0 +21.0 +21.0 +22.0 +22.0 +22.90990990991031 +23.0 +23.0 +24.0 +24.0 +24.0 +25.0 +25.0 +25.0 +26.0 +26.0 +27.0 +27.0 +28.0 +28.6046046046049 +29.939939939939904 +30.0 +30.0 +31.945945945945823 +32.0 +32.0 +33.0 +34.0 +34.0 +34.0 +35.0 +35.628628628628576 +36.0 +38.0 +40.634634634634494 +43.0 +45.30530530530541 +50.0 +52.0 +57.31131131131133 +60.64664664664633 +64.0 +66.95195195195174 +76.95795795795948 +83.98798798798816 +84.32332332332317 +91.65865865865817 +102.98798798798816 +136.31731731731998 +179.664664664665 +205.0 diff --git a/compiler_opt/rl/unroll/vocab/trip_count.buckets b/compiler_opt/rl/unroll/vocab/trip_count.buckets new file mode 100644 index 00000000..92aee307 --- /dev/null +++ b/compiler_opt/rl/unroll/vocab/trip_count.buckets @@ -0,0 +1,1000 @@ +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +3.0 +3.0 +3.0 +3.0 +3.0 +3.0 +3.0 +3.0 +3.0 +3.0 +3.0 +3.0 +3.0 +3.0 +3.0 +3.0 +3.0 +3.0 +3.0 +3.0 +3.0 +3.0 +3.0 +3.0 +3.0 +3.0 +3.0 +3.0 +3.0 +3.0 +3.0 +3.0 +3.0 +3.0 +3.0 +3.0 +3.0 +3.0 +3.0 +3.0 +3.0 +3.0 +3.0 +3.0 +3.0 +3.0 +3.0 +3.0 +3.0 +3.0 +3.0 +3.0 +3.0 +3.0 +3.0 +3.0 +3.0 +3.0 +3.0 +3.0 +3.0 +3.0 +3.0 +3.0 +3.0 +4.0 +4.0 +4.0 +4.0 +4.0 +4.0 +4.0 +4.0 +4.0 +4.0 +4.0 +4.0 +4.0 +4.0 +4.0 +4.0 +4.0 +4.0 +4.0 +4.0 +4.0 +4.0 +4.0 +4.0 +4.0 +4.0 +4.0 +4.0 +4.0 +4.0 +4.0 +4.0 +4.0 +4.0 +4.0 +4.0 +4.0 +4.0 +4.0 +4.0 +4.0 +4.0 +4.0 +4.0 +4.0 +4.0 +4.0 +4.0 +4.0 +4.0 +4.0 +4.0 +4.0 +4.0 +4.0 +4.0 +4.0 +4.0 +4.0 +4.0 +4.0 +4.0 +4.0 +4.0 +4.0 +4.0 +4.0 +4.0 +4.0 +4.0 +4.0 +4.0 +4.0 +4.0 +4.0 +4.0 +4.0 +4.0 +4.0 +4.0 +4.0 +4.0 +4.0 +4.0 +4.0 +4.0 +5.0 +5.0 +5.0 +5.0 +5.0 +5.0 +5.0 +5.0 +5.0 +5.0 +5.0 +5.0 +5.0 +5.0 +5.0 +5.0 +5.0 +5.0 +5.0 +5.0 +5.0 +5.0 +5.0 +5.0 +5.0 +5.0 +5.0 +5.0 +5.0 +5.0 +5.0 +5.0 +5.0 +5.0 +5.0 +5.0 +5.0 +5.0 +5.0 +5.0 +5.0 +6.0 +6.0 +6.0 +6.0 +6.0 +6.0 +6.0 +6.0 +6.0 +6.0 +6.0 +6.0 +6.0 +6.0 +6.0 +6.0 +6.0 +6.0 +6.0 +6.0 +6.0 +6.0 +6.0 +6.0 +6.0 +6.0 +6.0 +6.0 +6.0 +6.0 +6.887887887887928 +7.0 +7.0 +7.0 +7.0 +7.0 +7.0 +7.0 +7.0 +7.0 +7.0 +7.0 +7.0 +7.0 +7.0 +7.0 +7.0 +7.0 +7.0 +7.0 +7.0 +7.0 +8.0 +8.0 +8.0 +8.0 +8.0 +8.0 +8.0 +8.0 +8.0 +8.0 +8.0 +8.0 +8.0 +8.0 +8.0 +8.0 +8.0 +8.0 +8.0 +8.0 +8.0 +8.0 +8.0 +8.0 +8.0 +8.0 +8.0 +8.0 +8.0 +8.0 +8.0 +8.0 +8.0 +8.0 +8.0 +8.0 +8.0 +8.0 +8.0 +8.0 +8.0 +8.0 +8.0 +8.0 +8.0 +8.0 +8.0 +8.0 +8.0 +8.0 +8.0 +8.0 +8.0 +8.0 +8.0 +8.0 +8.0 +8.0 +8.0 +8.0 +8.0 +8.0 +8.0 +8.0 +8.0 +8.0 +8.0 +8.0 +8.0 +8.0 +8.0 +8.0 +8.0 +8.0 +8.0 +8.0 +8.0 +9.0 +9.0 +9.0 +9.0 +9.0 +9.0 +9.0 +9.0 +9.0 +9.0 +9.0 +9.0 +9.0 +9.0 +9.0 +9.0 +9.0 +9.0 +9.0 +9.0 +9.0 +9.0 +10.0 +10.0 +10.0 +10.0 +10.0 +10.0 +10.0 +10.0 +10.0 +10.0 +10.0 +10.0 +10.0 +10.0 +10.0 +10.0 +10.0 +10.0 +10.0 +10.0 +10.0 +10.0 +10.0 +10.0 +10.0 +10.0 +10.0 +10.0 +10.0 +10.0 +10.0 +10.0 +10.0 +10.0 +10.0 +11.0 +11.0 +11.0 +11.0 +11.0 +11.0 +11.0 +11.0 +11.0 +11.0 +11.0 +11.0 +11.0 +11.0 +11.0 +11.0 +11.0 +11.0 +11.0 +11.0 +11.906906906906897 +12.0 +12.0 +12.0 +12.0 +12.0 +12.0 +12.0 +12.0 +12.0 +12.0 +12.0 +12.0 +12.0 +12.0 +12.0 +13.0 +13.0 +13.0 +13.0 +13.0 +13.0 +13.0 +13.0 +13.0 +13.0 +14.0 +14.0 +14.0 +14.0 +14.0 +14.0 +14.0 +14.0 +14.0 +15.0 +15.0 +15.0 +15.0 +15.0 +15.0 +15.0 +15.0 +15.0 +15.0 +15.0 +15.0 +15.0 +16.0 +16.0 +16.0 +16.0 +16.0 +16.0 +16.0 +16.0 +16.0 +16.0 +16.0 +16.0 +16.0 +16.0 +16.0 +16.0 +16.0 +16.0 +16.0 +16.0 +16.0 +16.0 +16.0 +16.0 +16.0 +16.0 +16.0 +16.0 +16.0 +16.0 +16.0 +16.0 +16.0 +16.0 +16.0 +16.0 +16.0 +16.0 +16.0 +16.0 +16.0 +16.0 +16.0 +16.0 +16.0 +16.0 +16.0 +16.0 +16.0 +16.0 +16.0 +16.0 +16.0 +16.0 +16.0 +16.0 +16.0 +16.0 +16.0 +16.0 +16.0 +16.0 +16.0 +16.0 +16.0 +16.0 +16.0 +16.0 +16.0 +16.0 +16.0 +16.0 +16.0 +16.0 +16.0 +17.0 +17.0 +17.0 +17.0 +17.0 +17.0 +17.0 +17.0 +17.0 +17.0 +17.0 +18.0 +18.0 +18.0 +18.0 +18.0 +18.0 +18.0 +19.0 +19.0 +19.0 +19.0 +19.0 +19.0 +19.0 +19.0 +19.0 +20.0 +20.0 +20.0 +20.0 +20.0 +20.0 +20.0 +20.0 +20.0 +20.0 +20.0 +20.0 +20.0 +21.0 +21.0 +21.0 +21.0 +21.0 +21.0 +22.0 +22.0 +22.0 +22.0 +22.0 +23.0 +23.0 +24.0 +24.0 +24.0 +24.0 +24.0 +24.0 +24.0 +25.0 +25.0 +25.0 +25.0 +25.0 +25.0 +25.0 +25.0 +26.0 +26.0 +26.0 +26.0 +27.0 +27.0 +27.0 +28.0 +28.0 +28.0 +28.0 +29.0 +29.0 +30.0 +30.0 +30.0 +31.0 +31.0 +31.0 +32.0 +32.0 +32.0 +32.0 +32.0 +32.0 +32.0 +32.0 +32.0 +32.0 +32.0 +32.0 +32.0 +32.0 +32.0 +32.0 +32.0 +32.0 +32.0 +32.0 +32.0 +32.0 +32.0 +32.0 +32.0 +32.0 +32.0 +32.0 +32.0 +32.0 +32.0 +32.0 +32.0 +32.0 +32.0 +32.0 +32.0 +32.0 +32.0 +32.0 +32.0 +32.0 +32.0 +32.0 +32.0 +32.0 +32.0 +32.0 +32.0 +32.0 +32.0 +32.0 +32.0 +32.0 +32.0 +32.0 +32.0 +32.0 +33.0 +33.0 +34.0 +34.78278278278276 +35.0 +36.0 +36.0 +37.0 +37.459459459459595 +38.0 +38.0 +39.0 +40.0 +40.0 +40.0 +40.0 +41.0 +41.0 +41.0 +41.0 +41.0 +41.0 +43.0 +43.0 +43.0 +44.0 +44.0 +45.83083083083102 +47.0 +48.0 +48.0 +49.0 +49.0 +49.0 +50.0 +50.0 +50.0 +50.0 +50.0 +50.0 +50.0 +50.0 +50.0 +51.0 +52.0 +52.0 +52.0 +52.0 +54.0 +57.0 +59.54354354354382 +60.0 +60.0 +61.0 +63.0 +63.0 +63.55555555555566 +64.0 +64.0 +64.0 +64.0 +64.0 +64.0 +64.0 +64.0 +64.0 +64.0 +64.0 +64.0 +64.0 +64.0 +64.0 +64.0 +64.0 +64.0 +64.0 +64.0 +64.0 +64.0 +64.0 +64.0 +64.0 +64.0 +64.0 +64.0 +64.0 +64.0 +64.0 +64.0 +64.0 +64.0 +64.0 +64.0 +64.0 +64.0 +64.0 +64.0 +64.0 +64.0 +64.0 +64.0 +64.0 +64.0 +65.0 +65.0 +65.0 +65.0 +68.65765765765718 +70.0 +75.0 +76.0 +79.0 +80.0 +80.0 +83.0 +83.0 +85.3513513513517 +87.0 +87.0 +87.68168168168177 +88.0 +89.35235235235268 +94.0 +95.0 +99.0 +99.0 +99.0 +100.0 +100.0 +100.0 +100.0 +100.0 +100.0 +100.0 +100.0 +100.0 +100.0 +100.0 +100.0 +100.0 +100.0 +100.0 +100.0 +100.0 +100.0 +100.0 +101.0 +101.0 +101.0 +101.0 +101.0 +106.82482482482374 +116.0 +116.33233233233477 +120.0 +126.7537537537537 +128.0 +128.0 +128.0 +128.0 +128.0 +128.0 +128.0 +128.0 +128.0 +128.0 +128.0 +129.0 +140.0 +145.34534534534487 +150.0 +160.0 +160.0 +164.57957957958024 +172.001001001001 +195.8418418418405 +198.0 +200.0 +200.0 +200.0 +201.27427427427392 +216.08708708707945 +226.61561561561575 +228.42942942942864 +240.0 +240.0 +244.0 +246.9379379379352 +255.0 +256.0 +256.0 +256.0 +256.0 +256.0 +256.0 +256.0 +256.0 +256.0 +256.0 +256.0 +256.0 +256.0 +256.0 +256.0 +256.0 +256.0 +256.0 +257.0 +258.0530530530541 +298.34234234234464 +311.9859859859853 +323.7277277277244 +327.0 +354.0480480480446 +466.0 +495.8738738738739 +502.3013013012978 +512.0 +512.0 +521.6586586586518 +618.056056056058 +675.4954954954865 +701.0 +701.0 +796.5405405405327 +896.0 +896.0 +896.0 +896.0 +993.2742742742739 +1000.0 +1000.0 +1000.0 +1000.0 +1000.0 +1000.0 +1000.0 +1001.0 +1007.9329329329312 +1024.0 +1024.0 +1024.0 +1024.0 +1024.0 +1025.0 +1296.7627627627653 +2000.0 +2047.0 +2048.0 +2048.0 +2067.5395395395462 +2384.756756756722 +2555.0 +3703.4154154155403 +4096.0 +4096.0 +4096.0 +4096.0 +4361.13713713739 +5351.374374374345 +6592.792792792716 +8732.833833832537 +10000.0 +10000.0 +10000.0 +10153.7537537537 +16384.0 +24310.214214214426 +59898.866866862045 +65536.0 +65536.0 +65536.0 +100000.0 +100000.0 +200000.0 +1000000.0 +1114111.0 +8421502.0 +2147483648.0 diff --git a/compiler_opt/rl/unroll/vocab/unroll_count.buckets b/compiler_opt/rl/unroll/vocab/unroll_count.buckets new file mode 100644 index 00000000..9ec4e2dc --- /dev/null +++ b/compiler_opt/rl/unroll/vocab/unroll_count.buckets @@ -0,0 +1,1000 @@ +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.0 +0.33033033033007086 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +2.0 +3.0 +3.0 +3.0 +3.0 +3.0 +3.0 +3.0 +3.0 +3.0 +3.0 +3.0 +3.0 +3.0 +3.0 +3.0 +3.0 +3.0 +3.0 +3.0 +3.0 +3.0 +3.0 +3.0 +3.0 +3.0 +3.0 +4.0 +4.0 +4.0 +4.0 +4.0 +4.0 +4.0 +4.0 +4.0 +4.0 +4.0 +4.0 +4.0 +4.0 +4.0 +4.0 +4.0 +4.0 +4.0 +4.0 +4.0 +4.0 +4.0 +4.0 +4.0 +4.0 +4.0 +4.0 +4.0 +4.0 +4.0 +4.0 +4.0 +4.0 +4.0 +4.0 +4.0 +4.0 +4.0 +4.0 +4.0 +4.0 +4.0 +4.0 +4.0 +4.0 +4.0 +4.0 +4.0 +4.0 +4.0 +4.0 +4.0 +4.0 +4.0 +4.0 +4.0 +4.0 +4.0 +4.0 +4.0 +4.0 +4.0 +4.0 +4.0 +4.0 +4.0 +4.0 +4.0 +4.0 +4.0 +4.0 +4.0 +4.0 +4.0 +4.0 +4.0 +5.0 +5.0 +5.0 +5.0 +5.0 +5.0 +5.0 +5.0 +5.0 +5.0 +5.0 +5.0 +5.0 +5.0 +5.0 +5.0 +5.0 +5.0 +5.0 +5.0 +5.0 +5.0 +5.0 +5.0 +5.0 +5.0 +5.0 +5.0 +5.0 +5.0 +5.0 +6.0 +6.0 +6.0 +6.0 +6.0 +6.0 +6.0 +6.0 +6.0 +7.0 +7.0 +7.0 +7.0 +7.0 +7.0 +8.0 +8.0 +8.0 +8.0 +8.0 +8.0 +8.0 +8.0 +8.0 +8.0 +8.0 +8.0 +8.0 +8.0 +8.0 +8.0 +8.0 +8.0 +8.0 +8.0 +8.0 +8.0 +8.0 +8.0 +8.0 +8.0 +8.0 +8.0 +8.0 +8.0 +8.0 +8.0 +8.0 +8.0 +8.0 +8.0 +8.0 +8.0 +8.0 +8.0 +8.0 +8.0 +9.0 +9.0 +10.0 +10.0 +10.0 +10.0 +10.0 +10.0 +10.0 +10.0 +10.0 +10.0 +11.0 +11.0 +12.0 +12.0 +12.0 +13.0 +13.0 +15.0 +16.0 +16.0 +16.0 +16.0 +16.0 +16.0 +16.0 +16.0 +16.0 +16.0 +16.0 +16.0 +16.0 +16.0 +16.0 +19.0 +20.0 +20.0 +22.0 +24.65265265265316 +25.0 +25.0 +25.0 +32.0 +32.0 +32.0 +50.0 diff --git a/compiler_opt/tools/sparse_bucket_generator.py b/compiler_opt/tools/sparse_bucket_generator.py index d8e66217..2bb95a04 100644 --- a/compiler_opt/tools/sparse_bucket_generator.py +++ b/compiler_opt/tools/sparse_bucket_generator.py @@ -170,7 +170,7 @@ def main(_) -> None: parser_fn = create_tfrecord_parser_fn(sequence_features) dataset = dataset.map(parser_fn, num_parallel_calls=tf.data.AUTOTUNE) data_list = np.array(list(dataset.as_numpy_iterator()), dtype=object) - data_list = np.transpose(data_list, [1, 0]) + data_list = np.transpose(data_list, [1, 0, 2]) with mp.Pool(FLAGS.parallelism) as pool: feature_names = list(sorted(sequence_features))