diff --git a/README.md b/README.md index 4bd1f2a9..6b66d2c4 100644 --- a/README.md +++ b/README.md @@ -23,6 +23,28 @@ Gradient. For more details about MLGO, please refer to our paper [MLGO: a Machine Learning Guided Compiler Optimizations Framework](https://arxiv.org/abs/2101.04808). +## Pretrained models + +We occasionally release pretrained models that may be used as-is with LLVM. +Models are released as github releases, and are named as +[task]-[major-version].[minor-version].The versions are semantic: the major +version corresponds to breaking changes on the LLVM/compiler side, and the minor +version corresponds to model updates that are independent of the compiler. + +When building LLVM, there is a flag `-DLLVM_INLINER_MODEL_PATH` which you may +set to the path to your inlining model. If the path is set to `download`, then +cmake will download the most recent (compatible) model from github to use. Other +values for the flag could be: + +```sh +# Model is in /tmp/model, i.e. there is a file /tmp/model/saved_model.pb along +# with the rest of the tensorflow saved_model files produced from training. +-DLLVM_INLINER_MODEL_PATH=/tmp/model + +# Download the most recent compatible model +-DLLVM_INLINER_MODEL_PATH=download +``` + ## Prerequisites Currently, the assumption for the is: diff --git a/compiler_opt/rl/data_collector.py b/compiler_opt/rl/data_collector.py index 354f5433..5a420603 100644 --- a/compiler_opt/rl/data_collector.py +++ b/compiler_opt/rl/data_collector.py @@ -16,6 +16,8 @@ """Data collection module.""" import abc +import time + from typing import Iterator, Tuple, Dict from tf_agents.trajectories import trajectory @@ -48,3 +50,61 @@ def on_dataset_consumed(self, Args: dataset_iterator: the dataset_iterator that has been consumed. """ + + +class EarlyExitChecker: + """Class which checks if it is ok to early-exit from data collection.""" + + def __init__(self, deadline, thresholds, num_modules): + """Initialize the early exit checker. + + Args: + deadline: The deadline for data collection, in seconds. + thresholds: Early exit thresholds, e.g. [(0.8, 0.5)] means early exit is + allowable if 80% of data has been collected and we've waited 50% of the + maximum waiting time. + num_modules: How many total modules we are waiting for. + """ + self._deadline = deadline + self._thresholds = thresholds + self._num_modules = num_modules + self._start_time = time.time() + self._waited_time = 0 + + def _should_exit(self, collected: int): + """Checks whether we should exit early. + + If collected is negative, _should_exit will always return false. + + Args: + collected: The amount data we have collected. + + Returns: + True if we should exit, otherwise False. + """ + if collected < 0: + return False + + self._waited_time = round(time.time() - self._start_time) + for (data_threshold, deadline_threshold) in self._thresholds: + if ((collected >= self._num_modules * data_threshold) and + (self._waited_time >= self._deadline * deadline_threshold)): + return True + return False + + def wait(self, get_num_finished_work): + """Waits until the deadline has expired or an early exit is possible. + + Args: + get_num_finished_work: a callable object which returns the amount of + finished work. + + Returns: + The amount of time waited. + """ + while not self._should_exit(get_num_finished_work()): + time.sleep(1) + return self.waited_time() + + def waited_time(self): + return self._waited_time diff --git a/compiler_opt/rl/data_collector_test.py b/compiler_opt/rl/data_collector_test.py new file mode 100644 index 00000000..7929985d --- /dev/null +++ b/compiler_opt/rl/data_collector_test.py @@ -0,0 +1,52 @@ +# 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. + +"""Tests for data_collector.""" + +from unittest import mock + +from absl.testing import absltest + +from compiler_opt.rl import data_collector + + +class DataCollectorTest(absltest.TestCase): + + @mock.patch('time.time') + def test_early_exit(self, mock_time): + mock_time.return_value = 0 + early_exit = data_collector.EarlyExitChecker( + deadline=10, thresholds=[(.9, 0), (.5, .5), (0, 1)], num_modules=10) + + # We've waited no time, so have to hit 90% to early exit + self.assertFalse(early_exit._should_exit(0)) + self.assertFalse(early_exit._should_exit(5)) + self.assertTrue(early_exit._should_exit(9)) + self.assertEqual(early_exit.waited_time(), 0) + + # We've waited 50% of the time, so only need to hit 50% to exit + mock_time.return_value = 5 + self.assertFalse(early_exit._should_exit(0)) + self.assertTrue(early_exit._should_exit(5)) + self.assertEqual(early_exit.waited_time(), 5) + + # We've waited 100% of the time, exit no matter what + mock_time.return_value = 10 + self.assertTrue(early_exit._should_exit(0)) + self.assertEqual(early_exit.waited_time(), 10) + + +if __name__ == '__main__': + absltest.main() diff --git a/compiler_opt/rl/feature_ops.py b/compiler_opt/rl/feature_ops.py index f3d9b2f7..3e351259 100644 --- a/compiler_opt/rl/feature_ops.py +++ b/compiler_opt/rl/feature_ops.py @@ -64,6 +64,11 @@ def discard_feature(obs): quantile, mean, std = quantile_map[obs_spec.name] def normalization(obs): + # TODO(yundi): a temporary hard-coded solution for making test pass and + # submit regalloc code. Will have a big refactor in follow-up cls soon. + if obs_spec.name == 'progress': + obs = expand_dims_op(obs) + obs = tf.tile(obs, [1, 33]) expanded_obs = expand_dims_op(obs) x = tf.cast( tf.raw_ops.Bucketize(input=expanded_obs, boundaries=quantile), diff --git a/compiler_opt/rl/local_data_collector.py b/compiler_opt/rl/local_data_collector.py index 15d59615..a96c40c3 100644 --- a/compiler_opt/rl/local_data_collector.py +++ b/compiler_opt/rl/local_data_collector.py @@ -17,7 +17,6 @@ import collections import random -import time from typing import Callable, Iterator, List, Tuple, Iterable, Dict from absl import logging @@ -115,24 +114,23 @@ def collect_data( results = self._schedule_jobs(policy_path, sampled_file_paths) def wait_for_termination(): - wait_seconds = 0 - while True: + early_exit = data_collector.EarlyExitChecker(_DEADLINE_IN_SECONDS, + _WAIT_TERMINATION, + self._num_modules) + + def get_num_finished_work(): finished_work = sum(res.ready() for res in results) - unfinised_work = len(results) - finished_work + unfinished_work = len(results) - finished_work prev_unfinished_work = sum( not res.ready() for _, res in self._unfinished_work) - total_unfinished_work = unfinised_work + prev_unfinished_work - for (data_collection_threshold, - wait_time_threshold) in _WAIT_TERMINATION: - if ((finished_work >= self._num_modules * data_collection_threshold) - and (wait_seconds >= _DEADLINE_IN_SECONDS * wait_time_threshold)): - if total_unfinished_work >= self._max_unfinished_tasks: - self._overloaded_workers_handler(total_unfinished_work) - break - else: - return wait_seconds - wait_seconds += 1 - time.sleep(1) + # Handle overworked workers + total_unfinished_work = unfinished_work + prev_unfinished_work + if total_unfinished_work >= self._max_unfinished_tasks: + self._overloaded_workers_handler(total_unfinished_work) + return -1 + return finished_work + + return early_exit.wait(get_num_finished_work) wait_seconds = wait_for_termination() diff --git a/compiler_opt/rl/local_data_collector_test.py b/compiler_opt/rl/local_data_collector_test.py index bfe449f2..b854b4dd 100644 --- a/compiler_opt/rl/local_data_collector_test.py +++ b/compiler_opt/rl/local_data_collector_test.py @@ -109,7 +109,6 @@ def parser(data_list): overload_handler=overload_handler.handler) collector.collect_data(policy_path='policy') - self.assertLen(overload_handler.counts, 0) while [r for _, r in collector._unfinished_work if not r.ready()]: time.sleep(1) diff --git a/compiler_opt/rl/regalloc/config.py b/compiler_opt/rl/regalloc/config.py index 80fca1b6..6380607b 100644 --- a/compiler_opt/rl/regalloc/config.py +++ b/compiler_opt/rl/regalloc/config.py @@ -21,27 +21,47 @@ from tf_agents.trajectories import time_step +def get_num_registers(): + return 33 + + # pylint: disable=g-complex-comprehension @gin.configurable() def get_regalloc_signature_spec(): """Returns (time_step_spec, action_spec) for LLVM register allocation.""" + num_registers = get_num_registers() + observation_spec = dict( - (key, tf.TensorSpec(dtype=tf.int64, shape=(), name=key)) - for key in ('is_local_split', 'nr_defs_and_uses', 'nr_implicit_defs', - 'nr_identity_copies', 'liverange_size', - 'is_rematerializable')) + (key, tf.TensorSpec(dtype=tf.int64, shape=(num_registers), name=key)) + for key in ('mask', 'is_hint', 'is_local', 'is_free')) observation_spec.update( - dict((key, tf.TensorSpec(dtype=tf.float32, shape=(), name=key)) - for key in ('weighed_reads', 'weighed_writes', 'weighed_indvars', - 'hint_weights', 'start_bb_freq', 'end_bb_freq', - 'hottest_bb_freq', 'weighed_read_writes'))) + dict((key, + tensor_spec.BoundedTensorSpec( + dtype=tf.int64, + shape=(num_registers), + name=key, + minimum=0, + maximum=6)) for key in ('max_stage', 'min_stage'))) + observation_spec.update( + dict((key, + tf.TensorSpec(dtype=tf.float32, shape=(num_registers), name=key)) + for key in ('weighed_reads_by_max', 'weighed_writes_by_max', + 'weighed_read_writes_by_max', 'weighed_indvars_by_max', + 'hint_weights_by_max', 'start_bb_freq_by_max', + 'end_bb_freq_by_max', 'hottest_bb_freq_by_max', + 'liverange_size', 'use_def_density', 'nr_defs_and_uses', + 'nr_broken_hints', 'nr_urgent', 'nr_rematerializable'))) + observation_spec['progress'] = tensor_spec.BoundedTensorSpec( + dtype=tf.float32, shape=(), name='progress', minimum=0, maximum=1) + 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.float32, + dtype=tf.int64, shape=(), - name='live_interval_weight', - minimum=-100, - maximum=20) + name='index_to_evict', + minimum=0, + maximum=num_registers - 1) return time_step_spec, action_spec diff --git a/compiler_opt/rl/regalloc/gin_configs/behavioral_cloning_nn_agent.gin b/compiler_opt/rl/regalloc/gin_configs/behavioral_cloning_nn_agent.gin index f8a4d99e..c4f2e77c 100644 --- a/compiler_opt/rl/regalloc/gin_configs/behavioral_cloning_nn_agent.gin +++ b/compiler_opt/rl/regalloc/gin_configs/behavioral_cloning_nn_agent.gin @@ -1,25 +1,25 @@ import gin.tf.external_configurables import compiler_opt.rl.gin_external_configurables import compiler_opt.rl.regalloc.config +import compiler_opt.rl.regalloc_network import tf_agents.agents.behavioral_cloning.behavioral_cloning_agent import tf_agents.networks.actor_distribution_network train_eval.get_signature_spec_fn=@config.get_regalloc_signature_spec train_eval.agent_name='behavioral_cloning' -train_eval.num_iterations=200000 +train_eval.num_iterations=10000 train_eval.batch_size=64 train_eval.train_sequence_length=1 get_observation_processing_layer_creator.quantile_file_dir='compiler_opt/rl/regalloc/vocab' get_observation_processing_layer_creator.with_z_score_normalization = False -create_agent.policy_network = @actor_distribution_network.ActorDistributionNetwork +create_agent.policy_network = @regalloc_network.RegAllocNetwork -ActorDistributionNetwork.preprocessing_combiner=@tf.keras.layers.Concatenate() -ActorDistributionNetwork.fc_layer_params=(80, 40) -ActorDistributionNetwork.dropout_layer_params=(0.2, 0.2) -ActorDistributionNetwork.activation_fn=@tf.keras.activations.relu -NormalProjectionNetwork.mean_transform=None +RegAllocNetwork.preprocessing_combiner=@tf.keras.layers.Concatenate() +RegAllocNetwork.fc_layer_params=(80, 40) +RegAllocNetwork.dropout_layer_params=(0.2, 0.2) +RegAllocNetwork.activation_fn=@tf.keras.activations.relu tf.train.AdamOptimizer.learning_rate = 0.001 tf.train.AdamOptimizer.epsilon = 0.0003125 diff --git a/compiler_opt/rl/regalloc/vocab/end_bb_freq_by_max.buckets b/compiler_opt/rl/regalloc/vocab/end_bb_freq_by_max.buckets new file mode 100644 index 00000000..606f4dc5 --- /dev/null +++ b/compiler_opt/rl/regalloc/vocab/end_bb_freq_by_max.buckets @@ -0,0 +1,999 @@ +0 +0 +0 +0 +0 +1.95979e-15 +4.74236e-13 +4.32878e-12 +1.94522e-11 +5.13883e-11 +1.016e-10 +1.70713e-10 +2.32947e-10 +3.59596e-10 +4.60432e-10 +4.65655e-10 +4.65661e-10 +4.65661e-10 +7.004e-10 +9.26177e-10 +1.57946e-09 +4.61951e-09 +3.53734e-08 +7.9141e-08 +3.5246e-07 +6.76278e-07 +1.5457e-06 +2.28908e-06 +3.81467e-06 +6.51e-06 +9.94725e-06 +1.45087e-05 +1.83729e-05 +2.49875e-05 +2.50125e-05 +2.7128e-05 +3.05177e-05 +3.84473e-05 +5e-05 +6.10354e-05 +7.00624e-05 +8.99364e-05 +0.000101767 +0.000122068 +0.000124938 +0.000126082 +0.000152465 +0.00017853 +0.00019455 +0.000203534 +0.00024175 +0.000249875 +0.000253161 +0.000272211 +0.000304685 +0.000307565 +0.000336586 +0.000344179 +0.000390996 +0.000430588 +0.000466673 +0.000488288 +0.00049607 +0.000498825 +0.000499745 +0.00049975 +0.00049975 +0.00049975 +0.000521968 +0.000585344 +0.00066198 +0.000752516 +0.000805247 +0.000882399 +0.000969107 +0.000984494 +0.00108128 +0.00120799 +0.00129747 +0.00140944 +0.00152615 +0.00164204 +0.0017301 +0.00183122 +0.00183729 +0.00188632 +0.00194065 +0.00195307 +0.00195336 +0.00200424 +0.00201607 +0.00216066 +0.0024374 +0.00262291 +0.00291942 +0.00305227 +0.00313541 +0.00324838 +0.00335331 +0.00346006 +0.0035461 +0.00378464 +0.00389105 +0.00389105 +0.00389105 +0.00389105 +0.00389105 +0.00390624 +0.00390673 +0.00399107 +0.00402403 +0.00405235 +0.00438366 +0.00461361 +0.0049019 +0.00503752 +0.00535878 +0.00548039 +0.00548039 +0.00568695 +0.00604721 +0.00625056 +0.00657147 +0.00688529 +0.00714112 +0.00733769 +0.00744728 +0.00778222 +0.00782014 +0.00804804 +0.00809341 +0.00858429 +0.008894 +0.008894 +0.00917346 +0.00953197 +0.010002 +0.0103785 +0.0108401 +0.0112173 +0.0114746 +0.0118463 +0.0123302 +0.0124989 +0.0126142 +0.0129544 +0.0132013 +0.0132013 +0.0132013 +0.0133274 +0.0137866 +0.0140312 +0.0144828 +0.0146983 +0.0147059 +0.0150867 +0.0152858 +0.0156094 +0.0156949 +0.016085 +0.0163286 +0.0169774 +0.017634 +0.0182902 +0.0186266 +0.01875 +0.019337 +0.0197954 +0.0206897 +0.0213754 +0.0218699 +0.0220515 +0.0224033 +0.0229543 +0.0233958 +0.0240805 +0.0244499 +0.0247525 +0.025 +0.0253678 +0.0261032 +0.0268672 +0.027451 +0.0277778 +0.028169 +0.0285714 +0.0289855 +0.0293255 +0.0293966 +0.0294104 +0.0294114 +0.0294118 +0.0295664 +0.030086 +0.0304818 +0.0307971 +0.0311317 +0.0311554 +0.0312019 +0.0312047 +0.0312428 +0.0312493 +0.03125 +0.03125 +0.03125 +0.03125 +0.0313726 +0.0313726 +0.0320618 +0.0325589 +0.0333719 +0.0335196 +0.0342157 +0.0351759 +0.0357134 +0.0362069 +0.0364021 +0.0367633 +0.0367816 +0.0367816 +0.0374667 +0.0383854 +0.0390112 +0.0393812 +0.0404173 +0.0415225 +0.0421527 +0.0424556 +0.043313 +0.0444628 +0.0455628 +0.0464125 +0.046875 +0.048053 +0.0489237 +0.0490797 +0.0490797 +0.049238 +0.0496454 +0.0498621 +0.0499883 +0.0499976 +0.05 +0.05 +0.05 +0.0500499 +0.0502513 +0.0503381 +0.0509804 +0.0511786 +0.0522475 +0.0532453 +0.0542318 +0.0551206 +0.0551471 +0.0552852 +0.0555556 +0.0559254 +0.0559254 +0.0565975 +0.0567791 +0.057337 +0.0580111 +0.0580111 +0.0585938 +0.0586207 +0.0586759 +0.058764 +0.0587831 +0.0587943 +0.058808 +0.0588213 +0.0588217 +0.0588226 +0.0588226 +0.0588227 +0.0588228 +0.0588229 +0.0588235 +0.0588235 +0.0588235 +0.0588235 +0.0588235 +0.0588235 +0.0588235 +0.0604202 +0.0606654 +0.0614295 +0.0618176 +0.0622711 +0.0624084 +0.0624588 +0.0624972 +0.0625 +0.0625 +0.0625 +0.0625 +0.0626974 +0.0627451 +0.0627451 +0.0632656 +0.063555 +0.0637908 +0.066419 +0.0676115 +0.0692747 +0.0692747 +0.069286 +0.0701439 +0.0712413 +0.0724252 +0.0730651 +0.0730757 +0.0730757 +0.0749247 +0.0777983 +0.0792111 +0.08 +0.081231 +0.0824016 +0.0831873 +0.0833333 +0.0844983 +0.0848905 +0.0851145 +0.0867209 +0.0902141 +0.0927718 +0.0941176 +0.096161 +0.0974655 +0.0984413 +0.0985915 +0.0991503 +0.0996483 +0.0999995 +0.1 +0.10101 +0.102489 +0.102534 +0.102534 +0.102534 +0.10396 +0.106018 +0.108669 +0.111 +0.114006 +0.115266 +0.117187 +0.117187 +0.119476 +0.121213 +0.121569 +0.123529 +0.12363 +0.124688 +0.124947 +0.125 +0.125 +0.125 +0.125541 +0.126533 +0.126533 +0.126984 +0.127913 +0.13162 +0.133333 +0.13865 +0.142822 +0.143369 +0.148352 +0.15295 +0.155341 +0.156863 +0.159999 +0.16436 +0.164706 +0.164706 +0.164706 +0.164706 +0.166261 +0.166667 +0.171703 +0.176471 +0.181705 +0.186111 +0.1875 +0.188235 +0.190476 +0.192308 +0.1954 +0.199136 +0.20082 +0.203512 +0.203512 +0.205882 +0.214286 +0.222048 +0.228464 +0.233859 +0.234375 +0.234483 +0.235597 +0.24 +0.24414 +0.246753 +0.249267 +0.249875 +0.249989 +0.249998 +0.25 +0.25 +0.25 +0.25 +0.25 +0.25 +0.253968 +0.258065 +0.266667 +0.272347 +0.274725 +0.281668 +0.291946 +0.295013 +0.3 +0.306922 +0.309524 +0.312431 +0.312499 +0.312499 +0.312499 +0.312499 +0.312499 +0.312499 +0.3125 +0.3125 +0.312501 +0.312501 +0.312504 +0.312504 +0.312504 +0.312504 +0.312504 +0.312504 +0.313726 +0.32 +0.328119 +0.333118 +0.339547 +0.339547 +0.339547 +0.34031 +0.340397 +0.340397 +0.340397 +0.340484 +0.344828 +0.344828 +0.346315 +0.352847 +0.357143 +0.359375 +0.367641 +0.372686 +0.374813 +0.3749 +0.374992 +0.374997 +0.374997 +0.374999 +0.375 +0.375 +0.375 +0.375105 +0.380952 +0.380952 +0.389366 +0.390686 +0.39954 +0.405483 +0.42127 +0.4303 +0.438364 +0.4512 +0.463687 +0.470588 +0.472713 +0.48 +0.48 +0.48 +0.483871 +0.483871 +0.488802 +0.492063 +0.496053 +0.496063 +0.498039 +0.498778 +0.49937 +0.49956 +0.499756 +0.499939 +0.49999 +0.499992 +0.499996 +0.499999 +0.499999 +0.499999 +0.499999 +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.500625 +0.503649 +0.51563 +0.524974 +0.529159 +0.531277 +0.538462 +0.544685 +0.546602 +0.551724 +0.551724 +0.551724 +0.551724 +0.551724 +0.551724 +0.551724 +0.554035 +0.565986 +0.57142 +0.577236 +0.587097 +0.595699 +0.598592 +0.598592 +0.6 +0.602022 +0.609374 +0.615144 +0.615195 +0.615763 +0.615763 +0.615814 +0.617647 +0.617647 +0.617647 +0.617835 +0.619048 +0.621715 +0.624365 +0.62496 +0.624999 +0.624999 +0.625 +0.625 +0.625 +0.625 +0.625 +0.625 +0.625 +0.625 +0.625 +0.625003 +0.625007 +0.625019 +0.625108 +0.626728 +0.627451 +0.634896 +0.64 +0.648715 +0.665998 +0.671188 +0.680868 +0.682537 +0.687931 +0.695652 +0.707182 +0.71875 +0.73201 +0.744398 +0.749084 +0.75 +0.752941 +0.76 +0.769226 +0.793104 +0.802365 +0.8125 +0.831525 +0.84 +0.850042 +0.860989 +0.87511 +0.88683 +0.89552 +0.904691 +0.909892 +0.915225 +0.926334 +0.934876 +0.938359 +0.941176 +0.941177 +0.945932 +0.96 +0.968742 +0.972899 +0.97854 +0.984221 +0.990148 +0.994206 +0.996307 +0.997437 +0.998002 +0.998472 +0.998506 +0.999 +0.999001 +0.999298 +0.9995 +0.9995 +0.9995 +0.9995 +0.9995 +0.999501 +0.999701 +0.999882 +0.99997 +0.999978 +0.999985 +0.999996 +0.999998 +0.999999 +0.999999 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 diff --git a/compiler_opt/rl/regalloc/vocab/hint_weights.buckets b/compiler_opt/rl/regalloc/vocab/hint_weights.buckets deleted file mode 100644 index d03f8c44..00000000 --- a/compiler_opt/rl/regalloc/vocab/hint_weights.buckets +++ /dev/null @@ -1,999 +0,0 @@ -0 -0 -0 -0 -0 -0 -0 -0 -0 -0 -0 -0 -0 -0 -0 -0 -0 -0 -0 -0 -0 -0 -0 -0 -0 -0 -0 -0 -0 -0 -0 -0 -0 -0 -0 -0 -0 -0 -0 -0 -0 -0 -0 -0 -0 -0 -0 -0 -0 -0 -0 -0 -0 -0 -0 -0 -0 -0 -0 -0 -0 -0 -0 -0 -0 -0 -0 -0 -0 -0 -0 -0 -0 -0 -0 -0 -0 -0 -0 -0 -0 -0 -0 -0 -0 -0 -0 -0 -0 -0 -0 -0 -0 -0 -0 -0 -0 -0 -0 -0 -0 -0 -0 -0 -0 -0 -0 -0 -0 -0 -0 -0 -0 -0 -0 -0 -0 -0 -0 -0 -0 -0 -0 -0 -0 -0 -0 -0 -0 -0 -0 -0 -0 -0 -0 -0 -0 -0 -0 -0 -0 -0 -0 -0 -0 -0 -0 -0 -0 -0 -0 -0 -0 -0 -0 -0 -0 -0 -0 -0 -0 -0 -0 -0 -0 -0 -0 -0 -0 -0 -0 -0 -0 -0 -0 -0 -0 -0 -0 -0 -0 -0 -0 -0 -0 -0 -0 -0 -0 -0 -0 -0 -0 -0 -0 -0 -0 -0 -0 -0 -0 -0 -0 -0 -0 -0 -0 -0 -0 -0 -0 -0 -0 -0 -0 -0 -0 -0 -0 -0 -0 -0 -0 -0 -0 -0 -0 -0 -0 -0 -0 -0 -0 -0 -0 -0 -0 -0 -0 -0 -0 -0 -0 -0 -0 -0 -0 -0 -0 -0 -0 -0 -0 -0 -0 -0 -0 -0 -0 -0 -0 -0 -0 -0 -0 -0 -0 -0 -0 -0 -0 -0 -0 -0 -0 -0 -0 -0 -0 -0 -0 -0 -0 -0 -0 -0 -0 -0 -0 -0 -0 -0 -0 -0 -0 -0 -0 -0 -0 -0 -0 -0 -0 -0 -0 -0 -0 -0 -0 -0 -0 -0 -0 -0 -0 -0 -2.54724e-15 -1.06522e-12 -1.18829e-11 -4.91917e-11 -1.15469e-10 -1.84565e-10 -2.80648e-10 -4.37393e-10 -4.6565e-10 -4.65661e-10 -6.26983e-10 -9.31323e-10 -2.75031e-09 -3.12219e-08 -3.24224e-07 -1.5901e-06 -6.88985e-06 -1.48973e-05 -2.57222e-05 -2.9338e-05 -3.77807e-05 -5.87935e-05 -9.35314e-05 -0.000136949 -0.000185749 -0.000203534 -0.000234261 -0.000249183 -0.000249875 -0.000249875 -0.000272746 -0.000304535 -0.000304535 -0.000312354 -0.000343732 -0.000413237 -0.00046853 -0.000497101 -0.000499495 -0.00049975 -0.00049975 -0.00049975 -0.00049975 -0.00049975 -0.00049975 -0.000576573 -0.000690627 -0.000859975 -0.000942152 -0.00099732 -0.000999366 -0.00106197 -0.00122523 -0.00143676 -0.00157114 -0.00184757 -0.00206825 -0.00251329 -0.00314551 -0.00345912 -0.00399217 -0.00480659 -0.00570086 -0.00652934 -0.00733816 -0.00787393 -0.00890549 -0.00980682 -0.0110293 -0.0124626 -0.0137329 -0.014652 -0.0147131 -0.0147131 -0.0158262 -0.0172637 -0.0183821 -0.0183821 -0.0192411 -0.0206897 -0.0220566 -0.0229068 -0.0247204 -0.0264211 -0.0275778 -0.0285711 -0.0293967 -0.0294114 -0.0294114 -0.0294118 -0.0294118 -0.0297424 -0.0318146 -0.0351041 -0.0367316 -0.0367316 -0.0367471 -0.0367642 -0.0367642 -0.0367642 -0.0368664 -0.0397151 -0.0427807 -0.0441245 -0.0441245 -0.0471396 -0.0490797 -0.0505003 -0.0505003 -0.052631 -0.0551463 -0.0551471 -0.0555347 -0.057931 -0.0586319 -0.0587935 -0.0588143 -0.0588219 -0.0588226 -0.0588228 -0.0588229 -0.0588235 -0.0588235 -0.0588235 -0.0588235 -0.0589962 -0.0624999 -0.0666542 -0.0707186 -0.0746419 -0.079016 -0.083958 -0.0882342 -0.0920892 -0.0947867 -0.0991736 -0.104126 -0.109855 -0.114078 -0.116606 -0.117188 -0.117629 -0.117629 -0.117644 -0.117644 -0.117647 -0.117647 -0.123529 -0.125 -0.125047 -0.125061 -0.125061 -0.125062 -0.125062 -0.125062 -0.130481 -0.139031 -0.143202 -0.148426 -0.156248 -0.158277 -0.166293 -0.17278 -0.177264 -0.186529 -0.1875 -0.187629 -0.194963 -0.199986 -0.204507 -0.214884 -0.224005 -0.227941 -0.230769 -0.230769 -0.233996 -0.234375 -0.234378 -0.235294 -0.235294 -0.235294 -0.235294 -0.235294 -0.238095 -0.244461 -0.249871 -0.249997 -0.25 -0.25 -0.25 -0.25 -0.258045 -0.266802 -0.276076 -0.286243 -0.297493 -0.306221 -0.311719 -0.312469 -0.312469 -0.312499 -0.312499 -0.312499 -0.3125 -0.312501 -0.312501 -0.312504 -0.312504 -0.312504 -0.312504 -0.313364 -0.32 -0.331031 -0.338987 -0.352378 -0.357252 -0.367647 -0.374258 -0.374999 -0.375 -0.375 -0.375 -0.375 -0.375 -0.375 -0.375058 -0.375062 -0.3779 -0.380952 -0.380952 -0.380952 -0.389655 -0.390805 -0.40886 -0.429598 -0.429933 -0.439883 -0.455079 -0.45921 -0.46875 -0.470589 -0.476191 -0.476191 -0.48 -0.483871 -0.491124 -0.497305 -0.499501 -0.499939 -0.499991 -0.499998 -0.499999 -0.499999 -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.500224 -0.500249 -0.50025 -0.50025 -0.520645 -0.536589 -0.549451 -0.5575 -0.578157 -0.594165 -0.61666 -0.617647 -0.617647 -0.619048 -0.619048 -0.622436 -0.624997 -0.624999 -0.625 -0.625 -0.625 -0.625 -0.625 -0.625 -0.625 -0.625007 -0.625007 -0.625019 -0.637963 -0.66052 -0.666667 -0.666667 -0.6875 -0.705838 -0.729632 -0.745252 -0.749998 -0.749998 -0.75 -0.75 -0.750017 -0.764706 -0.795905 -0.81409 -0.846489 -0.859373 -0.859373 -0.85938 -0.875312 -0.900641 -0.917939 -0.924755 -0.941122 -0.950733 -0.976356 -0.993621 -0.997009 -0.998502 -0.999066 -0.999501 -0.999976 -0.999998 -1 -1 -1 -1 -1 -1 -1 -1 -1 -1 -1 -1 -1 -1 -1 -1 -1 -1 -1 -1 -1 -1 -1 -1 -1 -1 -1 -1 -1 -1 -1 -1 -1 -1 -1 -1 -1 -1 -1 -1 -1 -1 -1 -1 -1 -1 -1 -1 -1 -1 -1 -1 -1 -1 -1 -1 -1 -1 -1 -1 -1 -1 -1 -1 -1 -1 -1 -1 -1 -1 -1 -1 -1 -1 -1 -1 -1 -1 -1 -1 -1 -1 -1 -1 -1 -1 -1 -1 -1 -1 -1 -1 -1 -1 -1 -1 -1 -1 -1 -1 -1 -1 -1 -1 -1 -1 -1 -1 -1 -1 -1 -1 -1 -1 -1 -1 -1 -1 -1 -1 -1 -1.00029 -1.0005 -1.0005 -1.0005 -1.002 -1.01342 -1.03503 -1.05055 -1.05055 -1.05055 -1.05055 -1.05055 -1.05515 -1.05882 -1.05882 -1.05882 -1.05882 -1.05882 -1.05882 -1.05882 -1.05882 -1.05997 -1.09118 -1.1118 -1.11765 -1.11765 -1.1178 -1.1468 -1.16629 -1.19034 -1.21875 -1.23529 -1.25 -1.25 -1.25002 -1.29444 -1.33333 -1.36764 -1.37713 -1.39088 -1.4375 -1.4375 -1.4375 -1.4375 -1.4375 -1.46758 -1.48 -1.49827 -1.5 -1.5 -1.5 -1.5 -1.5 -1.5 -1.51605 -1.53712 -1.53712 -1.59026 -1.61905 -1.625 -1.625 -1.62502 -1.63961 -1.68 -1.72802 -1.7619 -1.80055 -1.80055 -1.8125 -1.83446 -1.83589 -1.83589 -1.83592 -1.83691 -1.86506 -1.91174 -1.95184 -1.98857 -1.999 -1.99999 -2 -2 -2 -2 -2 -2 -2 -2 -2 -2 -2 -2 -2 -2 -2 -2 -2 -2 -2 -2 -2 -2 -2 -2 -2 -2 -2 -2 -2 -2 -2 -2 -2 -2 -2 -2 -2 -2 -2 -2 -2 -2.001 -2.02069 -2.05882 -2.10094 -2.16579 -2.21862 -2.25087 -2.28433 -2.31984 -2.37226 -2.44603 -2.5 -2.55173 -2.61165 -2.64899 -2.7239 -2.8286 -2.875 -2.91177 -2.94118 -2.94118 -2.94118 -2.94557 -2.98914 -3 -3 -3 -3 -3 -3 -3 -3 -3.01435 -3.04616 -3.15954 -3.25 -3.35387 -3.48 -3.63812 -3.71513 -3.81276 -3.89589 -3.98495 -4.00316 -4.24394 -4.56222 -4.72308 -5.0005 -5.03738 -5.38637 -5.7101 -6.01961 -6.24986 -6.67529 -6.94502 -7.34398 -7.59282 -7.78205 -7.85051 -8 -8.17329 -8.46247 -8.76314 -9.04129 -9.38202 -9.67124 -9.995 -10 -10.16 -10.4165 -10.8961 -11.1112 -11.772 -12.4408 -12.6252 -13.25 -14.0238 -14.6351 -15.0352 -15.5833 -15.9375 -16 -16 -16.2586 -17 -18.6296 -19.868 -20 -20 -20.2857 -21.25 -22.2279 -24.1392 -27.9752 -30.119 -32 -35.3997 -42.5 -52.6255 -62.5018 -79.7407 -105.385 -130.494 -170.583 -224 -260.048 -364.938 -606.346 -1751.5 -3771.69 -7823.52 diff --git a/compiler_opt/rl/regalloc/vocab/hint_weights_by_max.buckets b/compiler_opt/rl/regalloc/vocab/hint_weights_by_max.buckets new file mode 100644 index 00000000..f1bab17d --- /dev/null +++ b/compiler_opt/rl/regalloc/vocab/hint_weights_by_max.buckets @@ -0,0 +1,999 @@ +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +6.94266e-13 +2.17803e-11 +8.3788e-11 +1.90081e-10 +3.87615e-10 +9.30979e-10 +2.67609e-09 +2.43075e-08 +1.19527e-07 +3.67088e-07 +8.98099e-07 +1.48049e-06 +2.23012e-06 +3.57951e-06 +7.01232e-06 +1.04333e-05 +1.57189e-05 +2.08324e-05 +2.61854e-05 +3.45953e-05 +4.44345e-05 +5.72817e-05 +7.10506e-05 +8.63859e-05 +0.000107551 +0.000127192 +0.000158574 +0.000197861 +0.000238408 +0.000291824 +0.000344179 +0.000406702 +0.000489042 +0.000576563 +0.000655553 +0.000749625 +0.000866699 +0.000970089 +0.00103254 +0.00116643 +0.0013116 +0.00141329 +0.00155039 +0.00171563 +0.00188029 +0.00199601 +0.00214455 +0.00236855 +0.0025717 +0.00267818 +0.00291083 +0.00305264 +0.0032621 +0.00346011 +0.00369169 +0.00388732 +0.00402599 +0.00429123 +0.00462562 +0.00488377 +0.00509763 +0.00530705 +0.00562342 +0.00583883 +0.00619675 +0.00653585 +0.00692374 +0.00733544 +0.00751767 +0.0078088 +0.008 +0.00833328 +0.00867045 +0.00915792 +0.00952381 +0.00979669 +0.0101351 +0.0104015 +0.0107829 +0.0113574 +0.0119048 +0.0124157 +0.0128514 +0.013348 +0.0137805 +0.0142774 +0.0147059 +0.0151848 +0.0155907 +0.0159454 +0.0164412 +0.0168239 +0.0174638 +0.0180454 +0.0185347 +0.0191143 +0.0195524 +0.0196078 +0.0201314 +0.0207288 +0.0211089 +0.0216794 +0.0224951 +0.0230809 +0.0238485 +0.0243944 +0.0250461 +0.0256972 +0.0262009 +0.0270728 +0.0277777 +0.0282857 +0.0288756 +0.0294113 +0.0299947 +0.0304744 +0.031083 +0.03125 +0.0317252 +0.0325417 +0.0332851 +0.0339736 +0.0350505 +0.0360136 +0.0369164 +0.0376506 +0.0384437 +0.0392026 +0.0394089 +0.0401893 +0.0413389 +0.0418021 +0.0426279 +0.0436864 +0.0442845 +0.0453573 +0.045977 +0.0467837 +0.0474851 +0.0480789 +0.0489338 +0.0498063 +0.05005 +0.0511115 +0.0520896 +0.0529431 +0.0539841 +0.054883 +0.0554169 +0.0559503 +0.0568765 +0.0575661 +0.0585236 +0.0588226 +0.0588235 +0.0590406 +0.0597991 +0.060639 +0.0615227 +0.0621004 +0.0625 +0.0627451 +0.0635638 +0.0640389 +0.0651042 +0.0660934 +0.0666667 +0.0676368 +0.0687541 +0.0696272 +0.0712074 +0.0727078 +0.0740741 +0.075455 +0.0767829 +0.077255 +0.0783562 +0.0797011 +0.0810384 +0.0825065 +0.0833333 +0.0834062 +0.0848825 +0.0861475 +0.0875706 +0.0887997 +0.0905754 +0.0917969 +0.0933828 +0.0946746 +0.0957937 +0.0976252 +0.0992219 +0.1 +0.101994 +0.103956 +0.105103 +0.106745 +0.108696 +0.110367 +0.111111 +0.111111 +0.111111 +0.11121 +0.113043 +0.114209 +0.115841 +0.117472 +0.117805 +0.119613 +0.121569 +0.124029 +0.125 +0.125 +0.125926 +0.127055 +0.128686 +0.131098 +0.132812 +0.133715 +0.135802 +0.136752 +0.138684 +0.140873 +0.142559 +0.143074 +0.144866 +0.146853 +0.148809 +0.150431 +0.152879 +0.155114 +0.156765 +0.15798 +0.16 +0.161229 +0.162873 +0.164634 +0.166023 +0.166664 +0.166667 +0.166667 +0.166667 +0.166667 +0.166667 +0.166667 +0.166667 +0.166667 +0.166708 +0.168874 +0.170604 +0.171425 +0.171757 +0.174033 +0.176036 +0.176468 +0.176925 +0.178807 +0.180876 +0.1831 +0.185389 +0.187417 +0.189081 +0.191237 +0.193309 +0.195371 +0.197881 +0.199999 +0.2 +0.2 +0.201505 +0.20399 +0.206349 +0.207216 +0.208333 +0.208337 +0.209422 +0.211872 +0.21457 +0.217392 +0.219858 +0.222185 +0.222222 +0.222222 +0.222222 +0.222807 +0.225753 +0.228851 +0.231955 +0.234807 +0.236549 +0.23884 +0.242424 +0.245522 +0.247807 +0.249756 +0.25 +0.25 +0.25 +0.25 +0.251392 +0.253479 +0.255708 +0.258835 +0.262097 +0.265638 +0.26859 +0.271196 +0.273504 +0.275848 +0.279503 +0.283784 +0.285714 +0.288941 +0.293773 +0.297741 +0.300751 +0.304895 +0.30841 +0.31249 +0.313726 +0.315583 +0.319691 +0.323232 +0.325843 +0.329196 +0.331832 +0.333084 +0.333332 +0.333333 +0.333333 +0.333333 +0.333333 +0.333333 +0.333333 +0.333333 +0.333333 +0.333333 +0.333333 +0.333333 +0.333333 +0.333333 +0.333333 +0.333333 +0.333333 +0.333333 +0.333333 +0.333333 +0.333333 +0.333355 +0.335047 +0.337838 +0.341177 +0.34375 +0.347339 +0.351533 +0.352941 +0.35679 +0.361891 +0.366391 +0.370666 +0.374702 +0.37663 +0.380952 +0.384154 +0.386139 +0.39066 +0.396562 +0.4 +0.400176 +0.404733 +0.409151 +0.410256 +0.410256 +0.410256 +0.410256 +0.413314 +0.416669 +0.42 +0.421906 +0.426667 +0.429688 +0.435925 +0.44117 +0.444444 +0.44737 +0.450602 +0.457237 +0.461839 +0.467354 +0.471212 +0.473337 +0.476191 +0.48 +0.484848 +0.487193 +0.492063 +0.49511 +0.498996 +0.499971 +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.5001 +0.501877 +0.505785 +0.509465 +0.514202 +0.515836 +0.520021 +0.52313 +0.527509 +0.530418 +0.534079 +0.540536 +0.544118 +0.548346 +0.551724 +0.557367 +0.563964 +0.571105 +0.574619 +0.57893 +0.585366 +0.592358 +0.599528 +0.601266 +0.60938 +0.614616 +0.616053 +0.619479 +0.625 +0.627438 +0.634921 +0.640845 +0.647224 +0.653846 +0.656248 +0.662404 +0.666504 +0.666667 +0.666667 +0.666667 +0.666667 +0.666667 +0.666667 +0.666667 +0.667 +0.670213 +0.677083 +0.681621 +0.686897 +0.692308 +0.698653 +0.705892 +0.714286 +0.722649 +0.727578 +0.735129 +0.743109 +0.746521 +0.75 +0.75 +0.752941 +0.757809 +0.761906 +0.769231 +0.777876 +0.787879 +0.798244 +0.800004 +0.808994 +0.8125 +0.820644 +0.829338 +0.835648 +0.844677 +0.855021 +0.865107 +0.875 +0.88693 +0.892218 +0.897401 +0.90625 +0.91348 +0.922929 +0.931818 +0.941176 +0.943502 +0.946734 +0.953069 +0.96 +0.967912 +0.971429 +0.975611 +0.983711 +0.99002 +0.994924 +0.998348 +0.99975 +0.999999 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 diff --git a/compiler_opt/rl/regalloc/vocab/hottest_bb_freq_by_max.buckets b/compiler_opt/rl/regalloc/vocab/hottest_bb_freq_by_max.buckets new file mode 100644 index 00000000..b7ad0093 --- /dev/null +++ b/compiler_opt/rl/regalloc/vocab/hottest_bb_freq_by_max.buckets @@ -0,0 +1,999 @@ +0 +0 +0 +0 +0 +9.35978e-13 +2.91038e-11 +1.81723e-10 +4.56396e-10 +4.65661e-10 +3.32407e-09 +3.07814e-08 +4.74802e-07 +1.80269e-06 +7.02438e-06 +1.25659e-05 +1.97648e-05 +2.89373e-05 +4.16458e-05 +6.10351e-05 +7.29821e-05 +8.61332e-05 +9.58155e-05 +0.000108984 +0.000120879 +0.000125488 +0.000152648 +0.000183108 +0.000201199 +0.000201199 +0.000250436 +0.000306201 +0.000344179 +0.000406874 +0.000487766 +0.000499493 +0.000560549 +0.000700377 +0.00083157 +0.000975038 +0.000976559 +0.00107708 +0.0013008 +0.00136455 +0.00150965 +0.00172284 +0.0019379 +0.00195312 +0.00201201 +0.00224242 +0.00249997 +0.00260863 +0.00285652 +0.00307804 +0.00317541 +0.00344616 +0.00353165 +0.00389105 +0.00389105 +0.00390673 +0.00401063 +0.00402402 +0.00402405 +0.00407125 +0.00455373 +0.005 +0.00548039 +0.005976 +0.00625 +0.0066983 +0.00734916 +0.00781441 +0.00797794 +0.00804805 +0.0086079 +0.00952044 +0.0104167 +0.0108593 +0.0114743 +0.0125 +0.0126989 +0.0130205 +0.0133234 +0.014652 +0.0153809 +0.01561 +0.01561 +0.0156796 +0.0161122 +0.0172167 +0.0183821 +0.0191494 +0.0203022 +0.0212768 +0.0223462 +0.0238934 +0.0247567 +0.02528 +0.0261899 +0.027599 +0.028975 +0.0294113 +0.030303 +0.0311317 +0.0311317 +0.0311317 +0.0312019 +0.0312204 +0.0312352 +0.0312352 +0.0312352 +0.0312463 +0.0312493 +0.0312493 +0.0312496 +0.0312499 +0.03125 +0.03125 +0.03125 +0.031313 +0.0321457 +0.0332346 +0.0346016 +0.0362673 +0.0367816 +0.036994 +0.0387452 +0.0399906 +0.0416277 +0.042739 +0.0450098 +0.0464394 +0.0476716 +0.0490797 +0.0492958 +0.0498144 +0.0499536 +0.0499907 +0.0499993 +0.05 +0.05 +0.05 +0.05 +0.05 +0.0500499 +0.0507559 +0.0511551 +0.0511551 +0.0512365 +0.0521851 +0.0531249 +0.0551471 +0.055352 +0.0570926 +0.0580111 +0.0586081 +0.0587537 +0.0588107 +0.0588211 +0.0588226 +0.0588226 +0.0588227 +0.0588228 +0.0588235 +0.0588235 +0.0588235 +0.0596741 +0.0608803 +0.0617395 +0.0621958 +0.0623169 +0.0624084 +0.0624857 +0.0624857 +0.0624857 +0.0624943 +0.0624991 +0.0624998 +0.0625 +0.0625 +0.0625 +0.0625 +0.0625 +0.0625004 +0.0627451 +0.0630311 +0.064257 +0.0653579 +0.0672257 +0.0687846 +0.0716482 +0.0739613 +0.076842 +0.0795798 +0.08 +0.0816327 +0.0833297 +0.0833333 +0.0833333 +0.0843442 +0.0874554 +0.0897352 +0.0909532 +0.0917964 +0.09375 +0.0966474 +0.0984375 +0.0993478 +0.0999991 +0.1 +0.100001 +0.101613 +0.104542 +0.10714 +0.109872 +0.112151 +0.113875 +0.115729 +0.11913 +0.121232 +0.123047 +0.124863 +0.124998 +0.125 +0.125 +0.126468 +0.127936 +0.128665 +0.129831 +0.133333 +0.13564 +0.140414 +0.142786 +0.144817 +0.14774 +0.152466 +0.154589 +0.1575 +0.160243 +0.162571 +0.164805 +0.166666 +0.166667 +0.169315 +0.173365 +0.180392 +0.186983 +0.18999 +0.194138 +0.197989 +0.1999 +0.201663 +0.20439 +0.208229 +0.213615 +0.217211 +0.223765 +0.225907 +0.234066 +0.237109 +0.242789 +0.246376 +0.249625 +0.249875 +0.249999 +0.25 +0.25 +0.252449 +0.257874 +0.261375 +0.266667 +0.270359 +0.276594 +0.288138 +0.296351 +0.298945 +0.30649 +0.312344 +0.312499 +0.312499 +0.312499 +0.312499 +0.312499 +0.312501 +0.312501 +0.312504 +0.312504 +0.312504 +0.312504 +0.312504 +0.312504 +0.312504 +0.31808 +0.32324 +0.328017 +0.330664 +0.333166 +0.3335 +0.339547 +0.34031 +0.340397 +0.340397 +0.340397 +0.340397 +0.340852 +0.344324 +0.347539 +0.351928 +0.357143 +0.35826 +0.366946 +0.372549 +0.374806 +0.374999 +0.375 +0.375 +0.375 +0.380952 +0.387525 +0.390625 +0.395135 +0.40625 +0.419142 +0.427427 +0.439423 +0.454352 +0.461665 +0.470426 +0.48 +0.484108 +0.485682 +0.492063 +0.496256 +0.498778 +0.499022 +0.499115 +0.499742 +0.499763 +0.499914 +0.499963 +0.499992 +0.499992 +0.499992 +0.499996 +0.499999 +0.499999 +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.500749 +0.508193 +0.515748 +0.524064 +0.533303 +0.538462 +0.544118 +0.545244 +0.551724 +0.551724 +0.551724 +0.551734 +0.563251 +0.573988 +0.584862 +0.598592 +0.598592 +0.598592 +0.598592 +0.599361 +0.6 +0.609892 +0.615875 +0.617647 +0.617647 +0.622817 +0.62469 +0.624994 +0.625 +0.625 +0.625 +0.625 +0.625019 +0.625214 +0.625557 +0.636364 +0.648472 +0.65622 +0.661206 +0.670577 +0.680798 +0.685854 +0.6875 +0.687502 +0.695073 +0.695652 +0.695652 +0.705883 +0.715804 +0.72271 +0.732861 +0.746308 +0.75 +0.753099 +0.766992 +0.783548 +0.793104 +0.793104 +0.793104 +0.793104 +0.793104 +0.793104 +0.7996 +0.8 +0.810454 +0.821873 +0.834356 +0.849948 +0.86329 +0.874968 +0.883435 +0.89245 +0.904765 +0.913493 +0.92335 +0.937052 +0.938875 +0.941176 +0.941183 +0.951377 +0.956095 +0.961519 +0.965503 +0.968023 +0.9686 +0.96875 +0.96875 +0.968854 +0.970282 +0.974977 +0.977615 +0.980307 +0.983173 +0.984375 +0.987181 +0.99119 +0.994135 +0.996481 +0.997988 +0.998162 +0.998601 +0.999001 +0.999001 +0.999108 +0.9995 +0.9995 +0.9995 +0.9995 +0.9995 +0.9995 +0.9995 +0.999502 +0.99975 +0.999812 +0.999812 +0.999812 +0.999813 +0.999846 +0.999938 +0.999983 +0.999988 +0.999999 +0.999999 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 diff --git a/compiler_opt/rl/regalloc/vocab/index_to_evict.buckets b/compiler_opt/rl/regalloc/vocab/index_to_evict.buckets new file mode 100644 index 00000000..aed09695 --- /dev/null +++ b/compiler_opt/rl/regalloc/vocab/index_to_evict.buckets @@ -0,0 +1,999 @@ +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +3 +3 +3 +3 +3 +3 +4 +4 +4 +4 +4 +4 +4 +4 +4 +4 +4 +4 +5 +5 +5 +6 +6 +7 +7 +7 +8 +8 +9 +9 +9 +9 +9 +9 +9 +9 +9 +9 +9 +9 +9 +9 +9 +9 +9 +9 +9 +9 +9 +9 +9 +9 +9 +9 +9 +9 +9 +9 +9 +9 +9 +9 +9 +9 +9 +9 +9 +9 +9 +9 +9 +9 +9 +9 +9 +9 +9 +9 +9 +9 +9 +9 +9 +9 +9 +9 +9 +9 +9 +9 +9 +9 +9 +9 +9 +9 +9 +9 +9 +9 +9 +9 +9 +9 +9 +9 +9 +9 +9 +9 +9 +9 +9 +9 +9 +9 +9 +9 +9 +9 +9 +9 +9 +9 +9 +9 +9 +9 +9 +9 +9 +9 +9 +9 +9 +9 +9 +9 +9 +9 +9 +9 +9 +9 +9 +9 +9 +9 +9 +9 +9 +9 +9 +9 +9 +9 +9 +9 +9 +9 +9 +9 +9 +9 +9 +9 +9 +9 +9 +9 +9 +9 +9 +9 +9 +9 +9 +9 +9 +9 +9 +9 +9 +9 +9 +9 +9 +9 +9 +9 +9 +9 +9 +9 +9 +9 +9 +9 +9 +9 +9 +9 +9 +9 +9 +9 +9 +9 +9 +9 +9 +9 +9 +9 +9 +9 +9 +10 +10 +10 +10 +10 +10 +10 +10 +10 +10 +10 +10 +10 +10 +10 +10 +10 +10 +10 +10 +10 +10 +10 +10 +10 +10 +10 +10 +10 +10 +10 +10 +10 +11 +11 +11 +11 +11 +11 +11 +11 +11 +11 +11 +11 +11 +11 +11 +11 +11 +11 +11 +11 +11 +11 +11 +11 +11 +11 +11 +11 +12 +12 +12 +12 +12 +12 +12 +12 +12 +12 +12 +12 +12 +12 +12 +12 +12 +12 +12 +12 +12 +12 +12 +12 +12 +12 +12 +12 +12 +13 +13 +13 +13 +13 +13 +13 +13 +13 +13 +13 +13 +13 +13 +13 +13 +13 +13 +13 +13 +13 +13 +13 +13 +13 +13 +13 +13 +14 +14 +14 +15 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 +32 diff --git a/compiler_opt/rl/regalloc/vocab/weighed_indvars.buckets b/compiler_opt/rl/regalloc/vocab/is_free.buckets similarity index 78% rename from compiler_opt/rl/regalloc/vocab/weighed_indvars.buckets rename to compiler_opt/rl/regalloc/vocab/is_free.buckets index f4df3562..11c9b551 100644 --- a/compiler_opt/rl/regalloc/vocab/weighed_indvars.buckets +++ b/compiler_opt/rl/regalloc/vocab/is_free.buckets @@ -931,69 +931,69 @@ 0 0 0 -1.28765e-13 -9.01764e-10 -0.000228451 -0.00652854 -0.0240805 -0.0294261 -0.0588523 -0.130235 -0.221804 -0.250122 -0.250122 -0.250125 -0.250125 -0.312666 -0.475294 -0.644981 -0.917229 -0.91842 -1.03079 -1.13038 -1.20037 -1.32192 -1.45351 -1.59003 -1.83598 -2.34662 -2.85714 -2.875 -3 -3.625 -3.67179 -3.67184 -3.88235 -5.04938 -5.71428 -6.71429 -8 -9.36264 -9.67897 -10.0235 -12.0045 -13.6191 -15.7381 -16.0588 -19.3685 -20 -21.9709 -27.6452 -31.875 -33.6198 -39.9375 -40 -40.0001 -41 -57.6452 -67.3436 -108.265 -149.936 -213.495 -256.988 -341.167 -480 -640.001 -1485.07 -5201.26 -10570.3 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +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 +1 +1 +1 +1 diff --git a/compiler_opt/rl/regalloc/vocab/is_local_split.buckets b/compiler_opt/rl/regalloc/vocab/is_hint.buckets similarity index 99% rename from compiler_opt/rl/regalloc/vocab/is_local_split.buckets rename to compiler_opt/rl/regalloc/vocab/is_hint.buckets index 2f262e37..05847f5c 100644 --- a/compiler_opt/rl/regalloc/vocab/is_local_split.buckets +++ b/compiler_opt/rl/regalloc/vocab/is_hint.buckets @@ -971,13 +971,13 @@ 0 0 0 -1 -1 -1 -1 -1 -1 -1 +0 +0 +0 +0 +0 +0 +0 1 1 1 diff --git a/compiler_opt/rl/regalloc/vocab/is_local.buckets b/compiler_opt/rl/regalloc/vocab/is_local.buckets new file mode 100644 index 00000000..05847f5c --- /dev/null +++ b/compiler_opt/rl/regalloc/vocab/is_local.buckets @@ -0,0 +1,999 @@ +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +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 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 diff --git a/compiler_opt/rl/regalloc/vocab/live_interval_weight.buckets b/compiler_opt/rl/regalloc/vocab/live_interval_weight.buckets deleted file mode 100644 index 6f55ff93..00000000 --- a/compiler_opt/rl/regalloc/vocab/live_interval_weight.buckets +++ /dev/null @@ -1,999 +0,0 @@ --55.5305 --47.869 --44.8467 --43.0485 --41.8535 --40.8398 --40.208 --39.793 --39.4718 --39.112 --38.8663 --38.7549 --38.4971 --38.138 --37.6007 --36.3977 --34.2334 --32.0937 --29.6571 --27.8683 --25.7233 --24.201 --23.3287 --22.7945 --22.1593 --21.4948 --21.0394 --20.6447 --20.35 --20.1782 --20.0019 --19.9257 --19.7681 --19.6811 --19.6811 --19.6445 --19.562 --19.4921 --19.3895 --19.3672 --19.2803 --19.1616 --19.1042 --19.0855 --19.05 --18.9822 --18.9562 --18.8551 --18.7595 --18.7595 --18.7595 --18.7085 --18.5371 --18.2777 --18.0192 --17.828 --17.583 --17.3648 --17.2111 --17.0123 --16.7995 --16.6138 --16.445 --16.3083 --16.1485 --16.0164 --15.8905 --15.7739 --15.6174 --15.4599 --15.3312 --15.2141 --15.0891 --14.983 --14.9042 --14.8214 --14.7104 --14.608 --14.5064 --14.4175 --14.3331 --14.2587 --14.1794 --14.0889 --14.0115 --13.956 --13.8938 --13.8322 --13.7708 --13.7147 --13.6574 --13.6167 --13.6052 --13.5425 --13.4922 --13.432 --13.3792 --13.333 --13.2819 --13.2377 --13.1918 --13.1354 --13.0869 --13.0728 --13.0538 --13.0242 --13.0215 --12.9807 --12.947 --12.9162 --12.8805 --12.8537 --12.8457 --12.828 --12.828 --12.7914 --12.7515 --12.7023 --12.6542 --12.6147 --12.5711 --12.5239 --12.5074 --12.5021 --12.4842 --12.4423 --12.4249 --12.4048 --12.3815 --12.3508 --12.3211 --12.285 --12.2488 --12.2088 --12.1714 --12.1392 --12.1337 --12.1036 --12.0733 --12.0731 --12.0386 --12.0363 --12.0046 --11.98 --11.9547 --11.9505 --11.9311 --11.9025 --11.8805 --11.8446 --11.828 --11.828 --11.8102 --11.7991 --11.7615 --11.7271 --11.6928 --11.6726 --11.6584 --11.6581 --11.6161 --11.5785 --11.5469 --11.5068 --11.4751 --11.4423 --11.4307 --11.4128 --11.3836 --11.3521 --11.3135 --11.2874 --11.2874 --11.2536 --11.214 --11.1726 --11.1392 --11.1177 --11.1095 --11.0731 --11.0417 --11.0101 --10.9809 --10.956 --10.9317 --10.9062 --10.8819 --10.8505 --10.8265 --10.8031 --10.784 --10.7534 --10.7272 --10.7035 --10.6737 --10.648 --10.6256 --10.6094 --10.6004 --10.5851 --10.5631 --10.5396 --10.5294 --10.5293 --10.5292 --10.5292 --10.5078 --10.4826 --10.4627 --10.4373 --10.415 --10.4004 --10.3905 --10.3641 --10.3518 --10.3406 --10.3145 --10.2944 --10.274 --10.272 --10.2669 --10.263 --10.263 --10.2503 --10.2317 --10.2121 --10.1951 --10.1815 --10.1665 --10.1497 --10.1267 --10.1078 --10.0841 --10.065 --10.0417 --10.0258 --10.009 --10 --10 --9.99178 --9.98 --9.98 --9.97728 --9.95525 --9.93253 --9.924 --9.91427 --9.90848 --9.89636 --9.89197 --9.88046 --9.88046 --9.86339 --9.84596 --9.83398 --9.82136 --9.80735 --9.7948 --9.78528 --9.76592 --9.75823 --9.75231 --9.74053 --9.73281 --9.72296 --9.71477 --9.69954 --9.68152 --9.67807 --9.67805 --9.6737 --9.65918 --9.64386 --9.627 --9.61226 --9.59868 --9.58496 --9.57779 --9.56183 --9.54728 --9.5401 --9.5401 --9.52924 --9.51475 --9.49731 --9.48543 --9.47415 --9.45688 --9.44508 --9.44097 --9.43065 --9.41875 --9.41861 --9.41859 --9.41859 --9.41067 --9.40035 --9.38753 --9.37888 --9.36647 --9.36415 --9.36414 --9.3549 --9.34651 --9.33629 --9.33142 --9.31786 --9.30757 --9.30722 --9.3072 --9.30685 --9.29566 --9.28499 --9.28485 --9.27311 --9.26479 --9.25866 --9.24793 --9.23594 --9.22775 --9.21831 --9.20936 --9.20287 --9.19479 --9.19474 --9.19474 --9.18936 --9.18532 --9.17526 --9.16992 --9.1578 --9.14977 --9.14484 --9.13365 --9.12322 --9.11417 --9.10174 --9.08858 --9.07679 --9.06848 --9.05904 --9.05904 --9.05002 --9.03876 --9.03521 --9.02793 --9.02378 --9.0131 --9.0021 --8.99389 --8.98564 --8.98302 --8.98302 --8.97728 --8.96696 --8.96292 --8.95803 --8.95109 --8.95105 --8.93984 --8.93674 --8.93672 --8.93672 --8.92568 --8.91401 --8.90451 --8.89525 --8.89254 --8.8913 --8.88632 --8.87741 --8.86795 --8.86307 --8.86305 --8.85798 --8.85084 --8.84363 --8.84204 --8.83044 --8.81837 --8.81092 --8.80735 --8.80735 --8.79854 --8.793 --8.78722 --8.77259 --8.77032 --8.76375 --8.7549 --8.75489 --8.75489 --8.75489 --8.75489 --8.75014 --8.74277 --8.74053 --8.74053 --8.74053 --8.74053 --8.73473 --8.72408 --8.72408 --8.72225 --8.72225 --8.71356 --8.70393 --8.70044 --8.68866 --8.68432 --8.67563 --8.67523 --8.6737 --8.6737 --8.66487 --8.66047 --8.65275 --8.64861 --8.64051 --8.64019 --8.63914 --8.63757 --8.63757 --8.63241 --8.63241 --8.62914 --8.6191 --8.616 --8.60892 --8.60098 --8.59323 --8.58496 --8.57727 --8.57061 --8.56962 --8.558 --8.55128 --8.5442 --8.53819 --8.53048 --8.52877 --8.5189 --8.50921 --8.49923 --8.49018 --8.48543 --8.4815 --8.4815 --8.4815 --8.4775 --8.46921 --8.45943 --8.44902 --8.44508 --8.44382 --8.43529 --8.43241 --8.42409 --8.4186 --8.41504 --8.40952 --8.40119 --8.40068 --8.39634 --8.38869 --8.38082 --8.37576 --8.36706 --8.36285 --8.35838 --8.35488 --8.35488 --8.35178 --8.35176 --8.34984 --8.34577 --8.34095 --8.33223 --8.32549 --8.32337 --8.32333 --8.32193 --8.32193 --8.31207 --8.30757 --8.30757 --8.30757 --8.30757 --8.30138 --8.29229 --8.28485 --8.27566 --8.27168 --8.26662 --8.26053 --8.25633 --8.24793 --8.23832 --8.23501 --8.23061 --8.22311 --8.21831 --8.20833 --8.20221 --8.19996 --8.19527 --8.19022 --8.18083 --8.17308 --8.16992 --8.16992 --8.16065 --8.15557 --8.14845 --8.13696 --8.132 --8.12773 --8.11777 --8.11493 --8.11375 --8.11375 --8.11317 --8.11313 --8.11313 --8.11168 --8.10256 --8.09184 --8.08638 --8.0799 --8.07311 --8.07311 --8.06817 --8.05889 --8.05173 --8.04439 --8.03562 --8.03004 --8.02713 --8.02449 --8.02449 --8.0205 --8.00801 --8 --7.99456 --7.99064 --7.99064 --7.98828 --7.98565 --7.98564 --7.98564 --7.98564 --7.98564 --7.9818 --7.97014 --7.9682 --7.96679 --7.96678 --7.96292 --7.96 --7.95936 --7.9542 --7.9498 --7.94382 --7.94382 --7.94382 --7.94267 --7.93984 --7.93984 --7.93674 --7.93401 --7.92754 --7.91832 --7.9099 --7.90689 --7.90569 --7.90535 --7.89725 --7.89287 --7.89254 --7.89254 --7.89254 --7.89254 --7.89208 --7.88175 --7.88161 --7.88161 --7.88042 --7.87317 --7.86542 --7.86011 --7.85798 --7.85561 --7.85552 --7.85552 --7.85552 --7.84967 --7.84363 --7.84363 --7.84363 --7.84363 --7.84363 --7.839 --7.82768 --7.81853 --7.81853 --7.8094 --7.80735 --7.80735 --7.80735 --7.80735 --7.80735 --7.79802 --7.79568 --7.793 --7.793 --7.793 --7.793 --7.793 --7.793 --7.78622 --7.78622 --7.77862 --7.76795 --7.75974 --7.75489 --7.75489 --7.75489 --7.75489 --7.74993 --7.74309 --7.74053 --7.74053 --7.74053 --7.74053 --7.74053 --7.74053 --7.74053 --7.74053 --7.74053 --7.74053 --7.74053 --7.74053 --7.74053 --7.74053 --7.74053 --7.74053 --7.74053 --7.74053 --7.74053 --7.74053 --7.74053 --7.74053 --7.74053 --7.74053 --7.74053 --7.73857 --7.72641 --7.72262 --7.72261 --7.72261 --7.71628 --7.70811 --7.70044 --7.69328 --7.68295 --7.67807 --7.6735 --7.6677 --7.66568 --7.66568 --7.66372 --7.65807 --7.65233 --7.64851 --7.63772 --7.63061 --7.62693 --7.62092 --7.61693 --7.61143 --7.60768 --7.60067 --7.60067 --7.60066 --7.60036 --7.58768 --7.58201 --7.57172 --7.57061 --7.56521 --7.55319 --7.5458 --7.5458 --7.54055 --7.53545 --7.52621 --7.5187 --7.51463 --7.51338 --7.50349 --7.49344 --7.49166 --7.49166 --7.48817 --7.48253 --7.47925 --7.47925 --7.47925 --7.47925 --7.4775 --7.47075 --7.46208 --7.45943 --7.44871 --7.44362 --7.43231 --7.42305 --7.42305 --7.42305 --7.41983 --7.41504 --7.40667 --7.39905 --7.3953 --7.37868 --7.37113 --7.36257 --7.35614 --7.35488 --7.35488 --7.3482 --7.33885 --7.32586 --7.32112 --7.30884 --7.30757 --7.29938 --7.29262 --7.28535 --7.27328 --7.27302 --7.27302 --7.26944 --7.26944 --7.26227 --7.25866 --7.25866 --7.24672 --7.23876 --7.22511 --7.21532 --7.20804 --7.20436 --7.19967 --7.18368 --7.17713 --7.16993 --7.16993 --7.16993 --7.16993 --7.16122 --7.15557 --7.15274 --7.13949 --7.12553 --7.12447 --7.12083 --7.11493 --7.10434 --7.09417 --7.08913 --7.07679 --7.06292 --7.04715 --7.03808 --7.02659 --7.01849 --7.00195 --6.99265 --6.9875 --6.98564 --6.98564 --6.98031 --6.9675 --6.96219 --6.95255 --6.94057 --6.9386 --6.93318 --6.92738 --6.91164 --6.89947 --6.89254 --6.88297 --6.87838 --6.86405 --6.86011 --6.85798 --6.85024 --6.84363 --6.83132 --6.82275 --6.80735 --6.793 --6.78159 --6.77593 --6.75629 --6.74172 --6.72261 --6.70359 --6.68608 --6.66743 --6.65257 --6.63233 --6.61791 --6.59731 --6.58496 --6.57061 --6.55268 --6.53605 --6.52356 --6.51785 --6.5025 --6.48796 --6.46266 --6.44508 --6.4293 --6.40518 --6.38774 --6.37187 --6.35388 --6.33076 --6.32287 --6.30757 --6.29444 --6.27554 --6.24502 --6.21831 --6.1966 --6.17665 --6.15557 --6.13322 --6.11493 --6.08441 --6.05317 --6.0296 --6.01468 --5.99265 --5.97218 --5.94905 --5.92235 --5.9167 --5.89288 --5.86771 --5.85103 --5.8262 --5.80876 --5.77715 --5.75118 --5.73584 --5.71685 --5.70713 --5.6941 --5.66942 --5.64382 --5.62227 --5.59368 --5.57061 --5.54117 --5.50944 --5.48353 --5.45463 --5.43428 --5.41797 --5.39954 --5.37421 --5.34063 --5.30694 --5.28065 --5.25154 --5.223 --5.20731 --5.18081 --5.1557 --5.12302 --5.09138 --5.05274 --5.02145 --4.98386 --4.93722 --4.91218 --4.88348 --4.86956 --4.84209 --4.80808 --4.77709 --4.74123 --4.70811 --4.68148 --4.66112 --4.63543 --4.60915 --4.57178 --4.52971 --4.49211 --4.47453 --4.43631 --4.40671 --4.37054 --4.32908 --4.29072 --4.26862 --4.23286 --4.18865 --4.15149 --4.11548 --4.08077 --4.03479 --3.9886 --3.95109 --3.91254 --3.8705 --3.83037 --3.79454 --3.77265 --3.74053 --3.70717 --3.65026 --3.60171 --3.57061 --3.54112 --3.5164 --3.49453 --3.46533 --3.43296 --3.4186 --3.39796 --3.34476 --3.30483 --3.25312 --3.22578 --3.17428 --3.12286 --3.07699 --3.05889 --3.02684 --2.99379 --2.95369 --2.89965 --2.87108 --2.84099 --2.78701 --2.75207 --2.70609 --2.6641 --2.62177 --2.54755 --2.48416 --2.41505 --2.3297 --2.22193 --2.1286 --2.04483 --1.95322 --1.85629 --1.72423 --1.60944 --1.4659 --1.31667 --1.16691 --0.980018 --0.831396 --0.714527 --0.554325 --0.400177 --0.273255 --0.109621 -0.0502544 -0.184055 -0.306799 -0.458057 -0.577079 -0.713893 -0.850857 -1.06016 -1.24796 -1.47465 -1.76543 -2.12699 -2.59349 -3.02484 -3.49779 -3.88355 -4.32191 -4.76482 -5.21574 -5.86251 -7.09311 -9.63077 diff --git a/compiler_opt/rl/regalloc/vocab/liverange_size.buckets b/compiler_opt/rl/regalloc/vocab/liverange_size.buckets index e91a76fc..7d10ab3e 100644 --- a/compiler_opt/rl/regalloc/vocab/liverange_size.buckets +++ b/compiler_opt/rl/regalloc/vocab/liverange_size.buckets @@ -1,999 +1,999 @@ -9 -12 -16 -17 -17 -17 -17 -17 -17 -17 -17 -17 -17 -24 -32 -32 -32 -32 -32 -32 -32 -32 -32 -32 -32 -32 -32 -32 -32 -32 -32 -32 -32 -32 -32 -32 -32 -32 -32 -32 -32 -32 -32 -32 -32 -32 -32 -32 -32 -32 -32 -32 -32 -32 -32 -32 -32 -32 -32 -32 -32 -32 -32 -32 -32 -32 -32 -32 -32 -32 -32 -32 -32 -32 -32 -32 -32 -32 -32 -32 -32 -32 -32 -32 -32 -32 -32 -32 -32 -32 -32 -32 -32 -32 -32 -32 -32 -32 -32 -32 -32 -32 -32 -32 -32 -32 -32 -32 -33 -40 -41 -48 -48 -48 -48 -48 -48 -48 -48 -48 -48 -48 -48 -48 -48 -48 -48 -48 -48 -48 -48 -48 -48 -48 -48 -48 -48 -48 -48 -48 -48 -48 -48 -48 -48 -48 -48 -48 -48 -48 -48 -48 -48 -48 -48 -48 -48 -48 -48 -48 -48 -48 -48 -48 -48 -48 -48 -48 -48 -48 -48 -48 -49 -56 -56 -56 -64 -64 -64 -64 -64 -64 -64 -64 -64 -64 -64 -64 -64 -64 -64 -64 -64 -64 -64 -64 -64 -64 -64 -64 -64 -64 -64 -64 -64 -64 -64 -64 -64 -64 -64 -64 -64 -64 -64 -64 -64 -64 -64 -64 -64 -64 -64 -64 -64 -64 -64 -64 -64 -64 -64 -64 -64 -64 -64 -64 -64 -64 -68 -72 -72 -80 -80 -80 -80 -80 -80 -80 -80 -80 -80 -80 -80 -80 -80 -80 -80 -80 -80 -80 -80 -80 -80 -80 -80 -80 -80 -80 -80 -80 -80 -80 -80 -80 -80 -80 -80 -80 -80 -80 -80 -80 -80 -80 -80 -80 -80 -80 -80 -80 -80 -80 -80 -80 -80 -80 -80 -80 -80 -80 -84 -84 -88 -94 -96 -96 -96 -96 -96 -96 -96 -96 -96 -96 -96 -96 -96 -96 -96 -96 -96 -96 -96 -96 -96 -96 -96 -96 -96 -96 -96 -96 -96 -96 -96 -96 -97 -104 -108 -112 -112 -112 -112 -112 -112 -112 -112 -112 -112 -112 -112 -112 -112 -112 -112 -112 -112 -112 -112 -112 -112 -112 -112 -112 -112 -112 -112 -112 -112 -112 -112 -112 -112 -112 -112 -112 -112 -112 -112 -112 -112 -112 -112 -113 -113 -113 -113 -113 -116 -120 -120 -120 -120 -120 -120 -120 -126 -128 -128 -128 -128 -128 -128 -128 -128 -128 -128 -128 -128 -128 -128 -128 -128 -128 -128 -128 -128 -128 -128 -129 -132 -136 -142 -144 -144 -144 -144 -144 -144 -144 -144 -144 -144 -144 -144 -144 -144 -144 -144 -144 -146 -152 -158 -158 -160 -160 -160 -160 -160 -160 -160 -160 -160 -160 -160 -160 -160 -160 -160 -160 -160 -160 -160 -160 -160 -160 -160 -160 -160 -160 -160 -160 -160 -160 -160 -162 -168 -174 -176 -176 -176 -176 -176 -176 -176 -176 -176 -176 -176 -176 -176 -180 -184 -190 -190 -190 -190 -190 -192 -192 -192 -192 -192 -192 -192 -192 -192 -192 -192 -192 -193 -194 -194 -194 -194 -194 -200 -200 -200 -206 -206 -208 -208 -208 -208 -208 -208 -208 -208 -208 -208 -210 -210 -210 -210 -210 -212 -212 -212 -216 -216 -222 -222 -222 -222 -224 -224 -224 -224 -224 -224 -224 -226 -232 -232 -238 -238 -240 -240 -240 -240 -240 -240 -240 -240 -240 -240 -240 -240 -240 -240 -240 -240 -240 -244 -252 -254 -254 -254 -256 -256 -256 -256 -256 -256 -258 -268 -270 -270 -270 -270 -270 -270 -270 -272 -272 -272 -272 -272 -280 -286 -286 -286 -286 -286 -288 -288 -288 -288 -288 -288 -288 -288 -288 -292 -302 -302 -302 -302 -304 -304 -304 -304 -312 -318 -318 -320 -320 -320 -320 -320 -322 -322 -322 -326 -334 -334 -334 -334 -336 -336 -336 -338 -348 -350 -350 -350 -350 -352 -352 -352 -354 -360 -360 -360 -366 -366 -368 -368 -368 -368 -368 -368 -368 -368 -368 -370 -370 -370 -376 -382 -382 -382 -384 -384 -386 -398 -398 -398 -398 -398 -400 -400 -400 -400 -400 -400 -408 -414 -414 -416 -416 -416 -428 -430 -430 -432 -432 -432 -432 -432 -446 -446 -446 -446 -448 -448 -450 -462 -462 -464 -464 -464 -468 -478 -478 -480 -480 -480 -482 -482 -482 -482 -482 -482 -494 -496 -496 -500 -510 -512 -512 -512 -512 -512 -512 -512 -512 -514 -520 -526 -526 -528 -528 -528 -528 -542 -542 -544 -544 -558 -560 -560 -560 -560 -560 -560 -562 -574 -576 -576 -576 -576 -584 -590 -590 -592 -592 -606 -608 -608 -620 -624 -624 -638 -638 -638 -638 -640 -642 -642 -642 -648 -648 -654 -656 -656 -658 -670 -672 -686 -686 -688 -692 -692 -702 -702 -704 -718 -718 -720 -734 -736 -744 -750 -752 -752 -766 -768 -768 -770 -782 -784 -784 -798 -798 -802 -816 -816 -830 -832 -848 -848 -862 -864 -878 -880 -880 -880 -894 -896 -910 -912 -912 -912 -912 -912 -912 -912 -928 -942 -944 -960 -962 -976 -990 -992 -1006 -1010 -1024 -1038 -1042 -1056 -1068 -1072 -1088 -1102 -1118 -1120 -1136 -1150 -1166 -1168 -1184 -1200 -1216 -1230 -1230 -1248 -1262 -1278 -1294 -1312 -1312 -1312 -1326 -1338 -1346 -1360 -1378 -1396 -1422 -1432 -1442 -1456 -1472 -1502 -1520 -1534 -1550 -1550 -1568 -1598 -1614 -1614 -1636 -1662 -1680 -1698 -1710 -1730 -1760 -1790 -1808 -1838 -1854 -1872 -1900 -1918 -1938 -1968 -1998 -2030 -2062 -2094 -2114 -2144 -2180 -2222 -2254 -2286 -2318 -2366 -2402 -2446 -2494 -2530 -2580 -2638 -2684 -2720 -2768 -2816 -2874 -2912 -2958 -2992 -3050 -3116 -3168 -3238 -3296 -3360 -3438 -3490 -3550 -3614 -3678 -3744 -3806 -3874 -3952 -4024 -4080 -4144 -4232 -4334 -4416 -4512 -4602 -4702 -4784 -4882 -4976 -5088 -5198 -5326 -5454 -5570 -5712 -5840 -5982 -6128 -6288 -6464 -6640 -6830 -7054 -7278 -7534 -7774 -8062 -8352 -8686 -8976 -9390 -9806 -10302 -10862 -11502 -12256 -13134 -14166 -15504 -17248 -19456 -22878 -28550 -44462 +0 +0 +0 +0 +0 +0.000438356 +0.000642788 +0.0009563 +0.00121946 +0.00166308 +0.00209232 +0.00267469 +0.00335641 +0.0039723 +0.00484496 +0.00571633 +0.00662674 +0.00752958 +0.00840336 +0.00934579 +0.0102267 +0.0112486 +0.0122233 +0.0131821 +0.0141791 +0.0151195 +0.0160858 +0.0169213 +0.0178571 +0.0186936 +0.0195574 +0.0204778 +0.0213333 +0.0222441 +0.0231432 +0.024027 +0.0248691 +0.0257269 +0.0265701 +0.0274869 +0.0284293 +0.029232 +0.0301284 +0.0308929 +0.0317996 +0.032783 +0.0338095 +0.0347976 +0.0357873 +0.0367559 +0.037682 +0.0386682 +0.0396753 +0.0406977 +0.0417244 +0.0427632 +0.0438089 +0.0448505 +0.0459082 +0.0469326 +0.0479157 +0.0489725 +0.0501055 +0.0512601 +0.0522876 +0.0533333 +0.0543338 +0.0553702 +0.0563574 +0.0575 +0.0585496 +0.0595616 +0.0606262 +0.0617021 +0.0627689 +0.0638298 +0.0649718 +0.0659134 +0.0669238 +0.0681199 +0.0691719 +0.0702384 +0.0714286 +0.072567 +0.0737105 +0.0748538 +0.0760489 +0.0772803 +0.0784314 +0.0795455 +0.0807254 +0.0819223 +0.0832923 +0.0843605 +0.0854701 +0.0866426 +0.0879815 +0.0891964 +0.0904779 +0.0916335 +0.0928683 +0.0941781 +0.0954064 +0.0967281 +0.0980257 +0.0992434 +0.100397 +0.101617 +0.102862 +0.104199 +0.105454 +0.106667 +0.107843 +0.109043 +0.110377 +0.11157 +0.112785 +0.114198 +0.11567 +0.117017 +0.118286 +0.119718 +0.121053 +0.122324 +0.123678 +0.125 +0.126336 +0.127642 +0.12892 +0.13023 +0.13172 +0.133148 +0.134548 +0.136054 +0.137289 +0.138661 +0.140221 +0.141733 +0.142926 +0.144376 +0.145826 +0.147322 +0.148513 +0.150034 +0.151618 +0.153179 +0.154589 +0.15625 +0.157785 +0.159479 +0.160976 +0.162648 +0.164368 +0.165817 +0.167315 +0.16895 +0.170593 +0.17214 +0.173866 +0.175802 +0.1775 +0.179132 +0.180807 +0.182493 +0.18421 +0.185897 +0.1875 +0.188995 +0.190855 +0.192067 +0.193698 +0.195302 +0.19697 +0.198913 +0.200529 +0.202381 +0.204225 +0.205729 +0.207529 +0.209091 +0.210963 +0.212743 +0.214559 +0.216433 +0.218129 +0.21978 +0.221559 +0.223716 +0.22549 +0.226545 +0.228571 +0.230399 +0.232205 +0.234196 +0.235963 +0.237918 +0.239744 +0.241727 +0.242977 +0.244942 +0.246818 +0.248918 +0.250505 +0.252289 +0.254232 +0.25641 +0.258278 +0.260417 +0.262462 +0.264307 +0.266394 +0.268429 +0.270388 +0.272667 +0.274648 +0.276794 +0.278688 +0.280715 +0.281938 +0.283944 +0.285714 +0.287903 +0.289728 +0.291983 +0.294216 +0.296136 +0.29826 +0.3 +0.302288 +0.304549 +0.306889 +0.30888 +0.31093 +0.313164 +0.315436 +0.317744 +0.319971 +0.321908 +0.324069 +0.326134 +0.327907 +0.329821 +0.331868 +0.333333 +0.334831 +0.336957 +0.338095 +0.340425 +0.342591 +0.34375 +0.346154 +0.347937 +0.349451 +0.351103 +0.353177 +0.355278 +0.357428 +0.359889 +0.361617 +0.363772 +0.365824 +0.368189 +0.37037 +0.372308 +0.374613 +0.376606 +0.378641 +0.380886 +0.382979 +0.384921 +0.387195 +0.388535 +0.390071 +0.392523 +0.394886 +0.396259 +0.398104 +0.4 +0.402062 +0.403223 +0.404762 +0.407172 +0.408163 +0.408757 +0.41077 +0.413244 +0.415584 +0.417581 +0.419355 +0.421458 +0.423729 +0.425855 +0.427161 +0.428571 +0.430556 +0.431655 +0.433242 +0.434783 +0.436893 +0.439252 +0.44174 +0.443956 +0.446015 +0.448276 +0.450747 +0.452406 +0.454834 +0.457143 +0.458964 +0.46135 +0.463158 +0.465419 +0.467056 +0.468903 +0.471157 +0.472707 +0.47486 +0.476621 +0.47874 +0.480938 +0.483247 +0.485714 +0.487745 +0.490196 +0.490446 +0.492462 +0.495107 +0.497321 +0.498818 +0.5 +0.500814 +0.503835 +0.505832 +0.507692 +0.509615 +0.510135 +0.511763 +0.514286 +0.516667 +0.518657 +0.520833 +0.522727 +0.523953 +0.526316 +0.528524 +0.530099 +0.532156 +0.534618 +0.536842 +0.537413 +0.539513 +0.541667 +0.543689 +0.545775 +0.548556 +0.550845 +0.553241 +0.555556 +0.557362 +0.55987 +0.562301 +0.564569 +0.566741 +0.568965 +0.571121 +0.573232 +0.575563 +0.577889 +0.58 +0.582465 +0.584575 +0.586957 +0.589291 +0.590939 +0.593016 +0.5952 +0.597444 +0.599906 +0.601362 +0.603448 +0.605018 +0.606948 +0.608844 +0.611058 +0.613208 +0.615537 +0.617892 +0.618243 +0.619863 +0.62194 +0.624046 +0.626315 +0.628604 +0.629811 +0.631868 +0.634218 +0.636364 +0.638889 +0.64 +0.642303 +0.644682 +0.64677 +0.648231 +0.650368 +0.650602 +0.652599 +0.654605 +0.656415 +0.658473 +0.660777 +0.662857 +0.664922 +0.666667 +0.668142 +0.670442 +0.672273 +0.674569 +0.676768 +0.678883 +0.681319 +0.683537 +0.685783 +0.687938 +0.69008 +0.692082 +0.692935 +0.695183 +0.696701 +0.698473 +0.700585 +0.702703 +0.704918 +0.706806 +0.708384 +0.710851 +0.713217 +0.714946 +0.717241 +0.719544 +0.721804 +0.723577 +0.725352 +0.727273 +0.728918 +0.730914 +0.732848 +0.734513 +0.736238 +0.738222 +0.740053 +0.741935 +0.743873 +0.74548 +0.747302 +0.74903 +0.75 +0.752163 +0.754237 +0.756098 +0.757576 +0.758984 +0.760563 +0.762051 +0.763795 +0.764706 +0.766085 +0.767487 +0.769231 +0.770889 +0.772487 +0.774101 +0.77563 +0.777143 +0.778289 +0.780255 +0.780405 +0.781488 +0.783251 +0.78464 +0.785972 +0.787647 +0.78942 +0.791179 +0.792716 +0.794764 +0.79661 +0.798354 +0.8 +0.801136 +0.803049 +0.804499 +0.805596 +0.806539 +0.807921 +0.809524 +0.811148 +0.8125 +0.813552 +0.814984 +0.816284 +0.817647 +0.818952 +0.820269 +0.82176 +0.822802 +0.824324 +0.825762 +0.826893 +0.828266 +0.829379 +0.830769 +0.83225 +0.833333 +0.835051 +0.836735 +0.838051 +0.839455 +0.840863 +0.842105 +0.843496 +0.844853 +0.846154 +0.847448 +0.848742 +0.85 +0.851147 +0.852534 +0.853881 +0.855263 +0.856562 +0.857588 +0.858942 +0.860215 +0.861539 +0.862534 +0.863872 +0.86504 +0.866188 +0.867188 +0.868421 +0.869565 +0.870722 +0.871921 +0.873147 +0.874349 +0.875286 +0.876326 +0.877193 +0.878262 +0.87878 +0.879925 +0.880903 +0.882042 +0.882353 +0.883227 +0.884383 +0.885403 +0.886364 +0.887266 +0.888427 +0.889375 +0.890487 +0.891432 +0.892273 +0.893276 +0.894346 +0.895312 +0.896338 +0.897266 +0.898138 +0.899167 +0.899926 +0.900532 +0.901646 +0.902637 +0.903494 +0.904379 +0.905263 +0.906088 +0.906977 +0.907827 +0.908571 +0.909091 +0.909998 +0.91081 +0.911489 +0.912423 +0.913043 +0.913669 +0.91453 +0.915361 +0.916022 +0.916798 +0.917647 +0.918443 +0.919314 +0.92 +0.920792 +0.921659 +0.922587 +0.923275 +0.924051 +0.924741 +0.925543 +0.926241 +0.927006 +0.927719 +0.928463 +0.929204 +0.930036 +0.930813 +0.93149 +0.932128 +0.932971 +0.933658 +0.934398 +0.935193 +0.935897 +0.936587 +0.93729 +0.938019 +0.93874 +0.939463 +0.940187 +0.940763 +0.941229 +0.941935 +0.942446 +0.943063 +0.943761 +0.944435 +0.945091 +0.945699 +0.946189 +0.946866 +0.947368 +0.948077 +0.948695 +0.949282 +0.949858 +0.950408 +0.950989 +0.951613 +0.952174 +0.952727 +0.953333 +0.953846 +0.954407 +0.95493 +0.95554 +0.956101 +0.956661 +0.957345 +0.95795 +0.958377 +0.95881 +0.959369 +0.959933 +0.960414 +0.96107 +0.961603 +0.962185 +0.962786 +0.963265 +0.963788 +0.964286 +0.964912 +0.96545 +0.965745 +0.96603 +0.96638 +0.96669 +0.967232 +0.967705 +0.968164 +0.968579 +0.969034 +0.969524 +0.969952 +0.970452 +0.97094 +0.971494 +0.97204 +0.972524 +0.972987 +0.973451 +0.973861 +0.974332 +0.974813 +0.975271 +0.975655 +0.975967 +0.976436 +0.976912 +0.977341 +0.977832 +0.978328 +0.97875 +0.979209 +0.97968 +0.980053 +0.980528 +0.980971 +0.981383 +0.981772 +0.982162 +0.982537 +0.982721 +0.983 +0.983177 +0.983563 +0.983974 +0.984365 +0.984642 +0.984998 +0.985396 +0.985814 +0.986207 +0.986644 +0.987013 +0.987372 +0.987699 +0.988042 +0.988439 +0.988775 +0.989116 +0.989433 +0.989789 +0.990132 +0.990451 +0.99074 +0.991031 +0.991301 +0.991628 +0.991934 +0.992221 +0.99244 +0.992694 +0.992952 +0.993161 +0.993418 +0.99363 +0.993883 +0.994128 +0.994346 +0.994502 +0.994721 +0.994934 +0.995143 +0.995368 +0.995576 +0.995771 +0.995956 +0.996173 +0.996362 +0.996536 +0.996728 +0.996888 +0.997083 +0.997246 +0.997442 +0.997623 +0.997802 +0.99799 +0.998134 +0.998292 +0.99844 +0.998611 +0.998797 +0.998998 +0.999175 +0.99937 +0.999639 +0.999825 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 diff --git a/compiler_opt/rl/regalloc/vocab/is_rematerializable.buckets b/compiler_opt/rl/regalloc/vocab/mask.buckets similarity index 95% rename from compiler_opt/rl/regalloc/vocab/is_rematerializable.buckets rename to compiler_opt/rl/regalloc/vocab/mask.buckets index f529c5dc..97858816 100644 --- a/compiler_opt/rl/regalloc/vocab/is_rematerializable.buckets +++ b/compiler_opt/rl/regalloc/vocab/mask.buckets @@ -861,49 +861,49 @@ 0 0 0 -0 -0 -0 -0 -0 -0 -0 -0 -0 -0 -0 -0 -0 -0 -0 -0 -0 -0 -0 -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 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 1 1 1 diff --git a/compiler_opt/rl/regalloc/vocab/max_stage.buckets b/compiler_opt/rl/regalloc/vocab/max_stage.buckets new file mode 100644 index 00000000..58a50fa6 --- /dev/null +++ b/compiler_opt/rl/regalloc/vocab/max_stage.buckets @@ -0,0 +1,999 @@ +0 +0 +0 +0 +0 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +2 +3 +3 +3 +3 +3 +3 +3 +3 +3 +3 +3 +4 +4 +4 +4 +4 +4 +4 +4 +4 +4 +4 +4 +4 +4 +4 +4 +4 +4 +4 +4 +4 +4 +4 +4 +4 +4 +4 +4 +4 +4 +4 +4 +4 +4 +4 +4 +4 diff --git a/compiler_opt/rl/regalloc/vocab/min_stage.buckets b/compiler_opt/rl/regalloc/vocab/min_stage.buckets new file mode 100644 index 00000000..aeb5c49b --- /dev/null +++ b/compiler_opt/rl/regalloc/vocab/min_stage.buckets @@ -0,0 +1,999 @@ +0 +0 +0 +0 +0 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +2 +3 +3 +3 +3 +3 +3 +4 +4 +4 +4 +4 +4 +4 +4 +4 +4 +4 +4 +4 +4 +4 +4 +4 +4 +4 +4 +4 +4 +4 +4 +4 +4 +4 +4 +4 +4 diff --git a/compiler_opt/rl/regalloc/vocab/nr_broken_hints.buckets b/compiler_opt/rl/regalloc/vocab/nr_broken_hints.buckets new file mode 100644 index 00000000..3171e557 --- /dev/null +++ b/compiler_opt/rl/regalloc/vocab/nr_broken_hints.buckets @@ -0,0 +1,999 @@ +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0.166667 +0.333333 +0.333333 +0.333333 +0.333333 +0.333333 +0.5 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 diff --git a/compiler_opt/rl/regalloc/vocab/nr_defs_and_uses.buckets b/compiler_opt/rl/regalloc/vocab/nr_defs_and_uses.buckets index 1a94ec3a..34474023 100644 --- a/compiler_opt/rl/regalloc/vocab/nr_defs_and_uses.buckets +++ b/compiler_opt/rl/regalloc/vocab/nr_defs_and_uses.buckets @@ -3,997 +3,997 @@ 0 0 0 -0 -0 -0 -0 -0 -0 -0 -0 -0 -0 -0 -0 -0 -0 -0 -0 -0 -0 -0 +0.00097561 +0.00178998 +0.00259067 +0.00330154 +0.00420168 +0.00479616 +0.00551471 +0.00641026 +0.00747331 +0.00833333 +0.00925926 +0.0101266 +0.0111111 +0.0119205 +0.0128205 +0.0136054 +0.0143885 +0.0151515 +0.015748 +0.0165017 +0.0172414 +0.018018 +0.0188679 +0.0196078 +0.0201342 +0.0204082 +0.021192 +0.0217391 +0.0225225 +0.0229885 +0.0238095 +0.0245902 +0.0252525 +0.025641 +0.0266667 +0.027027 +0.0277778 +0.028169 +0.0285714 +0.0291262 +0.030303 +0.030303 +0.0314465 +0.031746 +0.0325203 +0.0333333 +0.0333333 +0.0344828 +0.0350877 +0.0357143 +0.037037 +0.037037 +0.0379747 +0.0384615 +0.0392157 +0.0394737 +0.040404 +0.0416667 +0.0416667 +0.0416667 +0.0428571 +0.0434783 +0.0444444 +0.0444444 +0.0454546 +0.0458937 +0.046729 +0.047619 +0.047619 +0.047619 +0.0487805 +0.049505 +0.05 +0.0508475 +0.051282 +0.051282 +0.0515464 +0.0526316 +0.0530303 +0.0540541 +0.0547945 +0.0555556 +0.0555556 +0.0555556 +0.0560748 +0.0571429 +0.057971 +0.0588235 +0.0588235 +0.06 +0.0606061 +0.0606061 +0.0606061 +0.0606061 +0.0612245 +0.0625 +0.0625 +0.0634921 +0.0641026 +0.0650406 +0.0666667 +0.0666667 +0.0666667 +0.0666667 +0.0666667 +0.0674157 +0.0684932 +0.0693069 +0.0701754 +0.0714286 +0.0714286 +0.0714286 +0.0729167 +0.0740741 +0.0740741 +0.0740741 +0.0740741 +0.0740741 +0.0743243 +0.0754717 +0.0769231 +0.0769231 +0.0769231 +0.0775194 +0.0784314 +0.0792079 +0.08 +0.0810811 +0.0825688 +0.0833333 +0.0833333 +0.0833333 +0.0833333 +0.0833333 +0.0833333 +0.0833333 +0.0857143 +0.0862069 +0.0869565 +0.0882353 +0.0888889 +0.0891089 +0.0909091 +0.0909091 +0.0909091 +0.0909091 +0.0925926 +0.09375 +0.0952381 +0.0952381 +0.0952381 +0.0952381 +0.0952381 +0.0955631 +0.0967742 +0.0980392 +0.1 +0.1 +0.1 +0.1 +0.1 +0.102041 +0.102564 +0.102564 +0.103448 +0.104348 +0.105263 +0.106061 +0.107143 +0.108108 +0.109983 +0.111111 +0.111111 +0.111111 +0.111111 +0.111111 +0.111111 +0.111111 +0.111111 +0.111111 +0.111111 +0.111111 +0.114035 +0.115385 +0.115385 +0.116667 +0.117647 +0.117647 +0.119048 +0.12 +0.121212 +0.121212 +0.121212 +0.122807 +0.125 +0.125 +0.125 +0.125 +0.125 +0.125 +0.126984 +0.128205 +0.128205 +0.129252 +0.130435 +0.131579 +0.133333 +0.133333 +0.133333 +0.133333 +0.133333 +0.133333 +0.133333 +0.133333 +0.133929 +0.136364 +0.136364 +0.137931 +0.138889 +0.139535 +0.141177 +0.142857 +0.142857 +0.142857 +0.142857 +0.142857 +0.142857 +0.142857 +0.142857 +0.145833 +0.147368 +0.148148 +0.148148 +0.148148 +0.15 +0.15 +0.150406 +0.151515 +0.152542 +0.153846 +0.153846 +0.153846 +0.154762 +0.155738 +0.157143 +0.157895 +0.15873 +0.16 +0.16129 +0.1625 +0.166667 +0.166667 +0.166667 +0.166667 +0.166667 +0.166667 +0.166667 +0.166667 +0.166667 +0.166667 +0.166667 +0.166667 +0.166667 +0.166667 +0.170213 +0.171875 +0.172863 +0.173913 +0.176301 +0.176471 +0.176471 +0.178571 +0.179487 +0.181818 +0.181818 +0.181818 +0.181818 +0.181818 +0.183908 +0.185185 +0.185185 +0.1875 +0.1875 +0.1875 +0.189189 +0.190476 +0.190476 +0.190476 +0.191781 +0.192982 +0.194444 +0.196078 +0.2 +0.2 +0.2 +0.2 +0.2 +0.2 +0.2 +0.2 +0.2 +0.2 +0.2 +0.2 +0.203704 +0.205128 +0.206897 +0.208333 +0.208333 +0.210526 +0.210526 +0.212121 +0.214286 +0.214286 +0.214286 +0.216216 +0.217391 +0.21875 +0.222222 +0.222222 +0.222222 +0.222222 +0.222222 +0.222222 +0.222222 +0.222222 +0.222222 +0.222222 +0.222222 +0.222222 +0.224932 +0.226804 +0.227273 +0.230769 +0.230769 +0.230769 +0.230769 +0.230769 +0.233333 +0.235099 +0.235294 +0.235294 +0.238095 +0.238095 +0.238095 +0.23913 +0.240741 +0.242424 +0.244019 +0.25 +0.25 +0.25 +0.25 +0.25 +0.25 +0.25 +0.25 +0.25 +0.25 +0.25 +0.25 +0.25 +0.25 +0.25 +0.254902 +0.257246 +0.259259 +0.26087 +0.262295 +0.263158 +0.265306 +0.266667 +0.266667 +0.266667 +0.266667 +0.266667 +0.269231 +0.272727 +0.272727 +0.272727 +0.272727 +0.272727 +0.272727 +0.275862 +0.277778 +0.277778 +0.277778 +0.28 +0.282051 +0.285714 +0.285714 +0.285714 +0.285714 +0.285714 +0.285714 +0.285714 +0.285714 +0.285714 +0.287671 +0.291667 +0.291667 +0.294118 +0.294118 +0.296296 +0.297619 +0.3 +0.3 +0.3 +0.3 +0.3 +0.30303 +0.304348 +0.307692 +0.307692 +0.307692 +0.307692 +0.309524 +0.3125 +0.3125 +0.312977 +0.315789 +0.317073 +0.319149 +0.321429 +0.324324 +0.333333 +0.333333 +0.333333 +0.333333 +0.333333 +0.333333 +0.333333 +0.333333 +0.333333 +0.333333 +0.333333 +0.333333 +0.333333 +0.333333 +0.333333 +0.333333 +0.333333 +0.333333 +0.333333 +0.333333 +0.333333 +0.333333 +0.333333 +0.333333 +0.333333 +0.333333 +0.333333 +0.333333 +0.333333 +0.333333 +0.342857 +0.345679 +0.347826 +0.35 +0.350731 +0.352941 +0.354167 +0.357143 +0.357143 +0.357143 +0.36036 +0.363636 +0.363636 +0.363636 +0.363636 +0.363636 +0.367647 +0.368421 +0.372093 +0.375 +0.375 +0.375 +0.375 +0.375 +0.375 +0.378641 +0.380952 +0.380952 +0.384615 +0.384615 +0.384615 +0.384615 +0.388889 +0.388889 +0.391304 +0.393939 +0.4 +0.4 +0.4 +0.4 +0.4 +0.4 +0.4 +0.4 +0.4 +0.4 +0.4 +0.4 +0.4 +0.4 +0.405941 +0.409091 +0.411765 +0.411765 +0.416667 +0.416667 +0.416667 +0.416667 +0.416667 +0.419565 +0.421053 +0.425455 +0.428571 +0.428571 +0.428571 +0.428571 +0.428571 +0.428571 +0.429906 +0.433333 +0.4375 +0.4375 +0.4375 +0.44186 +0.444444 +0.444444 +0.444444 +0.444444 +0.444444 +0.444444 +0.444444 +0.444444 +0.45 +0.451613 +0.454545 +0.454545 +0.454545 +0.45614 +0.458333 +0.461538 +0.461538 +0.461538 +0.466667 +0.466667 +0.466667 +0.470588 +0.472222 +0.475 +0.477612 +0.481013 +0.483871 +0.489362 +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.510638 +0.516129 +0.52 +0.52381 +0.526316 +0.529412 +0.530303 +0.533333 +0.533333 +0.538462 +0.538462 +0.538462 +0.538462 +0.542857 +0.545455 +0.545455 +0.545455 +0.545455 +0.55 +0.555556 +0.555556 +0.555556 +0.555556 +0.555556 +0.555556 +0.557692 +0.5625 +0.5625 +0.565217 +0.571429 +0.571429 +0.571429 +0.571429 +0.571429 +0.571429 +0.574468 +0.578947 +0.583333 +0.583333 +0.583333 +0.584906 +0.588235 +0.592593 +0.6 +0.6 +0.6 +0.6 +0.6 +0.6 +0.6 +0.6 +0.6 +0.606061 +0.611111 +0.615385 +0.615385 +0.619048 +0.621849 +0.625 +0.625 +0.625 +0.625 +0.631579 +0.636364 +0.636364 +0.636364 +0.636364 +0.642857 +0.642857 +0.647059 +0.652174 +0.66 +0.666667 +0.666667 +0.666667 +0.666667 +0.666667 +0.666667 +0.666667 +0.666667 +0.666667 +0.666667 +0.666667 +0.666667 +0.666667 +0.666667 +0.666667 +0.666667 +0.680851 +0.68421 +0.6875 +0.692308 +0.692308 +0.7 +0.7 +0.7 +0.705882 +0.714286 +0.714286 +0.714286 +0.714286 +0.714286 +0.714286 +0.722222 +0.727273 +0.727273 +0.727273 +0.733333 +0.736842 +0.75 +0.75 +0.75 +0.75 +0.75 +0.75 +0.75 +0.75 +0.76 +0.764706 +0.769231 +0.769231 +0.777778 +0.777778 +0.777778 +0.777778 +0.785714 +0.789474 +0.8 +0.8 +0.8 +0.8 +0.8 +0.8 +0.8 +0.8 +0.8125 +0.818182 +0.818182 +0.818182 +0.823529 +0.833333 +0.833333 +0.833333 +0.833333 +0.833333 +0.833333 +0.842105 +0.846154 +0.85 +0.857143 +0.857143 +0.857143 +0.857143 +0.866667 +0.875 +0.875 +0.875 +0.882353 +0.888889 +0.888889 +0.891892 +0.9 +0.9 +0.909091 +0.909091 +0.914286 +0.916667 +0.923077 +0.928571 +0.933333 +0.9375 +0.944444 +0.952381 +0.964912 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 1 -2 -2 -2 -2 -2 -2 -2 -2 -2 -2 -2 -2 -2 -2 -2 -2 -2 -2 -2 -2 -2 -2 -2 -2 -2 -2 -2 -2 -2 -2 -2 -2 -2 -2 -2 -2 -2 -2 -2 -2 -2 -2 -2 -2 -2 -2 -2 -2 -2 -2 -2 -2 -2 -2 -2 -2 -2 -2 -2 -2 -2 -2 -2 -2 -2 -2 -2 -2 -2 -2 -2 -2 -2 -2 -2 -2 -2 -2 -2 -2 -2 -2 -2 -2 -2 -2 -2 -2 -2 -2 -2 -2 -2 -2 -2 -2 -2 -2 -2 -2 -2 -2 -2 -2 -2 -2 -2 -2 -2 -2 -2 -2 -2 -2 -2 -2 -2 -2 -2 -2 -2 -2 -2 -2 -2 -2 -2 -2 -2 -2 -2 -2 -2 -2 -2 -2 -2 -2 -2 -2 -2 -2 -2 -2 -2 -2 -2 -2 -2 -2 -2 -2 -2 -2 -2 -2 -2 -2 -2 -2 -2 -2 -2 -2 -2 -2 -2 -2 -2 -2 -2 -2 -2 -2 -2 -2 -2 -2 -2 -2 -2 -2 -2 -2 -2 -2 -2 -2 -2 -2 -2 -2 -2 -2 -2 -2 -2 -2 -2 -2 -2 -2 -2 -2 -2 -2 -2 -2 -2 -2 -2 -2 -2 -2 -2 -2 -2 -2 -2 -2 -2 -2 -2 -2 -2 -2 -2 -2 -2 -2 -2 -2 -2 -2 -2 -2 -2 -2 -2 -2 -2 -2 -2 -2 -2 -2 -2 -2 -2 -2 -2 -2 -2 -2 -2 -2 -2 -2 -2 -2 -2 -2 -2 -2 -2 -2 -2 -2 -2 -2 -2 -2 -2 -2 -2 -2 -2 -2 -2 -2 -2 -3 -3 -3 -3 -3 -3 -3 -3 -3 -3 -3 -3 -3 -3 -3 -3 -3 -3 -3 -3 -3 -3 -3 -3 -3 -3 -3 -3 -3 -3 -3 -3 -3 -3 -3 -3 -3 -3 -3 -3 -3 -3 -3 -3 -3 -3 -3 -3 -3 -3 -3 -3 -3 -3 -3 -3 -3 -3 -3 -3 -3 -3 -3 -3 -3 -3 -3 -3 -3 -3 -3 -3 -3 -3 -3 -3 -3 -3 -3 -3 -3 -3 -3 -3 -3 -3 -3 -3 -3 -3 -3 -3 -3 -3 -3 -3 -3 -3 -3 -3 -3 -3 -3 -3 -3 -3 -3 -3 -3 -3 -3 -3 -3 -3 -3 -3 -3 -3 -3 -3 -3 -3 -3 -3 -3 -3 -3 -3 -3 -3 -3 -3 -3 -3 -3 -3 -3 -3 -3 -3 -3 -3 -3 -3 -3 -3 -3 -3 -3 -3 -3 -3 -3 -3 -3 -3 -3 -3 -3 -3 -3 -3 -3 -3 -3 -3 -3 -3 -3 -3 -3 -3 -3 -3 -3 -3 -3 -3 -3 -3 -3 -3 -3 -3 -3 -3 -3 -3 -3 -3 -3 -3 -3 -3 -3 -3 -3 -3 -3 -3 -3 -3 -3 -3 -3 -3 -3 -3 -3 -3 -3 -3 -3 -3 -3 -3 -3 -3 -3 -3 -3 -3 -3 -3 -3 -3 -3 -3 -3 -4 -4 -4 -4 -4 -4 -4 -4 -4 -4 -4 -4 -4 -4 -4 -4 -4 -4 -4 -4 -4 -4 -4 -4 -4 -4 -4 -4 -4 -4 -4 -4 -4 -4 -4 -4 -4 -4 -4 -4 -4 -4 -4 -4 -4 -4 -4 -4 -4 -4 -4 -4 -4 -4 -4 -4 -4 -4 -4 -4 -4 -4 -4 -4 -4 -4 -4 -4 -4 -4 -4 -4 -4 -4 -4 -4 -4 -4 -4 -4 -4 -4 -4 -4 -4 -4 -4 -4 -4 -4 -4 -4 -4 -4 -4 -4 -4 -4 -4 -4 -4 -4 -4 -4 -4 -4 -4 -4 -4 -4 -4 -4 -4 -4 -4 -4 -4 -4 -4 -4 -4 -4 -4 -4 -4 -4 -4 -4 -5 -5 -5 -5 -5 -5 -5 -5 -5 -5 -5 -5 -5 -5 -5 -5 -5 -5 -5 -5 -5 -5 -5 -5 -5 -5 -5 -5 -5 -5 -5 -5 -5 -5 -5 -5 -5 -5 -5 -5 -5 -5 -5 -5 -5 -5 -5 -5 -5 -5 -5 -5 -5 -5 -5 -5 -5 -5 -5 -5 -5 -5 -5 -5 -5 -5 -5 -5 -5 -5 -5 -5 -5 -5 -5 -5 -5 -5 -5 -5 -5 -5 -6 -6 -6 -6 -6 -6 -6 -6 -6 -6 -6 -6 -6 -6 -6 -6 -6 -6 -6 -6 -6 -6 -6 -6 -6 -6 -6 -6 -6 -6 -6 -6 -6 -6 -6 -6 -6 -6 -6 -6 -6 -6 -6 -6 -6 -6 -6 -6 -6 -6 -6 -6 -6 -6 -6 -6 -6 -6 -6 -6 -6 -6 -6 -6 -6 -6 -6 -6 -6 -6 -7 -7 -7 -7 -7 -7 -7 -7 -7 -7 -7 -7 -7 -7 -7 -7 -7 -7 -7 -7 -7 -7 -7 -7 -7 -7 -7 -7 -7 -7 -7 -7 -7 -7 -7 -7 -7 -7 -7 -7 -7 -7 -7 -7 -7 -7 -7 -7 -7 -7 -7 -8 -8 -8 -8 -8 -8 -8 -8 -8 -8 -8 -8 -8 -8 -8 -8 -8 -8 -8 -8 -8 -8 -8 -8 -8 -8 -8 -8 -8 -8 -8 -8 -8 -8 -8 -8 -8 -8 -8 -8 -9 -9 -9 -9 -9 -9 -9 -9 -9 -9 -9 -9 -9 -9 -9 -9 -9 -9 -9 -9 -9 -9 -10 -10 -10 -10 -10 -10 -10 -10 -10 -10 -10 -10 -11 -11 -11 -11 -11 -11 -11 -11 -11 -11 -11 -11 -11 -12 -12 -12 -12 -12 -12 -13 -13 -13 -13 -13 -13 -13 -14 -14 -14 -14 -14 -14 -15 -15 -15 -15 -16 -16 -17 -17 -17 -18 -18 -19 -20 -20 -21 -22 -23 -24 -25 -27 -29 -32 -36 -41 -47 -60 -90 diff --git a/compiler_opt/rl/regalloc/vocab/nr_rematerializable.buckets b/compiler_opt/rl/regalloc/vocab/nr_rematerializable.buckets new file mode 100644 index 00000000..60134ab3 --- /dev/null +++ b/compiler_opt/rl/regalloc/vocab/nr_rematerializable.buckets @@ -0,0 +1,999 @@ +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0.111111 +0.181818 +0.333333 +0.333333 +0.333333 +0.333333 +0.333333 +0.333333 +0.333333 +0.333333 +0.333333 +0.333333 +0.333333 +0.5 +0.5 +0.5 +0.95 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 diff --git a/compiler_opt/rl/regalloc/vocab/reward.buckets b/compiler_opt/rl/regalloc/vocab/nr_urgent.buckets similarity index 100% rename from compiler_opt/rl/regalloc/vocab/reward.buckets rename to compiler_opt/rl/regalloc/vocab/nr_urgent.buckets diff --git a/compiler_opt/rl/regalloc/vocab/progress.buckets b/compiler_opt/rl/regalloc/vocab/progress.buckets new file mode 100644 index 00000000..5b87e4be --- /dev/null +++ b/compiler_opt/rl/regalloc/vocab/progress.buckets @@ -0,0 +1,999 @@ +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0.0628272 +0.0857143 +0.102564 +0.113333 +0.125 +0.140857 +0.151515 +0.166667 +0.182927 +0.2 +0.210526 +0.214286 +0.214286 +0.214286 +0.214286 +0.214286 +0.217822 +0.234043 +0.25 +0.263158 +0.277778 +0.285714 +0.299194 +0.307692 +0.315789 +0.323077 +0.333333 +0.333333 +0.338461 +0.345679 +0.352941 +0.357143 +0.357143 +0.36 +0.366667 +0.375 +0.380952 +0.387097 +0.392523 +0.4 +0.4 +0.40625 +0.411765 +0.416667 +0.421687 +0.428571 +0.428571 +0.434108 +0.439446 +0.444444 +0.447514 +0.451613 +0.454545 +0.45946 +0.464286 +0.466667 +0.471074 +0.475728 +0.48 +0.483871 +0.487871 +0.493506 +0.5 +0.5 +0.5 +0.5 +0.5 +0.505836 +0.510638 +0.514493 +0.516483 +0.52 +0.522988 +0.526316 +0.529412 +0.532609 +0.534884 +0.538462 +0.540541 +0.544118 +0.54562 +0.548387 +0.55 +0.554084 +0.555556 +0.558824 +0.5625 +0.564417 +0.567568 +0.571429 +0.571429 +0.571429 +0.571429 +0.573009 +0.576271 +0.578947 +0.580745 +0.583333 +0.586207 +0.589286 +0.590909 +0.59375 +0.597232 +0.6 +0.6 +0.6 +0.60221 +0.606061 +0.608696 +0.611111 +0.613333 +0.615385 +0.618182 +0.619718 +0.622222 +0.625 +0.625 +0.626168 +0.629507 +0.631579 +0.633929 +0.636364 +0.638201 +0.64 +0.642857 +0.644445 +0.647059 +0.648649 +0.651376 +0.653414 +0.655814 +0.658301 +0.66129 +0.665434 +0.666667 +0.666667 +0.666667 +0.666667 +0.666667 +0.670103 +0.673077 +0.675526 +0.677725 +0.68 +0.681979 +0.68421 +0.68595 +0.6875 +0.689655 +0.692308 +0.69403 +0.695804 +0.698113 +0.7 +0.7 +0.700935 +0.703704 +0.705882 +0.707547 +0.709302 +0.711111 +0.714286 +0.714286 +0.714286 +0.714286 +0.714286 +0.714286 +0.714286 +0.716981 +0.719046 +0.721116 +0.722222 +0.724638 +0.727273 +0.727273 +0.728448 +0.730878 +0.733333 +0.734694 +0.736842 +0.738462 +0.74026 +0.742424 +0.744681 +0.747253 +0.75 +0.75 +0.75 +0.75 +0.75 +0.753425 +0.755556 +0.757576 +0.76 +0.76 +0.761905 +0.763441 +0.764957 +0.767442 +0.769231 +0.769231 +0.772727 +0.774194 +0.77686 +0.777778 +0.777778 +0.777778 +0.78125 +0.782609 +0.785146 +0.785714 +0.785714 +0.785714 +0.7875 +0.789474 +0.791349 +0.793104 +0.794118 +0.795918 +0.798995 +0.8 +0.8 +0.8 +0.8 +0.8 +0.801075 +0.803922 +0.806061 +0.807018 +0.808511 +0.810085 +0.8125 +0.8125 +0.813954 +0.815217 +0.817276 +0.818182 +0.818182 +0.818182 +0.819672 +0.821429 +0.823529 +0.823529 +0.825 +0.826087 +0.827586 +0.828571 +0.829787 +0.832599 +0.833333 +0.833333 +0.833333 +0.833333 +0.833333 +0.835051 +0.837209 +0.837838 +0.839506 +0.84 +0.842105 +0.842105 +0.84375 +0.845455 +0.846154 +0.846154 +0.846154 +0.847561 +0.848958 +0.85 +0.85 +0.851852 +0.852941 +0.853801 +0.856305 +0.857143 +0.857143 +0.857143 +0.857143 +0.857143 +0.857143 +0.85895 +0.860465 +0.861539 +0.862333 +0.863636 +0.863636 +0.865079 +0.866667 +0.866667 +0.866667 +0.866667 +0.868421 +0.869565 +0.869565 +0.870968 +0.871795 +0.872727 +0.875 +0.875 +0.875 +0.875 +0.875 +0.877551 +0.878788 +0.879518 +0.88 +0.880531 +0.882033 +0.882353 +0.882353 +0.882353 +0.884615 +0.884615 +0.884817 +0.885714 +0.886905 +0.888889 +0.888889 +0.888889 +0.888889 +0.890208 +0.891304 +0.892308 +0.892857 +0.893617 +0.894737 +0.894737 +0.895161 +0.896552 +0.896552 +0.897655 +0.898551 +0.9 +0.9 +0.9 +0.900452 +0.901709 +0.902778 +0.903226 +0.90404 +0.904762 +0.904762 +0.90566 +0.90625 +0.906977 +0.907692 +0.909091 +0.909091 +0.909091 +0.91 +0.911111 +0.911765 +0.912281 +0.913043 +0.913043 +0.91358 +0.914286 +0.915151 +0.915493 +0.916667 +0.916667 +0.916667 +0.917808 +0.918831 +0.919355 +0.92 +0.92 +0.920213 +0.921053 +0.922078 +0.923077 +0.923077 +0.923077 +0.924051 +0.925 +0.92562 +0.925926 +0.926829 +0.927419 +0.928571 +0.928571 +0.928571 +0.929825 +0.930435 +0.931035 +0.931529 +0.932203 +0.933333 +0.933333 +0.934066 +0.934959 +0.935484 +0.935829 +0.936652 +0.937391 +0.9375 +0.938144 +0.938775 +0.939394 +0.939732 +0.940594 +0.941176 +0.941606 +0.942308 +0.942857 +0.943396 +0.944444 +0.944444 +0.945206 +0.945946 +0.946429 +0.947368 +0.947368 +0.948276 +0.948718 +0.949153 +0.95 +0.950413 +0.951219 +0.951613 +0.952055 +0.952562 +0.953488 +0.953875 +0.954545 +0.955357 +0.955882 +0.956522 +0.957143 +0.957747 +0.958333 +0.959184 +0.96 +0.960526 +0.961098 +0.961722 +0.962389 +0.962963 +0.963636 +0.964286 +0.965116 +0.965714 +0.966292 +0.967033 +0.967742 +0.968504 +0.969231 +0.96988 +0.970588 +0.971429 +0.972222 +0.972973 +0.973913 +0.974654 +0.97546 +0.976298 +0.977143 +0.978022 +0.978947 +0.979798 +0.980769 +0.981651 +0.982759 +0.98374 +0.984946 +0.986175 +0.987395 +0.988554 +0.99 +0.99187 +0.994253 +0.998481 diff --git a/compiler_opt/rl/regalloc/vocab/start_bb_freq_by_max.buckets b/compiler_opt/rl/regalloc/vocab/start_bb_freq_by_max.buckets new file mode 100644 index 00000000..9f1b95eb --- /dev/null +++ b/compiler_opt/rl/regalloc/vocab/start_bb_freq_by_max.buckets @@ -0,0 +1,999 @@ +0 +0 +0 +0 +0 +3.31212e-13 +1.69373e-11 +7.84276e-11 +1.82399e-10 +3.27849e-10 +4.65488e-10 +4.65661e-10 +8.4272e-10 +5.34383e-09 +6.31124e-08 +5.96047e-07 +3.32812e-06 +9.90166e-06 +2.51871e-05 +2.95163e-05 +3.12496e-05 +5.73858e-05 +6.28758e-05 +9.76557e-05 +0.000122072 +0.00014665 +0.000186316 +0.000234559 +0.000249875 +0.000306201 +0.000344179 +0.000430588 +0.000496517 +0.00049975 +0.000589826 +0.000772499 +0.000884522 +0.000952172 +0.000976557 +0.000976682 +0.000976682 +0.00109866 +0.00130145 +0.00146484 +0.00156281 +0.00172991 +0.00190738 +0.00195307 +0.0019536 +0.00201199 +0.00201207 +0.00204247 +0.00225254 +0.00249875 +0.0026457 +0.0029304 +0.00307647 +0.00316255 +0.00344616 +0.00353165 +0.00378464 +0.00384545 +0.00390625 +0.00390816 +0.00402403 +0.00402592 +0.00430752 +0.00499881 +0.00536537 +0.00586224 +0.00615234 +0.00622574 +0.00643844 +0.00690315 +0.00735285 +0.00781952 +0.00804829 +0.00824428 +0.00919089 +0.0100149 +0.0103751 +0.0104919 +0.0109627 +0.0114099 +0.0114099 +0.0114318 +0.0117647 +0.0125388 +0.0128677 +0.0133397 +0.0138972 +0.0146836 +0.015043 +0.015625 +0.0164156 +0.0173214 +0.0183908 +0.01875 +0.0191021 +0.020005 +0.0209447 +0.0219375 +0.0226019 +0.023405 +0.0247525 +0.0257538 +0.0269965 +0.0278433 +0.0289855 +0.0293542 +0.0293979 +0.0294114 +0.0297175 +0.0304673 +0.0305164 +0.0305164 +0.0307692 +0.0308953 +0.0310607 +0.0311317 +0.0311355 +0.0312019 +0.0312047 +0.0312352 +0.0312352 +0.0312352 +0.0312352 +0.0312352 +0.0312419 +0.0312448 +0.0312482 +0.0312494 +0.0312498 +0.0312499 +0.03125 +0.03125 +0.03125 +0.03125 +0.03125 +0.0312509 +0.0313112 +0.0313726 +0.0313726 +0.0313726 +0.0313726 +0.0313726 +0.0313726 +0.0313726 +0.0313726 +0.0317335 +0.0322175 +0.0332653 +0.0335196 +0.0335196 +0.0345912 +0.0360753 +0.0367458 +0.0367816 +0.0373311 +0.0380228 +0.0397515 +0.0416667 +0.0433018 +0.0453183 +0.0468503 +0.0470588 +0.047619 +0.0488722 +0.04918 +0.0492958 +0.0496288 +0.0498621 +0.0499927 +0.0499999 +0.05 +0.05 +0.05 +0.05 +0.05 +0.05 +0.0501567 +0.0508664 +0.0511551 +0.0511551 +0.051277 +0.0525296 +0.0539709 +0.0551471 +0.055526 +0.056582 +0.0578655 +0.0580111 +0.0586081 +0.0587341 +0.0587959 +0.0588215 +0.0588226 +0.0588226 +0.0588227 +0.0588229 +0.0588235 +0.0588235 +0.0588235 +0.0593262 +0.0610329 +0.0614714 +0.0615836 +0.0620117 +0.0622711 +0.0624347 +0.0624857 +0.0624992 +0.0625 +0.0625 +0.0625 +0.0625144 +0.0627451 +0.0629921 +0.0635476 +0.0661172 +0.0684094 +0.0707965 +0.0731348 +0.0754717 +0.0766629 +0.0789474 +0.08 +0.0801288 +0.0823529 +0.0832754 +0.0852156 +0.0874588 +0.0900002 +0.0921053 +0.09375 +0.0949124 +0.0966801 +0.0980392 +0.0985915 +0.0991199 +0.099978 +0.1 +0.10058 +0.102007 +0.103855 +0.104532 +0.106383 +0.107958 +0.109745 +0.111059 +0.112925 +0.114286 +0.115729 +0.117188 +0.119266 +0.121569 +0.122124 +0.122768 +0.123273 +0.123853 +0.124573 +0.124899 +0.125 +0.125 +0.125245 +0.126386 +0.127139 +0.130651 +0.134785 +0.137732 +0.141086 +0.142617 +0.143643 +0.148824 +0.152389 +0.152941 +0.15625 +0.16 +0.164706 +0.166293 +0.166667 +0.17316 +0.180703 +0.186256 +0.1875 +0.1875 +0.190476 +0.190476 +0.190476 +0.194853 +0.199363 +0.2 +0.209484 +0.213615 +0.220588 +0.22721 +0.23398 +0.234531 +0.239271 +0.244095 +0.246696 +0.247059 +0.247059 +0.249201 +0.249817 +0.249997 +0.25 +0.25 +0.25 +0.25 +0.25 +0.253968 +0.258065 +0.258151 +0.263947 +0.273678 +0.290622 +0.297344 +0.303922 +0.309524 +0.309524 +0.312188 +0.312499 +0.312499 +0.312499 +0.312499 +0.312499 +0.3125 +0.312501 +0.312501 +0.312504 +0.312504 +0.312504 +0.312504 +0.312504 +0.312504 +0.312504 +0.318699 +0.320403 +0.333167 +0.333333 +0.338235 +0.339547 +0.339984 +0.340397 +0.340397 +0.340397 +0.340397 +0.340429 +0.340681 +0.344828 +0.352078 +0.357143 +0.357143 +0.359993 +0.36485 +0.372294 +0.373762 +0.374725 +0.374989 +0.375 +0.375 +0.375 +0.375 +0.375691 +0.380952 +0.388186 +0.390625 +0.391705 +0.399805 +0.417139 +0.436818 +0.449452 +0.466912 +0.470588 +0.476191 +0.480243 +0.483871 +0.490323 +0.492063 +0.496063 +0.496063 +0.497696 +0.498039 +0.499001 +0.4995 +0.49975 +0.499887 +0.499943 +0.499985 +0.499992 +0.499997 +0.499998 +0.499998 +0.499998 +0.499999 +0.499999 +0.499999 +0.499999 +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.507936 +0.522362 +0.531277 +0.542857 +0.544685 +0.544686 +0.544697 +0.549536 +0.569679 +0.585706 +0.589862 +0.602012 +0.615385 +0.617647 +0.617647 +0.617647 +0.619048 +0.619048 +0.622532 +0.62438 +0.624908 +0.624971 +0.62499 +0.624998 +0.625 +0.625 +0.625 +0.625 +0.625 +0.625 +0.625 +0.625 +0.625019 +0.625038 +0.625287 +0.625331 +0.62542 +0.625616 +0.625616 +0.626728 +0.626728 +0.632309 +0.64 +0.64 +0.646766 +0.666667 +0.666667 +0.666667 +0.666667 +0.669367 +0.681193 +0.687931 +0.705303 +0.724321 +0.738404 +0.749451 +0.75 +0.771335 +0.808445 +0.83255 +0.85002 +0.858407 +0.875 +0.884115 +0.896076 +0.912651 +0.927091 +0.938828 +0.941176 +0.941178 +0.953912 +0.96875 +0.97903 +0.989276 +0.994019 +0.996028 +0.997504 +0.998469 +0.998751 +0.999001 +0.999028 +0.999499 +0.9995 +0.9995 +0.999501 +0.999766 +0.999971 +0.999985 +0.999999 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 diff --git a/compiler_opt/rl/regalloc/vocab/use_def_density.buckets b/compiler_opt/rl/regalloc/vocab/use_def_density.buckets new file mode 100644 index 00000000..fd742e57 --- /dev/null +++ b/compiler_opt/rl/regalloc/vocab/use_def_density.buckets @@ -0,0 +1,999 @@ +0 +0 +0 +0 +0 +6.60981e-15 +1.87322e-13 +7.22493e-13 +1.57125e-12 +3.43637e-12 +1.8786e-11 +1.77045e-10 +2.34114e-09 +2.28444e-08 +7.23753e-08 +1.60788e-07 +3.46667e-07 +5.91395e-07 +8.40389e-07 +1.03459e-06 +1.34729e-06 +1.5772e-06 +2.05139e-06 +2.57387e-06 +3.41146e-06 +4.47943e-06 +5.72229e-06 +6.91644e-06 +8.45595e-06 +9.62761e-06 +1.11551e-05 +1.31044e-05 +1.51093e-05 +1.72312e-05 +1.96852e-05 +2.20619e-05 +2.47425e-05 +2.76944e-05 +3.02274e-05 +3.33445e-05 +3.62043e-05 +3.93122e-05 +4.2138e-05 +4.48887e-05 +4.76087e-05 +5.10401e-05 +5.4569e-05 +5.78342e-05 +6.12195e-05 +6.44246e-05 +6.78713e-05 +7.13899e-05 +7.52673e-05 +7.89062e-05 +8.26066e-05 +8.63923e-05 +8.93015e-05 +9.32882e-05 +9.68572e-05 +0.000100875 +0.000105144 +0.000109014 +0.000112282 +0.000115979 +0.000119913 +0.000123775 +0.000128194 +0.000132613 +0.000136663 +0.00013986 +0.000143649 +0.000148216 +0.000153184 +0.000158057 +0.000162796 +0.000167386 +0.000171036 +0.000174281 +0.00017695 +0.000181133 +0.000185779 +0.000190656 +0.000194357 +0.000197731 +0.000203441 +0.000208603 +0.000213729 +0.000216605 +0.000221661 +0.000225367 +0.000230782 +0.000236366 +0.000241326 +0.000247055 +0.000252511 +0.000258022 +0.000263142 +0.000268321 +0.000274155 +0.000279373 +0.000284413 +0.000290264 +0.000296807 +0.000303356 +0.000308997 +0.000315126 +0.000321418 +0.000328478 +0.000335082 +0.000341269 +0.000348149 +0.000353626 +0.000357894 +0.000362982 +0.000370207 +0.000376866 +0.000383563 +0.000389063 +0.000395199 +0.000401293 +0.000408497 +0.000414918 +0.000421189 +0.000427988 +0.000434902 +0.000441434 +0.000447943 +0.000454591 +0.000460617 +0.00046781 +0.000474731 +0.000481276 +0.000487789 +0.000494983 +0.000502423 +0.000509501 +0.000517593 +0.000525415 +0.000532295 +0.000539837 +0.000548227 +0.000556314 +0.000564224 +0.00057057 +0.000578691 +0.000585687 +0.000591848 +0.000599163 +0.000605527 +0.000612285 +0.000618451 +0.00062623 +0.000633733 +0.000640872 +0.00064662 +0.000654633 +0.000661847 +0.000669482 +0.000677345 +0.000684596 +0.000692517 +0.000700145 +0.000708388 +0.000715327 +0.000721428 +0.000727835 +0.00073322 +0.000740201 +0.000747161 +0.000753684 +0.000760748 +0.000768023 +0.00077545 +0.000782972 +0.00079024 +0.000798504 +0.000806194 +0.000813799 +0.000813806 +0.000813812 +0.000819513 +0.000827353 +0.000834237 +0.000841667 +0.000847946 +0.00085446 +0.000861967 +0.000869055 +0.000877491 +0.000886406 +0.000892857 +0.000898978 +0.000905979 +0.000913361 +0.00092149 +0.000928657 +0.000937629 +0.000946717 +0.000954664 +0.000961302 +0.000967832 +0.000975668 +0.000983682 +0.000992082 +0.00100127 +0.0010078 +0.00101686 +0.00102647 +0.00103473 +0.00104272 +0.00105086 +0.00106044 +0.00106756 +0.00107599 +0.00108268 +0.00109221 +0.0010989 +0.00110846 +0.00111607 +0.00112352 +0.001132 +0.0011408 +0.00114813 +0.00115698 +0.00116185 +0.00116762 +0.00117639 +0.00118439 +0.00119104 +0.00120038 +0.00120742 +0.00121539 +0.0012207 +0.00122072 +0.00122129 +0.00123067 +0.00123967 +0.00124882 +0.0012563 +0.00126296 +0.00127385 +0.00128222 +0.00129008 +0.00129789 +0.00130418 +0.00131279 +0.00132161 +0.0013273 +0.00133609 +0.00133928 +0.00134477 +0.00135306 +0.00136217 +0.00137141 +0.00138128 +0.00139064 +0.00139888 +0.00140604 +0.00141646 +0.00142387 +0.00143399 +0.00144204 +0.00145024 +0.0014575 +0.00146454 +0.00147219 +0.00148237 +0.00149114 +0.00150074 +0.00150877 +0.00151742 +0.00151743 +0.00151745 +0.00152257 +0.00153119 +0.00153996 +0.00155042 +0.0015583 +0.0015679 +0.00157813 +0.00157852 +0.00157854 +0.00158227 +0.00159059 +0.00159894 +0.00160885 +0.00161731 +0.0016254 +0.00163646 +0.00164306 +0.00165324 +0.00166151 +0.00167089 +0.00167422 +0.00168355 +0.00169301 +0.00169983 +0.00170608 +0.00171495 +0.00172477 +0.0017342 +0.00174126 +0.00175346 +0.00176266 +0.00177282 +0.00178099 +0.00178716 +0.00179698 +0.00180762 +0.00181872 +0.00182373 +0.00183454 +0.00184611 +0.00185662 +0.00186193 +0.0018722 +0.00188304 +0.00189289 +0.00190215 +0.00191288 +0.00192267 +0.00193092 +0.00194201 +0.00195228 +0.00195949 +0.001972 +0.00198039 +0.00199338 +0.00200397 +0.00201613 +0.00202533 +0.00203629 +0.00204067 +0.00204157 +0.00205138 +0.00206152 +0.00207334 +0.00208336 +0.00209594 +0.00210575 +0.00211972 +0.0021307 +0.00214224 +0.00215479 +0.00216479 +0.00216842 +0.00217672 +0.00218566 +0.00219565 +0.00220221 +0.00221491 +0.00222556 +0.0022332 +0.00224547 +0.00225527 +0.00227046 +0.00228203 +0.00228759 +0.00229545 +0.00230394 +0.00231566 +0.00233077 +0.00234166 +0.00235532 +0.00236297 +0.0023748 +0.00238458 +0.00239669 +0.00240809 +0.00242296 +0.00242789 +0.00244211 +0.0024531 +0.0024653 +0.0024673 +0.00248107 +0.00249307 +0.0025006 +0.0025075 +0.00252374 +0.00252563 +0.00254107 +0.00255102 +0.0025556 +0.002567 +0.00257653 +0.00258549 +0.00258549 +0.00258549 +0.00259712 +0.00260847 +0.00262551 +0.0026334 +0.00265206 +0.00266702 +0.00267753 +0.00269026 +0.00269847 +0.00269847 +0.00270055 +0.00271201 +0.00272492 +0.00274095 +0.00274976 +0.00276296 +0.00278059 +0.00278493 +0.00280077 +0.0028125 +0.00282529 +0.00283708 +0.00285395 +0.002856 +0.002856 +0.002856 +0.00286932 +0.00287748 +0.00289432 +0.00290519 +0.00291788 +0.00293201 +0.00294461 +0.00295898 +0.00296681 +0.00297682 +0.0029928 +0.00300595 +0.00301787 +0.00303107 +0.00304675 +0.00305443 +0.00306101 +0.00306105 +0.0030668 +0.00308014 +0.00309754 +0.00311268 +0.00312543 +0.00313821 +0.00315625 +0.00316004 +0.00317937 +0.0031949 +0.00320975 +0.00322566 +0.00323718 +0.00325366 +0.00326509 +0.00328776 +0.00330305 +0.00332085 +0.00332901 +0.00334872 +0.00335866 +0.00337767 +0.00339369 +0.00340838 +0.00342008 +0.00342901 +0.00344318 +0.0034611 +0.00347557 +0.00349687 +0.00350736 +0.00353238 +0.00355582 +0.00356786 +0.00358193 +0.00359573 +0.00360714 +0.00361403 +0.00362937 +0.00364409 +0.00367006 +0.00368544 +0.00371122 +0.00371324 +0.00374074 +0.00376795 +0.00378788 +0.00381492 +0.00383208 +0.00383486 +0.00383486 +0.00383486 +0.00385413 +0.00387678 +0.0038966 +0.00391695 +0.00394294 +0.00394906 +0.00398179 +0.00400794 +0.00402925 +0.00404856 +0.00407103 +0.00408752 +0.00411685 +0.00413318 +0.00415532 +0.00418298 +0.00419985 +0.00419985 +0.00419985 +0.00419985 +0.00420474 +0.00421706 +0.0042447 +0.00426136 +0.00427308 +0.00429743 +0.00431156 +0.00433273 +0.00435553 +0.00437232 +0.00439596 +0.00442429 +0.00445588 +0.00448331 +0.00450772 +0.00452814 +0.00455228 +0.00457776 +0.00460716 +0.00462457 +0.00465549 +0.00468796 +0.00471535 +0.00473438 +0.00476415 +0.00479125 +0.00481608 +0.00485395 +0.00487532 +0.00489763 +0.00491049 +0.00494071 +0.00497159 +0.005 +0.00502658 +0.00505126 +0.00507672 +0.00509505 +0.00511824 +0.00514915 +0.00518483 +0.00521076 +0.0052471 +0.00526042 +0.00530077 +0.00533117 +0.00535164 +0.00537234 +0.00540769 +0.00543724 +0.00545951 +0.00549226 +0.00552395 +0.00556291 +0.00560488 +0.00564343 +0.00567984 +0.00571762 +0.00574135 +0.00575887 +0.00580501 +0.00583088 +0.00584515 +0.00588453 +0.00592578 +0.0059668 +0.00601191 +0.00604598 +0.00606971 +0.00610887 +0.00613722 +0.00617284 +0.00621616 +0.00625424 +0.00629659 +0.00633687 +0.0063759 +0.00639535 +0.00644132 +0.00648198 +0.00652887 +0.00657769 +0.00662879 +0.00666537 +0.00668601 +0.00669515 +0.00673652 +0.00678499 +0.00684193 +0.00690275 +0.0069663 +0.00701389 +0.00705645 +0.00709417 +0.00714905 +0.00721428 +0.00726504 +0.00731404 +0.00737079 +0.00737584 +0.00742821 +0.00748264 +0.00755575 +0.00758976 +0.00766234 +0.00771992 +0.00779461 +0.00786843 +0.007895 +0.00797584 +0.00803567 +0.00806452 +0.00814144 +0.00819879 +0.00826615 +0.00832178 +0.00839513 +0.00844795 +0.00853041 +0.00860428 +0.00869932 +0.00878632 +0.00888234 +0.00896393 +0.00903614 +0.00913568 +0.00922871 +0.00929874 +0.00942218 +0.00952238 +0.00961538 +0.00969653 +0.00980562 +0.00991447 +0.0100198 +0.0101351 +0.0102362 +0.0103374 +0.0104164 +0.0104828 +0.0105944 +0.0106957 +0.0108194 +0.0109454 +0.0110733 +0.0111879 +0.0113177 +0.0114274 +0.0115533 +0.0116724 +0.0118232 +0.0119405 +0.0120608 +0.0121255 +0.0122214 +0.0123546 +0.012481 +0.0125162 +0.0126607 +0.0128166 +0.0129743 +0.013121 +0.0132781 +0.0133925 +0.0135588 +0.0137415 +0.0138709 +0.0140577 +0.0142171 +0.014345 +0.0144997 +0.0146507 +0.014769 +0.0149242 +0.0150761 +0.0151965 +0.0153649 +0.0155155 +0.0156394 +0.0158041 +0.0159774 +0.016113 +0.0162803 +0.0164985 +0.0167096 +0.0169226 +0.017094 +0.017094 +0.0171425 +0.0172043 +0.0174275 +0.0176458 +0.0178535 +0.0180827 +0.0182972 +0.0184984 +0.0186876 +0.0188537 +0.0189501 +0.0190777 +0.019281 +0.0194943 +0.019715 +0.0198824 +0.0200841 +0.0202504 +0.0204439 +0.0206543 +0.0207735 +0.0208877 +0.0210721 +0.0212106 +0.0214508 +0.0216511 +0.0218545 +0.0220222 +0.022268 +0.0225131 +0.0227325 +0.0228362 +0.0229969 +0.0231674 +0.0233901 +0.0235866 +0.0237613 +0.0239672 +0.0241275 +0.0241275 +0.0244111 +0.0246645 +0.0249692 +0.0252137 +0.0253755 +0.0256041 +0.0258279 +0.0261084 +0.0263359 +0.0265888 +0.0268879 +0.0272353 +0.0275233 +0.0278891 +0.028227 +0.0286485 +0.0290448 +0.0294307 +0.0297726 +0.0302547 +0.0306673 +0.0310349 +0.0313448 +0.0317722 +0.0322112 +0.0327043 +0.0332237 +0.0336551 +0.0340393 +0.0345048 +0.0349687 +0.0353939 +0.0357422 +0.0362345 +0.0367204 +0.037226 +0.0377481 +0.0382167 +0.0387021 +0.0392511 +0.0397061 +0.0402422 +0.0408725 +0.0414334 +0.0419189 +0.0423778 +0.0429634 +0.0435421 +0.0440085 +0.0444367 +0.0448027 +0.0453319 +0.04577 +0.0463298 +0.0468175 +0.0474249 +0.0479008 +0.0484478 +0.0489361 +0.0496062 +0.0502666 +0.0509609 +0.0517296 +0.0523751 +0.0528899 +0.0535389 +0.0542807 +0.0550556 +0.0557468 +0.0563896 +0.056963 +0.0576162 +0.0582056 +0.0589629 +0.0595195 +0.0599829 +0.0607364 +0.0612267 +0.0619913 +0.0627796 +0.0635091 +0.0642888 +0.0650309 +0.0659282 +0.0668271 +0.0678209 +0.0689428 +0.069922 +0.0708011 +0.0717117 +0.0726898 +0.0731777 +0.0743431 +0.0754493 +0.0765849 +0.0775836 +0.0786627 +0.0798441 +0.0806861 +0.0818774 +0.0829962 +0.0836982 +0.0846226 +0.0857076 +0.0865874 +0.0876268 +0.0887018 +0.089798 +0.090798 +0.0920336 +0.0932257 +0.0940672 +0.095068 +0.0961607 +0.0969066 +0.0983916 +0.0997971 +0.101096 +0.10242 +0.103888 +0.105011 +0.105889 +0.107239 +0.108826 +0.109838 +0.111356 +0.112829 +0.114184 +0.115718 +0.117183 +0.118457 +0.120005 +0.121089 +0.122054 +0.123388 +0.124808 +0.12625 +0.128159 +0.130316 +0.13176 +0.133865 +0.135126 +0.137015 +0.138853 +0.139438 +0.14048 +0.142426 +0.144786 +0.146613 +0.148408 +0.150004 +0.151871 +0.153846 +0.156726 +0.159457 +0.161708 +0.16455 +0.167591 +0.170457 +0.174039 +0.177509 +0.181594 +0.184747 +0.188167 +0.191352 +0.195002 +0.198249 +0.20232 +0.207197 +0.211659 +0.215242 +0.218273 +0.220041 +0.222787 +0.225775 +0.22945 +0.233918 +0.23855 +0.243901 +0.247929 +0.253196 +0.258769 +0.263902 +0.268966 +0.275797 +0.281311 +0.284618 +0.291655 +0.299052 +0.304857 +0.311556 +0.317773 +0.324077 +0.330799 +0.339712 +0.346977 +0.354182 +0.36116 +0.368731 +0.376393 +0.385417 +0.39424 +0.401476 +0.409903 +0.419753 +0.430989 +0.439641 +0.450496 +0.457916 +0.468018 +0.476182 +0.485168 +0.494 +0.502224 +0.514875 +0.526429 +0.536792 +0.544326 +0.554794 +0.56532 +0.578771 +0.589341 +0.59363 +0.604912 +0.618838 +0.628904 +0.645453 +0.663341 +0.676054 +0.687374 +0.702041 +0.71717 +0.736812 +0.754402 +0.76918 +0.788032 +0.806639 +0.823565 +0.839815 +0.860977 +0.879773 +0.904827 +0.924431 +0.947636 +0.972269 +0.99092 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 diff --git a/compiler_opt/rl/regalloc/vocab/weighed_indvars_by_max.buckets b/compiler_opt/rl/regalloc/vocab/weighed_indvars_by_max.buckets new file mode 100644 index 00000000..37588e10 --- /dev/null +++ b/compiler_opt/rl/regalloc/vocab/weighed_indvars_by_max.buckets @@ -0,0 +1,999 @@ +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +7.12796e-18 +4.65748e-10 +1.04702e-08 +7.83193e-06 +0.000136052 +0.000412048 +0.000976443 +0.00192292 +0.00291636 +0.00418903 +0.00635893 +0.00891827 +0.0113695 +0.01522 +0.0183023 +0.0208257 +0.024479 +0.0288145 +0.0311355 +0.03125 +0.0362156 +0.0416666 +0.0466019 +0.05 +0.05625 +0.0610614 +0.0624986 +0.0655567 +0.0749186 +0.0833333 +0.0917969 +0.0996483 +0.105834 +0.112035 +0.122108 +0.126979 +0.136104 +0.153465 +0.166667 +0.166667 +0.171083 +0.187497 +0.2 +0.220405 +0.245062 +0.25 +0.25 +0.262033 +0.282717 +0.308068 +0.323609 +0.330762 +0.333333 +0.333333 +0.333333 +0.333333 +0.335099 +0.344086 +0.374449 +0.374908 +0.400696 +0.438326 +0.458965 +0.490687 +0.5 +0.5 +0.5 +0.5 +0.509146 +0.530331 +0.551448 +0.595099 +0.625249 +0.647493 +0.666667 +0.705874 +0.75 +0.799373 +0.830551 +0.888445 +0.925956 +0.935214 +0.94382 +0.968754 +0.991512 +0.998869 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 diff --git a/compiler_opt/rl/regalloc/vocab/weighed_read_writes_by_max.buckets b/compiler_opt/rl/regalloc/vocab/weighed_read_writes_by_max.buckets new file mode 100644 index 00000000..83f62b4c --- /dev/null +++ b/compiler_opt/rl/regalloc/vocab/weighed_read_writes_by_max.buckets @@ -0,0 +1,999 @@ +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +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.57969e-12 +1.92442e-10 +9.28225e-10 +5.02143e-09 +3.08338e-07 +5.17721e-06 +2.08252e-05 +4.88275e-05 +9.37322e-05 +0.000137059 +0.000244141 +0.000390577 +0.000588608 +0.000748493 +0.000919752 +0.0010221 +0.00129702 +0.00157446 +0.00184603 +0.00200395 +0.00235588 +0.0029009 +0.00340633 +0.00380803 +0.00402808 +0.00475759 +0.00541453 +0.00571187 +0.00627451 +0.00703023 +0.00774079 +0.00832551 +0.00960522 +0.0102575 +0.0105833 +0.0117474 +0.0131194 +0.0144861 +0.0155659 +0.0158506 +0.0168829 +0.0186667 +0.020135 +0.0208332 +0.0220582 +0.0240805 +0.0252655 +0.0270833 +0.0288952 +0.0294118 +0.0305164 +0.0311317 +0.0312482 +0.0312519 +0.0321361 +0.0344669 +0.0373566 +0.0393747 +0.0415005 +0.04375 +0.0463378 +0.0485517 +0.05 +0.0521196 +0.0551724 +0.0561798 +0.0588109 +0.0588235 +0.0596691 +0.0622635 +0.0625 +0.0630249 +0.0662612 +0.0694361 +0.0740741 +0.0771605 +0.08 +0.0833333 +0.0856336 +0.0882353 +0.0916627 +0.0940087 +0.0976392 +0.0999121 +0.102803 +0.108335 +0.111111 +0.111111 +0.115729 +0.120127 +0.124863 +0.125 +0.128342 +0.133334 +0.141939 +0.142857 +0.149931 +0.154412 +0.160121 +0.16538 +0.166667 +0.166667 +0.166667 +0.171053 +0.175853 +0.176471 +0.181818 +0.1875 +0.194778 +0.2 +0.200913 +0.208333 +0.213834 +0.221668 +0.225679 +0.235023 +0.242742 +0.249499 +0.25 +0.25 +0.25 +0.252525 +0.265426 +0.277185 +0.285714 +0.294585 +0.304328 +0.310145 +0.316937 +0.323724 +0.33138 +0.333315 +0.333333 +0.333333 +0.333333 +0.333333 +0.333333 +0.333333 +0.333333 +0.333334 +0.339744 +0.340611 +0.347826 +0.347826 +0.359173 +0.369051 +0.375 +0.380952 +0.390625 +0.399767 +0.400001 +0.415842 +0.4169 +0.428571 +0.44 +0.447761 +0.460396 +0.470669 +0.482607 +0.494779 +0.499878 +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.500246 +0.50025 +0.50025 +0.511751 +0.52914 +0.53628 +0.545455 +0.557522 +0.572083 +0.584166 +0.6 +0.604807 +0.617839 +0.625022 +0.642368 +0.659443 +0.666667 +0.666667 +0.666667 +0.666667 +0.676923 +0.695285 +0.714306 +0.743852 +0.75 +0.75 +0.773417 +0.797498 +0.8 +0.814849 +0.833333 +0.857143 +0.881455 +0.894004 +0.914343 +0.928572 +0.941149 +0.943126 +0.954802 +0.968749 +0.970156 +0.983938 +0.995235 +0.998936 +0.999981 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 diff --git a/compiler_opt/rl/regalloc/vocab/weighed_reads.buckets b/compiler_opt/rl/regalloc/vocab/weighed_reads.buckets deleted file mode 100644 index 051dc2e7..00000000 --- a/compiler_opt/rl/regalloc/vocab/weighed_reads.buckets +++ /dev/null @@ -1,999 +0,0 @@ -0 -0 -0 -0 -0 -0 -0 -0 -0 -0 -0 -0 -0 -0 -0 -0 -0 -0 -0 -0 -0 -0 -0 -0 -3.21993e-16 -6.91636e-13 -1.0721e-11 -3.94606e-11 -1.03426e-10 -1.90669e-10 -2.91038e-10 -4.6185e-10 -4.65661e-10 -4.8422e-10 -7.69411e-10 -9.31323e-10 -1.37961e-09 -1.86264e-09 -3.02927e-09 -1.05228e-08 -5.13753e-08 -3.08501e-07 -1.22204e-06 -5.42467e-06 -1.55501e-05 -2.93967e-05 -5.52935e-05 -8.46485e-05 -0.00012356 -0.000184928 -0.000206425 -0.000249875 -0.00029095 -0.000304535 -0.000304735 -0.000312354 -0.000343732 -0.000410068 -0.000475764 -0.0004995 -0.00049975 -0.00049975 -0.00049975 -0.00049975 -0.000526218 -0.000529779 -0.000609071 -0.000609071 -0.000624707 -0.000699653 -0.000865012 -0.000988719 -0.000998906 -0.0010312 -0.00123637 -0.00143988 -0.00150013 -0.00181574 -0.00207714 -0.00244958 -0.00260906 -0.00302768 -0.00345838 -0.00375849 -0.00441029 -0.0049975 -0.00539576 -0.00605536 -0.00689358 -0.00735284 -0.00806481 -0.00920106 -0.00999917 -0.0110257 -0.0121565 -0.0133311 -0.0144229 -0.0148907 -0.0159178 -0.017316 -0.0183908 -0.019337 -0.0207671 -0.0220585 -0.0229776 -0.0248113 -0.0263287 -0.0275735 -0.028777 -0.0294109 -0.0294118 -0.0294118 -0.0294261 -0.029985 -0.03125 -0.0338392 -0.0362069 -0.0367316 -0.0367642 -0.0367647 -0.0368664 -0.039604 -0.0424259 -0.0441162 -0.0463603 -0.0490797 -0.0505508 -0.0505508 -0.0514706 -0.0535714 -0.0551647 -0.0552486 -0.0560561 -0.0580111 -0.0587639 -0.0588143 -0.0588221 -0.0588228 -0.0588235 -0.0588235 -0.0588235 -0.0605485 -0.0625 -0.0661423 -0.069199 -0.0732479 -0.0734633 -0.0735284 -0.0749234 -0.0784314 -0.0827333 -0.0855868 -0.0882059 -0.0882332 -0.0882599 -0.0919105 -0.0919121 -0.0954283 -0.09995 -0.105027 -0.109721 -0.110293 -0.11107 -0.115646 -0.117264 -0.117629 -0.117645 -0.117646 -0.117647 -0.11811 -0.123529 -0.125 -0.128455 -0.132373 -0.133923 -0.140528 -0.144942 -0.147239 -0.153057 -0.158086 -0.165289 -0.168804 -0.175536 -0.176443 -0.176464 -0.176468 -0.176469 -0.176471 -0.18254 -0.187499 -0.189036 -0.195412 -0.199986 -0.206253 -0.214844 -0.221198 -0.227941 -0.230769 -0.231293 -0.234374 -0.234378 -0.235294 -0.235294 -0.235294 -0.235294 -0.235969 -0.244186 -0.249817 -0.249999 -0.25 -0.25 -0.25 -0.250094 -0.250122 -0.250125 -0.250125 -0.257353 -0.264473 -0.274725 -0.281343 -0.291882 -0.298352 -0.308823 -0.312469 -0.312499 -0.312499 -0.312501 -0.312504 -0.312504 -0.313364 -0.32 -0.328821 -0.338135 -0.349436 -0.351678 -0.353502 -0.353502 -0.35833 -0.370079 -0.374456 -0.374999 -0.375 -0.375 -0.375691 -0.380952 -0.380952 -0.380952 -0.382353 -0.386207 -0.390625 -0.4 -0.412906 -0.428551 -0.440495 -0.45674 -0.468622 -0.470588 -0.476191 -0.477901 -0.483871 -0.493917 -0.499116 -0.499945 -0.499998 -0.499999 -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.500224 -0.500249 -0.50025 -0.50075 -0.517542 -0.534366 -0.541125 -0.558971 -0.563684 -0.581646 -0.596704 -0.609375 -0.617647 -0.619048 -0.623616 -0.624937 -0.624998 -0.624998 -0.625 -0.625 -0.625 -0.625003 -0.625003 -0.625007 -0.625007 -0.625287 -0.62963 -0.647056 -0.662683 -0.666667 -0.678352 -0.687761 -0.703023 -0.705882 -0.714286 -0.731863 -0.742183 -0.74401 -0.749985 -0.75 -0.75 -0.75 -0.750234 -0.765628 -0.781609 -0.800595 -0.820513 -0.84116 -0.852886 -0.863812 -0.877509 -0.893982 -0.898301 -0.90142 -0.918385 -0.923077 -0.937406 -0.937406 -0.937406 -0.937406 -0.937498 -0.937504 -0.937511 -0.937743 -0.93781 -0.937823 -0.941176 -0.941197 -0.96 -0.976293 -0.993426 -0.997701 -0.999001 -0.9995 -0.999756 -0.999995 -0.999999 -1 -1 -1 -1 -1 -1 -1 -1 -1 -1 -1 -1 -1 -1 -1 -1 -1 -1 -1 -1 -1 -1 -1 -1 -1 -1 -1 -1 -1 -1 -1 -1 -1 -1 -1 -1 -1 -1 -1 -1 -1 -1 -1 -1 -1 -1 -1 -1 -1 -1 -1 -1 -1 -1 -1 -1 -1 -1 -1 -1 -1 -1 -1 -1 -1 -1 -1 -1 -1 -1 -1 -1 -1 -1 -1 -1 -1 -1 -1 -1 -1 -1 -1 -1 -1 -1 -1 -1 -1 -1 -1 -1 -1 -1.00049 -1.00149 -1.00244 -1.0025 -1.0025 -1.01323 -1.02472 -1.05055 -1.05055 -1.05719 -1.05882 -1.05882 -1.05882 -1.05882 -1.05882 -1.05882 -1.05882 -1.05882 -1.07691 -1.09364 -1.09364 -1.1 -1.11602 -1.11765 -1.11765 -1.11765 -1.125 -1.12514 -1.12519 -1.12538 -1.12538 -1.13704 -1.1481 -1.17187 -1.18169 -1.20181 -1.22395 -1.23622 -1.24812 -1.25 -1.25004 -1.26471 -1.29412 -1.31959 -1.34632 -1.37135 -1.38074 -1.38234 -1.39815 -1.41176 -1.42857 -1.43341 -1.4375 -1.4375 -1.4375 -1.4375 -1.4375 -1.4375 -1.45455 -1.47619 -1.48673 -1.499 -1.49999 -1.49999 -1.5 -1.5 -1.5 -1.5 -1.5 -1.5 -1.5 -1.5 -1.50025 -1.50378 -1.53049 -1.54361 -1.54412 -1.5576 -1.5884 -1.61539 -1.61905 -1.625 -1.62531 -1.64516 -1.66667 -1.68421 -1.7136 -1.71874 -1.71874 -1.71874 -1.71876 -1.71876 -1.74603 -1.75 -1.76493 -1.80128 -1.8125 -1.83333 -1.83589 -1.83589 -1.83592 -1.83871 -1.85663 -1.86764 -1.875 -1.875 -1.87502 -1.88018 -1.89897 -1.92 -1.9375 -1.9375 -1.94118 -1.94118 -1.94118 -1.94352 -1.97575 -1.99202 -1.99795 -1.999 -1.99988 -2 -2 -2 -2 -2 -2 -2 -2 -2 -2 -2 -2 -2 -2 -2 -2 -2 -2 -2 -2 -2 -2 -2 -2 -2 -2 -2 -2 -2 -2 -2 -2 -2 -2 -2 -2 -2 -2 -2 -2 -2 -2.00031 -2.01093 -2.04497 -2.0625 -2.09406 -2.11905 -2.12517 -2.12519 -2.15435 -2.18573 -2.2212 -2.23437 -2.23437 -2.23529 -2.2381 -2.25 -2.25 -2.25138 -2.28 -2.31134 -2.33333 -2.35475 -2.38847 -2.42787 -2.4375 -2.48 -2.49981 -2.49999 -2.5 -2.5 -2.5 -2.5 -2.5 -2.50003 -2.50025 -2.52457 -2.57496 -2.61195 -2.625 -2.64125 -2.67984 -2.70588 -2.70588 -2.70588 -2.74045 -2.76 -2.8125 -2.82699 -2.83592 -2.85714 -2.87499 -2.875 -2.875 -2.8753 -2.8753 -2.91175 -2.93819 -2.96719 -2.98901 -2.996 -2.99898 -2.999 -2.999 -2.99997 -3 -3 -3 -3 -3 -3 -3 -3 -3 -3 -3 -3 -3 -3 -3 -3 -3 -3 -3 -3 -3.001 -3.0174 -3.05882 -3.10727 -3.15273 -3.17647 -3.2381 -3.25001 -3.26439 -3.32464 -3.375 -3.4375 -3.48116 -3.49995 -3.5 -3.5 -3.5 -3.5 -3.5 -3.5015 -3.54481 -3.60282 -3.63052 -3.67179 -3.67179 -3.67519 -3.71633 -3.75 -3.75089 -3.76904 -3.82916 -3.8359 -3.87568 -3.90992 -3.90992 -3.9375 -3.98529 -3.99994 -4 -4 -4 -4 -4 -4 -4 -4 -4 -4 -4 -4.03481 -4.0956 -4.125 -4.125 -4.13137 -4.17367 -4.25001 -4.31985 -4.39651 -4.4375 -4.49937 -4.5015 -4.58144 -4.62544 -4.68132 -4.75 -4.82484 -4.89218 -4.91209 -4.9375 -4.9985 -5 -5 -5 -5 -5 -5 -5 -5 -5.0619 -5.08592 -5.147 -5.23077 -5.30063 -5.38383 -5.48162 -5.50756 -5.50984 -5.50984 -5.54331 -5.625 -5.68431 -5.76037 -5.8485 -5.91721 -5.9975 -6 -6 -6 -6 -6.05882 -6.06611 -6.07143 -6.14286 -6.21092 -6.26191 -6.35043 -6.49315 -6.54644 -6.60751 -6.66667 -6.75 -6.88786 -6.99983 -7 -7 -7.05847 -7.1875 -7.1875 -7.25 -7.30894 -7.34358 -7.34369 -7.40147 -7.50704 -7.60571 -7.66293 -7.75087 -7.79933 -7.86919 -7.98802 -8 -8.00006 -8.13077 -8.22581 -8.3168 -8.37574 -8.50075 -8.64645 -8.81877 -8.91348 -9 -9.10714 -9.2353 -9.41554 -9.55681 -9.80108 -9.99879 -10 -10.0196 -10.1912 -10.3809 -10.5714 -10.8085 -11 -11.1119 -11.375 -11.7069 -11.9531 -12.035 -12.3226 -12.5015 -12.8027 -13.0158 -13.4375 -13.7586 -14.0001 -14.4054 -14.7355 -15.066 -15.4927 -15.7092 -15.9375 -15.9979 -16 -16 -16.25 -16.4516 -16.75 -17 -17.45 -17.9803 -18.44 -18.7253 -18.9069 -19.4122 -19.7588 -19.9616 -20 -20 -20.0002 -20.129 -20.4273 -20.7822 -21 -21.0002 -21.25 -21.7294 -22 -22.2857 -22.8117 -23.0112 -23.3559 -23.7694 -24.1653 -24.6774 -25 -25.4516 -26.0075 -26.6806 -27.5 -28.4476 -29.0792 -29.8125 -30.1875 -30.9559 -31.75 -32 -32.5143 -33.1415 -33.9999 -34.7407 -35.8125 -36.7198 -37.55 -38.6482 -39.5508 -40 -40.5714 -41.7222 -42.6457 -43.8533 -45.0075 -46.1395 -47.8125 -48 -49.0952 -50.6266 -52.915 -54.1717 -56.179 -58.1132 -60 -60 -60.4162 -62.1517 -63.75 -65 -68.1667 -70.2647 -74.8939 -78.7551 -80 -80 -81.1429 -83.1549 -86 -90.4184 -96 -96.7886 -102.494 -108.265 -112 -119.863 -124.75 -128.957 -137.5 -150 -160.624 -170.571 -181.159 -187.752 -203.167 -229.082 -248.5 -251.452 -266.073 -292.078 -319.938 -328.28 -352.444 -382.846 -414.088 -459.812 -497 -522.723 -588.506 -646.308 -729.656 -799.667 -941.604 -1031.62 -1268.72 -1536.77 -1870.21 -2606.31 -3191.57 -4321.27 -5461.17 -6057.49 -7604.12 -10240 -13401.9 -19482.3 -32768 -75586 -524288 diff --git a/compiler_opt/rl/regalloc/vocab/weighed_reads_by_max.buckets b/compiler_opt/rl/regalloc/vocab/weighed_reads_by_max.buckets new file mode 100644 index 00000000..81e598f7 --- /dev/null +++ b/compiler_opt/rl/regalloc/vocab/weighed_reads_by_max.buckets @@ -0,0 +1,999 @@ +0 +0 +0 +0 +0 +0 +6.27762e-20 +9.58802e-13 +9.89165e-12 +3.63987e-11 +1.03474e-10 +3.54703e-10 +1.42304e-09 +8.8156e-09 +7.01769e-08 +3.75016e-07 +7.71767e-07 +1.24824e-06 +1.80623e-06 +2.37932e-06 +3.21687e-06 +4.43179e-06 +6.28393e-06 +7.9401e-06 +1.18442e-05 +1.60278e-05 +2.03385e-05 +2.39416e-05 +3.03982e-05 +3.72826e-05 +4.24929e-05 +5.1676e-05 +6.24961e-05 +7.16747e-05 +8.49795e-05 +0.000105293 +0.00012194 +0.000138886 +0.000158574 +0.000176942 +0.000205787 +0.000236206 +0.000254938 +0.000293829 +0.000321903 +0.000347561 +0.00038888 +0.00043538 +0.000479321 +0.000501306 +0.000555525 +0.000598851 +0.000645136 +0.000701239 +0.000780622 +0.00085782 +0.00091759 +0.000976538 +0.00100868 +0.0010632 +0.00114943 +0.00124774 +0.00130791 +0.00136949 +0.00146634 +0.00155134 +0.00165224 +0.00174837 +0.0018347 +0.00190111 +0.00198061 +0.00206243 +0.00217052 +0.00230045 +0.00242382 +0.00252823 +0.00263105 +0.00275054 +0.00277667 +0.00288136 +0.00299991 +0.00314419 +0.00328979 +0.00342739 +0.00353822 +0.00367985 +0.00379862 +0.00387597 +0.00395514 +0.00408107 +0.00422886 +0.00438158 +0.00450277 +0.00468575 +0.00486368 +0.00502501 +0.00518294 +0.00531491 +0.00549401 +0.00566462 +0.00583721 +0.00601855 +0.00619522 +0.006342 +0.00650223 +0.00670451 +0.00693464 +0.00716179 +0.0073844 +0.00755502 +0.00773251 +0.00784171 +0.00804406 +0.00825959 +0.00846354 +0.00871586 +0.00893449 +0.00916823 +0.0093923 +0.00959225 +0.00980138 +0.01 +0.0102578 +0.0104173 +0.0106782 +0.0108691 +0.011079 +0.0113312 +0.0115438 +0.0117711 +0.0120185 +0.0122654 +0.0125 +0.0126976 +0.0129533 +0.0131989 +0.0134142 +0.0136372 +0.0138889 +0.0141844 +0.0144924 +0.0147419 +0.0149932 +0.0151995 +0.0154752 +0.015594 +0.015748 +0.0159841 +0.0162337 +0.0165335 +0.0167053 +0.0169954 +0.0173215 +0.0175669 +0.0178976 +0.0182481 +0.0185185 +0.0187362 +0.0190018 +0.0193358 +0.019607 +0.0198504 +0.0202026 +0.0205762 +0.0208333 +0.0211416 +0.0214829 +0.0218832 +0.0222208 +0.0223422 +0.0226836 +0.0229885 +0.0233097 +0.0236263 +0.0239726 +0.0244085 +0.0247315 +0.0250034 +0.0253403 +0.025693 +0.026064 +0.0264901 +0.0268972 +0.0272436 +0.0274726 +0.0277778 +0.028169 +0.0285996 +0.0290467 +0.0294033 +0.0296704 +0.0300425 +0.030303 +0.0306371 +0.0310104 +0.0312428 +0.0312812 +0.0316787 +0.0321285 +0.032501 +0.0328787 +0.0331729 +0.0333742 +0.0337521 +0.0340136 +0.0344828 +0.0348994 +0.0352112 +0.0356786 +0.0361517 +0.0366407 +0.037037 +0.0372862 +0.0377904 +0.0382107 +0.0386924 +0.0391889 +0.0395497 +0.0399421 +0.0405099 +0.040884 +0.0413208 +0.0416665 +0.0416895 +0.0422887 +0.042909 +0.0434023 +0.0437601 +0.0442457 +0.044483 +0.0451197 +0.0456277 +0.0461532 +0.046595 +0.0470827 +0.0475181 +0.047619 +0.048062 +0.0487001 +0.0490966 +0.0495983 +0.0500038 +0.0505049 +0.0510205 +0.0516888 +0.0520834 +0.0524652 +0.0529554 +0.0536401 +0.0543478 +0.0548887 +0.0553342 +0.0555556 +0.0556573 +0.0562852 +0.0568916 +0.0574514 +0.0580452 +0.0584055 +0.0588227 +0.059107 +0.0595239 +0.0601472 +0.0606061 +0.0608355 +0.0613453 +0.0620942 +0.0625 +0.0625043 +0.0632149 +0.0640585 +0.0648128 +0.065472 +0.0659671 +0.0666396 +0.0666667 +0.0666667 +0.0668144 +0.0677083 +0.0683929 +0.0690608 +0.0696865 +0.0704224 +0.0706054 +0.0714283 +0.0718391 +0.0724967 +0.0734518 +0.074074 +0.0746053 +0.075083 +0.0757578 +0.0763344 +0.0769231 +0.0776916 +0.0784316 +0.0792386 +0.0800304 +0.0807453 +0.0816173 +0.0825262 +0.0832917 +0.0833333 +0.0833438 +0.0842776 +0.0852822 +0.0861652 +0.0872119 +0.0880952 +0.0887975 +0.0892179 +0.089935 +0.090865 +0.090999 +0.091954 +0.0927961 +0.0937657 +0.0944445 +0.0952381 +0.0957626 +0.0967742 +0.0975609 +0.0984523 +0.0990891 +0.0999251 +0.1 +0.100804 +0.101975 +0.102617 +0.103347 +0.104142 +0.104817 +0.105555 +0.10641 +0.106667 +0.107555 +0.108648 +0.10898 +0.109948 +0.111018 +0.111111 +0.111111 +0.111111 +0.111148 +0.11201 +0.113044 +0.113949 +0.115028 +0.116096 +0.116959 +0.117645 +0.118011 +0.118724 +0.119961 +0.120908 +0.121662 +0.121701 +0.122363 +0.123082 +0.124237 +0.124973 +0.125 +0.125 +0.125196 +0.126439 +0.127396 +0.128605 +0.129709 +0.130434 +0.131573 +0.13235 +0.133332 +0.133333 +0.133711 +0.135049 +0.136171 +0.137368 +0.138606 +0.139114 +0.140461 +0.141523 +0.142359 +0.142857 +0.142857 +0.143808 +0.145098 +0.146342 +0.147319 +0.148546 +0.15 +0.150953 +0.151961 +0.15319 +0.153333 +0.153846 +0.154711 +0.155864 +0.156455 +0.157305 +0.158264 +0.15942 +0.160676 +0.161616 +0.163127 +0.164254 +0.165717 +0.166583 +0.166667 +0.166667 +0.166667 +0.166667 +0.166667 +0.16675 +0.167853 +0.169211 +0.170799 +0.171876 +0.173009 +0.174503 +0.175439 +0.176468 +0.176471 +0.177469 +0.178571 +0.179909 +0.181005 +0.181818 +0.182561 +0.184049 +0.185949 +0.187252 +0.188192 +0.189546 +0.190476 +0.191853 +0.19343 +0.194719 +0.196078 +0.197439 +0.198933 +0.199997 +0.2 +0.2 +0.2 +0.200489 +0.202092 +0.203923 +0.205658 +0.207232 +0.208333 +0.209626 +0.211074 +0.212746 +0.214286 +0.215704 +0.216842 +0.217964 +0.219557 +0.221607 +0.222222 +0.222222 +0.222222 +0.22295 +0.224141 +0.226087 +0.227686 +0.229167 +0.230769 +0.232258 +0.233858 +0.235276 +0.235295 +0.236169 +0.237725 +0.239186 +0.24082 +0.24255 +0.244667 +0.246139 +0.248042 +0.249673 +0.25 +0.25 +0.25 +0.25 +0.25 +0.250883 +0.252732 +0.253954 +0.255746 +0.257436 +0.258095 +0.259625 +0.26112 +0.262763 +0.264427 +0.265647 +0.266667 +0.268293 +0.27027 +0.272025 +0.272727 +0.274222 +0.275934 +0.277778 +0.279318 +0.281263 +0.2833 +0.284681 +0.285707 +0.285714 +0.286503 +0.288632 +0.290333 +0.291139 +0.291139 +0.292617 +0.294119 +0.296024 +0.297866 +0.299366 +0.300504 +0.302626 +0.3043 +0.306461 +0.306667 +0.307665 +0.308893 +0.311111 +0.313025 +0.314461 +0.316017 +0.317948 +0.32 +0.322222 +0.323968 +0.325817 +0.327451 +0.329477 +0.331334 +0.333131 +0.333333 +0.333333 +0.333333 +0.333333 +0.333333 +0.333333 +0.333333 +0.333333 +0.333333 +0.333333 +0.333333 +0.333372 +0.334109 +0.336371 +0.338234 +0.339547 +0.342039 +0.34414 +0.346667 +0.348933 +0.350845 +0.352873 +0.354221 +0.357142 +0.358974 +0.361175 +0.363636 +0.365333 +0.367094 +0.369195 +0.372402 +0.374875 +0.375084 +0.376711 +0.378766 +0.380928 +0.382346 +0.384636 +0.387324 +0.389937 +0.392423 +0.395117 +0.397181 +0.399785 +0.4 +0.4 +0.402737 +0.40506 +0.407618 +0.410718 +0.413667 +0.41651 +0.417478 +0.41984 +0.422892 +0.425287 +0.427487 +0.428571 +0.43039 +0.43339 +0.435897 +0.439182 +0.442656 +0.444444 +0.446036 +0.448682 +0.450451 +0.453202 +0.455882 +0.458718 +0.46 +0.46 +0.46 +0.46 +0.462044 +0.465605 +0.467742 +0.47016 +0.471633 +0.473098 +0.475537 +0.479085 +0.481271 +0.484782 +0.485662 +0.488335 +0.491011 +0.493826 +0.496602 +0.498996 +0.499308 +0.499875 +0.5 +0.5 +0.5 +0.5 +0.5 +0.5 +0.5 +0.5 +0.5 +0.5 +0.50049 +0.502337 +0.504399 +0.507463 +0.509804 +0.512765 +0.514706 +0.515642 +0.518995 +0.522478 +0.525078 +0.527617 +0.530647 +0.533333 +0.535485 +0.539079 +0.541805 +0.542562 +0.545398 +0.548509 +0.551602 +0.555522 +0.557491 +0.562109 +0.565625 +0.570229 +0.571429 +0.575806 +0.579942 +0.583 +0.585694 +0.589338 +0.592593 +0.595559 +0.597831 +0.6 +0.600102 +0.602934 +0.606557 +0.611527 +0.615852 +0.620714 +0.625 +0.62753 +0.632751 +0.636882 +0.641345 +0.646465 +0.650569 +0.655116 +0.659767 +0.663827 +0.6665 +0.666667 +0.666667 +0.666667 +0.666667 +0.666667 +0.666667 +0.668063 +0.672585 +0.677809 +0.683626 +0.685802 +0.688955 +0.693198 +0.697812 +0.701861 +0.706266 +0.712276 +0.71547 +0.720583 +0.724905 +0.728916 +0.73487 +0.739515 +0.740744 +0.746262 +0.749995 +0.75 +0.751173 +0.756201 +0.761856 +0.766723 +0.772339 +0.777778 +0.783481 +0.787158 +0.792579 +0.798445 +0.8 +0.80344 +0.808028 +0.81438 +0.818309 +0.823782 +0.830187 +0.833333 +0.839298 +0.843883 +0.850301 +0.855992 +0.860436 +0.866667 +0.874984 +0.878215 +0.883978 +0.888889 +0.895069 +0.9 +0.906635 +0.912951 +0.917851 +0.92 +0.92669 +0.931818 +0.934748 +0.940959 +0.945546 +0.95231 +0.957472 +0.964018 +0.969639 +0.975221 +0.980892 +0.986795 +0.992854 +0.995992 +0.999002 +0.999896 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 diff --git a/compiler_opt/rl/regalloc/vocab/weighed_writes.buckets b/compiler_opt/rl/regalloc/vocab/weighed_writes.buckets deleted file mode 100644 index 9d23161c..00000000 --- a/compiler_opt/rl/regalloc/vocab/weighed_writes.buckets +++ /dev/null @@ -1,999 +0,0 @@ -0 -0 -0 -0 -0 -0 -0 -0 -0 -0 -0 -0 -0 -0 -0 -0 -0 -0 -0 -0 -0 -0 -0 -0 -0 -0 -4.91477e-15 -9.65491e-13 -1.09139e-11 -3.35944e-11 -8.89297e-11 -1.70129e-10 -2.32831e-10 -3.52224e-10 -4.63633e-10 -4.65661e-10 -4.65661e-10 -5.6271e-10 -9.31439e-10 -1.39698e-09 -3.25963e-09 -1.49012e-08 -8.99507e-08 -5.86733e-07 -1.94675e-06 -8.20764e-06 -2.15448e-05 -2.93669e-05 -4.87502e-05 -8.58194e-05 -0.000120614 -0.00017175 -0.000187217 -0.000233966 -0.000249875 -0.000249875 -0.000304535 -0.000304535 -0.000304535 -0.000304535 -0.000312354 -0.000312354 -0.000342445 -0.000365455 -0.00043901 -0.000479058 -0.000497101 -0.000498737 -0.000499251 -0.0004995 -0.00049975 -0.00049975 -0.00049975 -0.00049975 -0.000581339 -0.000785572 -0.000911565 -0.00101379 -0.00122479 -0.00143988 -0.00172252 -0.00199815 -0.00236967 -0.00249875 -0.00287253 -0.00325667 -0.00346021 -0.00381862 -0.00444444 -0.0049975 -0.00551463 -0.00619054 -0.0069029 -0.00735243 -0.00786355 -0.00864381 -0.0095092 -0.0102851 -0.0111458 -0.0121043 -0.0131347 -0.0138406 -0.0146836 -0.0147131 -0.0147131 -0.0156328 -0.0170978 -0.0181035 -0.0183821 -0.0187247 -0.0195398 -0.0212121 -0.0220585 -0.022926 -0.0239014 -0.0258303 -0.0268456 -0.0275862 -0.0285461 -0.0293524 -0.0294113 -0.0294114 -0.0294118 -0.0294118 -0.0303026 -0.0313038 -0.0344492 -0.0362084 -0.0367316 -0.0367316 -0.0367642 -0.0367642 -0.0367816 -0.0373002 -0.0406358 -0.0429043 -0.0441318 -0.0468747 -0.0490797 -0.0499999 -0.0522239 -0.0544913 -0.0551463 -0.0551647 -0.0552624 -0.0553746 -0.0571992 -0.0580111 -0.058646 -0.0587831 -0.0588143 -0.0588143 -0.0588209 -0.058822 -0.0588226 -0.0588227 -0.0588229 -0.0588229 -0.0588229 -0.0588235 -0.0588235 -0.0588235 -0.0588235 -0.0588235 -0.0617219 -0.0625769 -0.0671666 -0.0704411 -0.0735377 -0.078022 -0.0815201 -0.0852395 -0.0882315 -0.0882599 -0.0923077 -0.0946198 -0.0991736 -0.103427 -0.1076 -0.110293 -0.11033 -0.114249 -0.116071 -0.117188 -0.117661 -0.11793 -0.123159 -0.125 -0.125 -0.125061 -0.125061 -0.125062 -0.125062 -0.131703 -0.138359 -0.14284 -0.146395 -0.151584 -0.15625 -0.160011 -0.166626 -0.171703 -0.176443 -0.176457 -0.176466 -0.176526 -0.185714 -0.1875 -0.1875 -0.190476 -0.191177 -0.193548 -0.195402 -0.2 -0.20428 -0.212439 -0.221343 -0.227941 -0.230769 -0.230769 -0.233048 -0.234376 -0.235294 -0.235294 -0.235294 -0.235294 -0.235531 -0.241379 -0.247059 -0.24975 -0.249997 -0.25 -0.25 -0.25 -0.25 -0.25 -0.252632 -0.258065 -0.266953 -0.275862 -0.285395 -0.294118 -0.304251 -0.308823 -0.311892 -0.312469 -0.312469 -0.312499 -0.312499 -0.312499 -0.3125 -0.312501 -0.312501 -0.312504 -0.312504 -0.312504 -0.312504 -0.313364 -0.32 -0.324628 -0.333333 -0.343136 -0.351667 -0.352378 -0.357241 -0.367387 -0.373563 -0.37498 -0.375 -0.375 -0.375 -0.375 -0.375 -0.375 -0.375691 -0.380952 -0.380952 -0.380952 -0.383562 -0.390625 -0.397971 -0.412939 -0.428571 -0.429689 -0.439485 -0.453401 -0.459209 -0.468703 -0.468703 -0.46875 -0.470589 -0.476191 -0.478768 -0.48 -0.481031 -0.484613 -0.492063 -0.496063 -0.498918 -0.499626 -0.499878 -0.499924 -0.499978 -0.49999 -0.499996 -0.499998 -0.499998 -0.499999 -0.499999 -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.503138 -0.524599 -0.541125 -0.556888 -0.5625 -0.572668 -0.588235 -0.6002 -0.61444 -0.617647 -0.617647 -0.619048 -0.622047 -0.624687 -0.624991 -0.624999 -0.625 -0.625 -0.625 -0.625 -0.625 -0.625 -0.625 -0.625 -0.625007 -0.625111 -0.625616 -0.626728 -0.636239 -0.659524 -0.666667 -0.666667 -0.683824 -0.687501 -0.702961 -0.703023 -0.703338 -0.705882 -0.728705 -0.741935 -0.749999 -0.75 -0.760367 -0.776739 -0.801811 -0.831272 -0.849635 -0.859304 -0.859373 -0.859373 -0.859373 -0.85938 -0.860759 -0.876984 -0.893751 -0.914393 -0.926471 -0.927146 -0.937406 -0.937406 -0.937406 -0.937483 -0.937498 -0.937504 -0.937511 -0.937743 -0.937812 -0.937823 -0.940092 -0.941176 -0.941558 -0.963774 -0.980693 -0.992278 -0.996295 -0.997701 -0.998502 -0.999001 -0.999424 -0.9995 -0.999501 -0.999937 -0.999985 -0.999999 -1 -1 -1 -1 -1 -1 -1 -1 -1 -1 -1 -1 -1 -1 -1 -1 -1 -1 -1 -1 -1 -1 -1 -1 -1 -1 -1 -1 -1 -1 -1 -1 -1 -1 -1 -1 -1 -1 -1 -1 -1 -1 -1 -1 -1 -1 -1 -1 -1 -1 -1 -1 -1 -1 -1 -1 -1 -1 -1 -1 -1 -1 -1 -1 -1 -1 -1 -1 -1 -1 -1 -1 -1 -1 -1 -1 -1 -1 -1 -1 -1 -1 -1 -1 -1 -1 -1 -1 -1 -1 -1 -1 -1 -1 -1 -1 -1 -1 -1 -1 -1 -1 -1 -1 -1 -1 -1 -1 -1 -1 -1 -1 -1 -1 -1 -1 -1 -1 -1 -1 -1 -1 -1 -1 -1 -1 -1 -1 -1 -1 -1 -1 -1 -1 -1 -1 -1 -1 -1 -1 -1 -1 -1 -1 -1 -1 -1 -1 -1 -1 -1 -1 -1 -1 -1 -1 -1 -1 -1 -1 -1 -1 -1 -1 -1 -1 -1 -1 -1 -1 -1 -1 -1 -1 -1 -1 -1 -1 -1 -1 -1 -1 -1 -1 -1 -1 -1 -1 -1 -1 -1 -1 -1 -1 -1 -1 -1 -1 -1 -1 -1 -1 -1 -1 -1 -1 -1 -1 -1 -1 -1 -1 -1 -1 -1 -1 -1 -1 -1 -1 -1 -1 -1 -1 -1 -1 -1 -1 -1 -1 -1 -1 -1 -1 -1 -1 -1 -1 -1 -1 -1 -1 -1 -1 -1 -1 -1 -1 -1 -1 -1 -1 -1 -1 -1 -1 -1 -1 -1 -1 -1 -1 -1 -1 -1 -1.00005 -1.00009 -1.00011 -1.00012 -1.00013 -1.00019 -1.00038 -1.00075 -1.001 -1.001 -1.001 -1.00195 -1.002 -1.002 -1.0119 -1.03687 -1.06005 -1.06137 -1.06676 -1.09548 -1.11763 -1.11765 -1.125 -1.12538 -1.12538 -1.14286 -1.14286 -1.16287 -1.17647 -1.19854 -1.23438 -1.25 -1.27304 -1.31247 -1.34601 -1.37498 -1.375 -1.375 -1.375 -1.375 -1.37501 -1.39138 -1.41645 -1.4296 -1.4375 -1.4375 -1.4375 -1.44197 -1.47191 -1.48387 -1.49925 -1.49999 -1.5 -1.5 -1.5 -1.5 -1.5 -1.5 -1.5 -1.5 -1.5 -1.5 -1.5005 -1.5483 -1.5625 -1.56252 -1.59375 -1.625 -1.65441 -1.70925 -1.74978 -1.78123 -1.8125 -1.83496 -1.83589 -1.83589 -1.83589 -1.83592 -1.83593 -1.85294 -1.86766 -1.875 -1.875 -1.875 -1.87501 -1.87714 -1.92919 -1.96774 -1.99721 -2 -2 -2 -2 -2 -2 -2.01936 -2.08592 -2.15174 -2.20885 -2.24956 -2.25 -2.25 -2.25075 -2.31984 -2.35294 -2.42442 -2.48062 -2.49924 -2.49925 -2.49925 -2.50307 -2.57812 -2.61988 -2.62499 -2.62499 -2.67843 -2.73171 -2.79022 -2.8421 -2.88151 -2.94581 -2.98404 -2.9995 -2.99998 -3 -3 -3 -3 -3 -3 -3 -3 -3 -3 -3 -3 -3 -3 -3 -3 -3 -3 -3 -3.00099 -3.001 -3.00573 -3.03702 -3.1197 -3.15954 -3.2455 -3.31747 -3.375 -3.375 -3.44528 -3.49969 -3.52944 -3.65809 -3.67534 -3.7543 -3.86765 -3.9304 -4 -4.01058 -4.11765 -4.25 -4.29679 -4.29679 -4.29686 -4.29686 -4.30415 -4.41407 -4.57012 -4.68132 -4.72308 -4.88907 -5 -5 -5 -5.00248 -5.15423 -5.27015 -5.5 -5.56198 -5.85466 -6 -6.16533 -6.35995 -6.62 -6.88235 -7.00086 -7.31628 -7.50183 -7.65487 -7.81792 -7.99841 -8.09474 -8.22581 -8.26966 -8.45971 -8.82721 -9.04336 -9.41179 -9.5055 -9.79967 -10 -10.1587 -10.3436 -10.6413 -10.9623 -11.2508 -11.7195 -11.9346 -12.3802 -12.5063 -12.75 -13.0543 -13.4359 -13.7702 -14.2381 -14.6607 -15.0588 -15.3337 -15.5833 -15.7928 -15.9375 -16 -16 -16.0001 -16.25 -16.625 -17 -17.5546 -18.066 -18.75 -19.3877 -19.8451 -20 -20 -20 -20.01 -20.3016 -20.625 -20.9688 -21.25 -22.1264 -23.398 -24.1712 -25.1482 -26.6286 -27.5383 -29.2473 -30.0234 -31.2642 -32.375 -33.0099 -34.9851 -37.1407 -39 -40.0051 -40.625 -40.625 -40.8 -42.4167 -44.8079 -47.003 -48.5435 -50.7315 -54.1324 -59.0686 -60.5204 -62.5 -66.6667 -73.5134 -80 -83.5584 -91.2188 -96.3473 -115.468 -125.053 -136.454 -159.537 -170.583 -182.469 -210.25 -248.5 -250.583 -265.739 -298.315 -325.048 -341.25 -383.906 -429.153 -497.5 -534.123 -640 -749.93 -995 -1492.26 -2198.78 -2897.74 -4008.31 -5300.69 -6719.81 -10095.8 -15117.1 -32768 -138543 diff --git a/compiler_opt/rl/regalloc/vocab/weighed_writes_by_max.buckets b/compiler_opt/rl/regalloc/vocab/weighed_writes_by_max.buckets new file mode 100644 index 00000000..5266b582 --- /dev/null +++ b/compiler_opt/rl/regalloc/vocab/weighed_writes_by_max.buckets @@ -0,0 +1,999 @@ +0 +0 +0 +0 +0 +5.37088e-13 +2.04378e-11 +9.70128e-11 +1.5522e-10 +4.62553e-10 +1.30269e-09 +1.13533e-08 +1.68293e-07 +9.72989e-07 +3.79976e-06 +8.3957e-06 +1.52581e-05 +2.57208e-05 +3.1204e-05 +4.08794e-05 +5.55555e-05 +7.13929e-05 +8.89001e-05 +0.000111612 +0.000125735 +0.000159909 +0.000183108 +0.000216917 +0.000249254 +0.000292009 +0.000325362 +0.000365781 +0.000429893 +0.000486411 +0.00049975 +0.000574032 +0.000631234 +0.000672921 +0.000760121 +0.000845836 +0.000915583 +0.000959877 +0.000976682 +0.00100502 +0.00109604 +0.00117722 +0.00126296 +0.00133353 +0.00141126 +0.00149029 +0.00155617 +0.0016724 +0.00178571 +0.00188632 +0.00195146 +0.002 +0.00201207 +0.00212914 +0.00232707 +0.00246103 +0.00260016 +0.00274067 +0.00288074 +0.00301864 +0.003125 +0.00326797 +0.00342131 +0.00352399 +0.0036369 +0.00377331 +0.00385062 +0.00390816 +0.00401606 +0.00411523 +0.00439812 +0.00459691 +0.00488341 +0.005048 +0.00520652 +0.00546368 +0.0056354 +0.00586224 +0.00609238 +0.00630067 +0.00658858 +0.00690115 +0.0070922 +0.00735284 +0.00771688 +0.00787074 +0.00804829 +0.00834915 +0.00878906 +0.00919094 +0.00956942 +0.00980324 +0.0100195 +0.0101721 +0.0103751 +0.0104117 +0.0104202 +0.0105778 +0.0109736 +0.0111554 +0.0114099 +0.0117647 +0.012069 +0.0123184 +0.0127626 +0.0132013 +0.0137333 +0.0142378 +0.0146967 +0.0151276 +0.0154143 +0.015625 +0.015871 +0.0162665 +0.016444 +0.016677 +0.0171429 +0.0177406 +0.0183408 +0.0186117 +0.0191317 +0.0194781 +0.019607 +0.0196076 +0.0196078 +0.0201252 +0.0206035 +0.0208238 +0.0208333 +0.0210091 +0.0218945 +0.0223966 +0.0232425 +0.0240187 +0.0247525 +0.0252462 +0.0261091 +0.026691 +0.0273973 +0.0278828 +0.0285587 +0.0290931 +0.0293966 +0.0295203 +0.0299626 +0.0303029 +0.0304183 +0.0306269 +0.030837 +0.0311317 +0.0312047 +0.0312352 +0.0312352 +0.0312352 +0.0312427 +0.0312495 +0.03125 +0.03125 +0.0312644 +0.0313726 +0.0313726 +0.0313726 +0.0313726 +0.0315625 +0.0320304 +0.0327278 +0.0332414 +0.0333333 +0.0337995 +0.034535 +0.0354101 +0.0362069 +0.0367816 +0.0376785 +0.0384613 +0.0392157 +0.0401457 +0.0410836 +0.0416667 +0.0423734 +0.0434166 +0.044459 +0.0454546 +0.0462428 +0.0469483 +0.0471823 +0.047619 +0.0479876 +0.0487995 +0.0492063 +0.0498295 +0.0499999 +0.05 +0.0504266 +0.0511551 +0.0514642 +0.052591 +0.053534 +0.0544722 +0.0552147 +0.0555555 +0.0556553 +0.0564686 +0.0572687 +0.0580111 +0.0586207 +0.0588219 +0.0588227 +0.0588235 +0.0589289 +0.0602979 +0.0608221 +0.0619048 +0.062362 +0.0624995 +0.0625 +0.0625311 +0.0628539 +0.0636884 +0.0651041 +0.0664839 +0.0668005 +0.0683562 +0.0696649 +0.0714286 +0.0730338 +0.0740741 +0.0754717 +0.0766768 +0.0781249 +0.0793651 +0.0800015 +0.0813801 +0.0823529 +0.0832754 +0.0833333 +0.0842105 +0.0858369 +0.0874154 +0.0882708 +0.0898203 +0.0909091 +0.0916844 +0.0927062 +0.0936613 +0.0937528 +0.0942237 +0.0952381 +0.0964529 +0.0979543 +0.0987654 +0.0999988 +0.100977 +0.102374 +0.103785 +0.104166 +0.104168 +0.104168 +0.106068 +0.107445 +0.108303 +0.109836 +0.110944 +0.111111 +0.111462 +0.112964 +0.113478 +0.115088 +0.116427 +0.117647 +0.119574 +0.121306 +0.122753 +0.124352 +0.124993 +0.125 +0.125032 +0.126263 +0.127184 +0.128713 +0.130818 +0.133216 +0.133601 +0.135989 +0.138597 +0.140597 +0.142522 +0.143377 +0.14524 +0.147239 +0.149425 +0.150004 +0.151645 +0.153061 +0.155418 +0.1575 +0.159664 +0.160889 +0.162052 +0.163599 +0.1648 +0.16621 +0.166639 +0.166665 +0.166666 +0.166666 +0.166667 +0.166667 +0.166667 +0.166667 +0.166667 +0.166667 +0.166667 +0.166667 +0.166667 +0.166667 +0.166667 +0.166667 +0.166667 +0.166667 +0.166667 +0.166667 +0.167168 +0.169233 +0.171712 +0.174419 +0.176467 +0.176471 +0.177994 +0.181562 +0.182849 +0.186202 +0.18753 +0.189929 +0.190476 +0.190529 +0.194403 +0.197155 +0.19971 +0.2 +0.201207 +0.204667 +0.205128 +0.205128 +0.206349 +0.208229 +0.208333 +0.208333 +0.208375 +0.20915 +0.213132 +0.216667 +0.220394 +0.222222 +0.222222 +0.222222 +0.222678 +0.225806 +0.229306 +0.23179 +0.234391 +0.238095 +0.241379 +0.242424 +0.244165 +0.247059 +0.247059 +0.248683 +0.249995 +0.25 +0.25 +0.25 +0.253285 +0.256044 +0.258065 +0.260736 +0.265625 +0.268947 +0.272095 +0.275862 +0.280206 +0.283914 +0.28629 +0.291238 +0.294148 +0.296351 +0.3 +0.303922 +0.307692 +0.307692 +0.310037 +0.312499 +0.312499 +0.312499 +0.312499 +0.3125 +0.312501 +0.312504 +0.312504 +0.312504 +0.312504 +0.312504 +0.313601 +0.315106 +0.319204 +0.321632 +0.323469 +0.325593 +0.328165 +0.330666 +0.332576 +0.333045 +0.333224 +0.333328 +0.333333 +0.333333 +0.333333 +0.333333 +0.333333 +0.333333 +0.333333 +0.333333 +0.333333 +0.333333 +0.333333 +0.333333 +0.333333 +0.333333 +0.333333 +0.333333 +0.333333 +0.333333 +0.333333 +0.333333 +0.333333 +0.333333 +0.333333 +0.333333 +0.333333 +0.333333 +0.333333 +0.333333 +0.333333 +0.333333 +0.333333 +0.333333 +0.333333 +0.333333 +0.333333 +0.333333 +0.333333 +0.333333 +0.333333 +0.333333 +0.333333 +0.333333 +0.333333 +0.333333 +0.333333 +0.333333 +0.333333 +0.333333 +0.333333 +0.333333 +0.333333 +0.333333 +0.333333 +0.333333 +0.333333 +0.333333 +0.333333 +0.333333 +0.333333 +0.333333 +0.333333 +0.333333 +0.333333 +0.333333 +0.333584 +0.335836 +0.33951 +0.34031 +0.340397 +0.340611 +0.34373 +0.347826 +0.351553 +0.353035 +0.357143 +0.359336 +0.363636 +0.369999 +0.374626 +0.375 +0.376296 +0.380952 +0.381818 +0.384669 +0.389247 +0.392638 +0.398685 +0.4 +0.40078 +0.406352 +0.413588 +0.417662 +0.424646 +0.428551 +0.43242 +0.438186 +0.444444 +0.446808 +0.453901 +0.457763 +0.461538 +0.467606 +0.47265 +0.476191 +0.480005 +0.484507 +0.487374 +0.490797 +0.492278 +0.496063 +0.497754 +0.499377 +0.499875 +0.499975 +0.499997 +0.499998 +0.499999 +0.499999 +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.500125 +0.502121 +0.507528 +0.512195 +0.514329 +0.519572 +0.526614 +0.533051 +0.53663 +0.543559 +0.544972 +0.549557 +0.552701 +0.561572 +0.567957 +0.571428 +0.571429 +0.574324 +0.583825 +0.592235 +0.599004 +0.602389 +0.609756 +0.614731 +0.615385 +0.615385 +0.617647 +0.619048 +0.623959 +0.624971 +0.625 +0.625 +0.625287 +0.626728 +0.631579 +0.639775 +0.646512 +0.654497 +0.663158 +0.666556 +0.666667 +0.666667 +0.666667 +0.666667 +0.666667 +0.666667 +0.666667 +0.666667 +0.666667 +0.666667 +0.6668 +0.668152 +0.671587 +0.676471 +0.681172 +0.686441 +0.694233 +0.699453 +0.707182 +0.715975 +0.724138 +0.727273 +0.727332 +0.732394 +0.739193 +0.746048 +0.749986 +0.75 +0.756343 +0.762181 +0.768568 +0.77718 +0.790846 +0.8 +0.803969 +0.810245 +0.820626 +0.830449 +0.838384 +0.848112 +0.857143 +0.865385 +0.874345 +0.883251 +0.887114 +0.889552 +0.895105 +0.903066 +0.914227 +0.921053 +0.93098 +0.9375 +0.940959 +0.943392 +0.944446 +0.948081 +0.952383 +0.959856 +0.965517 +0.969582 +0.970238 +0.971831 +0.976689 +0.982143 +0.986391 +0.991469 +0.994397 +0.99623 +0.997992 +0.998859 +0.999354 +0.999501 +0.999672 +0.999672 +0.999794 +0.99998 +0.999999 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 diff --git a/compiler_opt/rl/regalloc_network.py b/compiler_opt/rl/regalloc_network.py new file mode 100644 index 00000000..be9bcce5 --- /dev/null +++ b/compiler_opt/rl/regalloc_network.py @@ -0,0 +1,172 @@ +# 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. + +"""Actor network for Register Allocation.""" + +from typing import Optional, Sequence, Callable, Text, Any + +import gin +import tensorflow as tf +from tf_agents.networks import categorical_projection_network +from tf_agents.networks import encoding_network +from tf_agents.networks import network +from tf_agents.typing import types +from tf_agents.utils import nest_utils + + +class RegAllocEncodingNetwork(encoding_network.EncodingNetwork): + + def __init__(self, **kwargs): + super(RegAllocEncodingNetwork, self).__init__(**kwargs) + # remove the first layer (Flatten) in postprocessing_layers cause this will + # flatten the B x T x 33 x dim to B x T x (33 x dim). + self._postprocessing_layers = self._postprocessing_layers[1:] + + +class RegAllocProbProjectionNetwork( + categorical_projection_network.CategoricalProjectionNetwork): + + def __init__(self, **kwargs): + super(RegAllocProbProjectionNetwork, self).__init__(**kwargs) + # shape after projection_layer: B x T x 33 x 1; then gets re-shaped to + # B x T x 33. + self._projection_layer = tf.keras.layers.Dense( + 1, + kernel_initializer=tf.compat.v1.keras.initializers.VarianceScaling( + scale=kwargs['logits_init_output_factor']), + bias_initializer=tf.keras.initializers.Zeros(), + name='logits') + + +@gin.configurable +class RegAllocNetwork(network.DistributionNetwork): + """Creates an actor producing either Normal or Categorical distribution. + + Note: By default, this network uses `NormalProjectionNetwork` for continuous + projection which by default uses `tanh_squash_to_spec` to normalize its + output. Due to the nature of the `tanh` function, values near the spec bounds + cannot be returned. + """ + + def __init__( + self, + input_tensor_spec: types.NestedTensorSpec, + output_tensor_spec: types.NestedTensorSpec, + preprocessing_layers: Optional[types.NestedLayer] = None, + preprocessing_combiner: Optional[tf.keras.layers.Layer] = None, + conv_layer_params: Optional[Sequence[Any]] = None, + fc_layer_params: Optional[Sequence[int]] = (200, 100), + dropout_layer_params: Optional[Sequence[float]] = None, + activation_fn: Callable[[types.Tensor], + types.Tensor] = tf.keras.activations.relu, + kernel_initializer: Optional[tf.keras.initializers.Initializer] = None, + batch_squash: bool = True, + dtype: tf.DType = tf.float32, + name: Text = 'ActorDistributionNetwork'): + """Creates an instance of `ActorDistributionNetwork`. + + Args: + input_tensor_spec: A nest of `tensor_spec.TensorSpec` representing the + input. + output_tensor_spec: A nest of `tensor_spec.BoundedTensorSpec` representing + the output. + preprocessing_layers: (Optional.) A nest of `tf.keras.layers.Layer` + representing preprocessing for the different observations. + All of these layers must not be already built. For more details see + the documentation of `networks.EncodingNetwork`. + preprocessing_combiner: (Optional.) A keras layer that takes a flat list + of tensors and combines them. Good options include + `tf.keras.layers.Add` and `tf.keras.layers.Concatenate(axis=-1)`. + This layer must not be already built. For more details see + the documentation of `networks.EncodingNetwork`. + conv_layer_params: Optional list of convolution layers parameters, where + each item is a length-three tuple indicating (filters, kernel_size, + stride). + fc_layer_params: Optional list of fully_connected parameters, where each + item is the number of units in the layer. + dropout_layer_params: Optional list of dropout layer parameters, each item + is the fraction of input units to drop or a dictionary of parameters + according to the keras.Dropout documentation. The additional parameter + `permanent`, if set to True, allows to apply dropout at inference for + approximated Bayesian inference. The dropout layers are interleaved with + the fully connected layers; there is a dropout layer after each fully + connected layer, except if the entry in the list is None. This list must + have the same length of fc_layer_params, or be None. + activation_fn: Activation function, e.g. tf.nn.relu, slim.leaky_relu, ... + kernel_initializer: Initializer to use for the kernels of the conv and + dense layers. If none is provided a default glorot_uniform. + batch_squash: If True the outer_ranks of the observation are squashed into + the batch dimension. This allow encoding networks to be used with + observations with shape [BxTx...]. + dtype: The dtype to use by the convolution and fully connected layers. + name: A string representing name of the network. + + Raises: + ValueError: If `input_tensor_spec` contains more than one observation. + """ + + if not kernel_initializer: + kernel_initializer = tf.compat.v1.keras.initializers.glorot_uniform() + + # input: B x T x obs_spec + # output: B x T x 33 x dim + encoder = RegAllocEncodingNetwork( + input_tensor_spec=input_tensor_spec, + preprocessing_layers=preprocessing_layers, + preprocessing_combiner=preprocessing_combiner, + conv_layer_params=conv_layer_params, + fc_layer_params=fc_layer_params, + dropout_layer_params=dropout_layer_params, + activation_fn=activation_fn, + kernel_initializer=kernel_initializer, + batch_squash=batch_squash, + dtype=dtype) + + projection_network = RegAllocProbProjectionNetwork( + sample_spec=output_tensor_spec, logits_init_output_factor=0.1) + output_spec = projection_network.output_spec + + super(RegAllocNetwork, self).__init__( + input_tensor_spec=input_tensor_spec, + state_spec=(), + output_spec=output_spec, + name=name) + + self._encoder = encoder + self._projection_network = projection_network + self._output_tensor_spec = output_tensor_spec + + @property + def output_tensor_spec(self): + return self._output_tensor_spec + + def call(self, + observations: types.NestedTensor, + step_type: types.NestedTensor, + network_state=(), + training: bool = False, + mask=None): + state, network_state = self._encoder( + observations, + step_type=step_type, + network_state=network_state, + training=training) + outer_rank = nest_utils.get_outer_rank(observations, self.input_tensor_spec) + + # mask un-evictable registers. + distribution, _ = self._projection_network( + state, outer_rank, training=training, mask=observations['mask']) + + return distribution, network_state diff --git a/compiler_opt/rl/regalloc_network_test.py b/compiler_opt/rl/regalloc_network_test.py new file mode 100644 index 00000000..160e35d7 --- /dev/null +++ b/compiler_opt/rl/regalloc_network_test.py @@ -0,0 +1,70 @@ +# 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. + +"""Tests for tf_agents.networks.actor_distribution_network.""" + +import tensorflow as tf +import tensorflow_probability as tfp +from tf_agents.specs import tensor_spec + +from compiler_opt.rl import regalloc_network +from compiler_opt.rl.regalloc import config + + +def _observation_processing_layer(obs_spec): + """Creates the layer to process observation given obs_spec.""" + + def expand_progress(obs): + if obs_spec.name == 'progress': + obs = tf.expand_dims(obs, -1) + obs = tf.tile(obs, [1, config.get_num_registers()]) + return tf.expand_dims(tf.cast(obs, tf.float32), -1) + + return tf.keras.layers.Lambda(expand_progress) + + +class RegAllocNetworkTest(tf.test.TestCase): + + def setUp(self): + time_step_spec, action_spec = config.get_regalloc_signature_spec() + random_observation = tensor_spec.sample_spec_nest( + time_step_spec, outer_dims=(2, 3)) + super(RegAllocNetworkTest, self).setUp() + self._time_step_spec = time_step_spec + self._action_spec = action_spec + self._random_observation = random_observation + + def testBuilds(self): + layers = tf.nest.map_structure(_observation_processing_layer, + self._time_step_spec.observation) + + net = regalloc_network.RegAllocNetwork( + self._time_step_spec.observation, + self._action_spec, + preprocessing_layers=layers, + preprocessing_combiner=tf.keras.layers.Concatenate(), + fc_layer_params=(10,)) + + action_distributions, _ = net( + self._random_observation.observation, + step_type=self._random_observation.step_type) + self.assertIsInstance(action_distributions, tfp.distributions.Categorical) + self.assertEqual([2, 3], action_distributions.mode().shape.as_list()) + self.assertAllInRange(action_distributions.mode(), 0, + config.get_num_registers() - 1) + + +if __name__ == '__main__': + tf.test.main() diff --git a/docs/demo/demo.md b/docs/demo/demo.md index db951837..e04a9a21 100644 --- a/docs/demo/demo.md +++ b/docs/demo/demo.md @@ -266,7 +266,12 @@ DESTDIR=${LLVM_INSTALLDIR_RELEASE} ninja install-distribution-stripped cp ${FUCHSIA_SRCDIR}/prebuilt/third_party/clang/linux-x64/lib/runtime.json ${LLVM_INSTALLDIR_RELEASE}/lib/runtime.json ``` -**NOTE**: The only flag specific to MLGO is `TENSORFLOW_AOT_PATH`, which +**NOTE 1**: If you are using LLVM-at-head instead of an exact repro, there is an +additional flag `-DLLVM_INLINER_MODEL_PATH=` that you need to set to the path to +your model. If you set the flag to `download`, then the latest compatible model +release from github will be downloaded. + +**NOTE 2**: The only flag specific to MLGO is `TENSORFLOW_AOT_PATH`, which replaces `TENSORFLOW_C_LIB_PATH` used earlier. ```shell