diff --git a/.github/workflows/release.yml b/.github/workflows/release.yml index 288cdcc..cc5aec7 100644 --- a/.github/workflows/release.yml +++ b/.github/workflows/release.yml @@ -13,7 +13,7 @@ jobs: strategy: matrix: runs-on: [ubuntu-latest, macos-latest] - python-version: [3.7, 3.8, 3.9] + python-version: ["3.7", "3.8", "3.9", "3.10"] steps: - uses: actions/checkout@v2 - name: Set up Python ${{ matrix.python-version }} diff --git a/.github/workflows/tests.yml b/.github/workflows/tests.yml index 73d68ee..8e8fa1b 100644 --- a/.github/workflows/tests.yml +++ b/.github/workflows/tests.yml @@ -15,7 +15,7 @@ jobs: strategy: matrix: runs-on: [ubuntu-latest, macos-latest] - python-version: [3.7, 3.8, 3.9] + python-version: ["3.7", "3.8", "3.9", "3.10"] steps: - uses: actions/checkout@v2 - name: Set up Python ${{ matrix.python-version }} diff --git a/coax/_core/stochastic_q.py b/coax/_core/stochastic_q.py index ab63b1b..ed11e57 100644 --- a/coax/_core/stochastic_q.py +++ b/coax/_core/stochastic_q.py @@ -29,20 +29,19 @@ class StochasticQ(BaseStochasticFuncType1): value_range : tuple of floats, optional - A pair of floats :code:`(min_value, max_value)`. If no `value_range` is given, `num_bins` - is the number of bins of the quantile function as in - `IQN ` or `QR-DQN `. + A pair of floats :code:`(min_value, max_value)`. If no :code:`value_range` is given, + :code:`num_bins` is the number of bins of the quantile function as in + `IQN `_ or `QR-DQN `_. num_bins : int, optional - If `value_range` is given: The space of rewards is discretized in :code:`num_bins` equal - sized bins. We use the default setting of 51 as suggested in the - `Distributional RL `_paper. + If :code:`value_range` is given: The space of rewards is discretized in :code:`num_bins` + equal sized bins. We use the default setting of 51 as suggested in the + `Distributional RL `_ paper. Else: The number of fractions of the quantile function of the rewards is defined by - :code:`num_bins` as in `IQN ` or - `QR-DQN `. - + :code:`num_bins` as in `IQN `_ or + `QR-DQN `_. observation_preprocessor : function, optional diff --git a/coax/proba_dists/_discretized_interval.py b/coax/proba_dists/_discretized_interval.py index b70f8ed..b5fbfd3 100644 --- a/coax/proba_dists/_discretized_interval.py +++ b/coax/proba_dists/_discretized_interval.py @@ -101,9 +101,9 @@ def affine_transform(dist_params, scale, shift, value_transform=None): m = jnp.zeros_like(p) i = jnp.expand_dims(jnp.arange(batch_size), axis=1) # batch index - m = jax.ops.index_add(m, (i, l), p * (u - b), indices_are_sorted=True) - m = jax.ops.index_add(m, (i, u), p * (b - l), indices_are_sorted=True) - m = jax.ops.index_add(m, (i, l), p * (l == u), indices_are_sorted=True) + m = m.at[(i, l)].add(p * (u - b), indices_are_sorted=True) + m = m.at[(i, u)].add(p * (b - l), indices_are_sorted=True) + m = m.at[(i, l)].add(p * (l == u), indices_are_sorted=True) # chex.assert_tree_all_close(jnp.sum(m, axis=1), jnp.ones(batch_size), rtol=1e-6) # # The above index trickery is equivalent to: diff --git a/coax/reward_tracing/_montecarlo_test.py b/coax/reward_tracing/_montecarlo_test.py index da06bb1..a13c4b2 100644 --- a/coax/reward_tracing/_montecarlo_test.py +++ b/coax/reward_tracing/_montecarlo_test.py @@ -2,7 +2,6 @@ import pytest import gym -import jax import jax.numpy as jnp from numpy.testing import assert_array_almost_equal @@ -40,7 +39,7 @@ class TestMonteCarlo: D = jnp.array([False] * 12 + [True]) G = jnp.zeros_like(R) for i, r in enumerate(R[::-1]): - G = jax.ops.index_update(G, i, r + gamma * G[i - 1]) + G = G.at[i].set(r + gamma * G[i - 1]) G = G[::-1] episode = list(zip(S, A, R, D)) diff --git a/coax/reward_tracing/_nstep_test.py b/coax/reward_tracing/_nstep_test.py index 689d746..fa39785 100644 --- a/coax/reward_tracing/_nstep_test.py +++ b/coax/reward_tracing/_nstep_test.py @@ -2,7 +2,6 @@ import pytest import gym -import jax import jax.numpy as jnp from numpy.testing import assert_array_almost_equal @@ -57,8 +56,8 @@ def Rn(self): Rn_ = jnp.zeros_like(self.R) gammas = jnp.power(self.gamma, jnp.arange(13)) for i in range(len(Rn_)): - Rn_ = jax.ops.index_update(Rn_, i, self.R[i:(i + self.n)].dot( - gammas[:len(self.R[i:(i + self.n)])])) + Rn_ = Rn_.at[i].set( + self.R[i:(i + self.n)].dot(gammas[:len(self.R[i:(i + self.n)])])) return Rn_ def test_append_done_twice(self): diff --git a/doc/_intersphinx/haiku.inv b/doc/_intersphinx/haiku.inv index 07381fb..68b0729 100644 Binary files a/doc/_intersphinx/haiku.inv and b/doc/_intersphinx/haiku.inv differ diff --git a/doc/_intersphinx/haiku.txt b/doc/_intersphinx/haiku.txt index 822da7c..43c5375 100644 --- a/doc/_intersphinx/haiku.txt +++ b/doc/_intersphinx/haiku.txt @@ -17,6 +17,12 @@ py:attribute haiku.MultiTransformedWithState.apply api.html#haiku.MultiTransformedWithState.apply haiku.MultiTransformedWithState.init api.html#haiku.MultiTransformedWithState.init haiku.Params api.html#haiku.Params + haiku.SetterContext.full_name api.html#haiku.SetterContext.full_name + haiku.SetterContext.module api.html#haiku.SetterContext.module + haiku.SetterContext.module_name api.html#haiku.SetterContext.module_name + haiku.SetterContext.name api.html#haiku.SetterContext.name + haiku.SetterContext.original_dtype api.html#haiku.SetterContext.original_dtype + haiku.SetterContext.original_shape api.html#haiku.SetterContext.original_shape haiku.State api.html#haiku.State haiku.Transformed.apply api.html#haiku.Transformed.apply haiku.Transformed.init api.html#haiku.Transformed.init @@ -61,7 +67,10 @@ py:class haiku.ConvND api.html#haiku.ConvND haiku.ConvNDTranspose api.html#haiku.ConvNDTranspose haiku.DeepRNN api.html#haiku.DeepRNN + haiku.Deferred api.html#haiku.Deferred + haiku.DepthwiseConv1D api.html#haiku.DepthwiseConv1D haiku.DepthwiseConv2D api.html#haiku.DepthwiseConv2D + haiku.DepthwiseConv3D api.html#haiku.DepthwiseConv3D haiku.EMAParamsTree api.html#haiku.EMAParamsTree haiku.Embed api.html#haiku.Embed haiku.EmbedLookupStyle api.html#haiku.EmbedLookupStyle @@ -79,6 +88,7 @@ py:class haiku.MaxPool api.html#haiku.MaxPool haiku.MethodContext api.html#haiku.MethodContext haiku.Module api.html#haiku.Module + haiku.ModuleProtocol api.html#haiku.ModuleProtocol haiku.MultiHeadAttention api.html#haiku.MultiHeadAttention haiku.MultiTransformed api.html#haiku.MultiTransformed haiku.MultiTransformedWithState api.html#haiku.MultiTransformedWithState @@ -90,13 +100,18 @@ py:class haiku.SNParamsTree api.html#haiku.SNParamsTree haiku.SeparableDepthwiseConv2D api.html#haiku.SeparableDepthwiseConv2D haiku.Sequential api.html#haiku.Sequential + haiku.SetterContext api.html#haiku.SetterContext haiku.SpectralNorm api.html#haiku.SpectralNorm + haiku.SupportsCall api.html#haiku.SupportsCall haiku.Transformed api.html#haiku.Transformed haiku.TransformedWithState api.html#haiku.TransformedWithState haiku.VanillaRNN api.html#haiku.VanillaRNN haiku.experimental.ArraySpec api.html#haiku.experimental.ArraySpec + haiku.experimental.LiftWithStateUpdater api.html#haiku.experimental.LiftWithStateUpdater haiku.experimental.MethodInvocation api.html#haiku.experimental.MethodInvocation haiku.experimental.ModuleDetails api.html#haiku.experimental.ModuleDetails + haiku.experimental.jaxpr_info.Expression api.html#haiku.experimental.jaxpr_info.Expression + haiku.experimental.jaxpr_info.Module api.html#haiku.experimental.jaxpr_info.Module haiku.initializers.Constant api.html#haiku.initializers.Constant haiku.initializers.Identity api.html#haiku.initializers.Identity haiku.initializers.Orthogonal api.html#haiku.initializers.Orthogonal @@ -122,8 +137,11 @@ py:class py:function haiku.avg_pool api.html#haiku.avg_pool haiku.cond api.html#haiku.cond + haiku.config.context api.html#haiku.config.context + haiku.config.set api.html#haiku.config.set haiku.custom_creator api.html#haiku.custom_creator haiku.custom_getter api.html#haiku.custom_getter + haiku.custom_setter api.html#haiku.custom_setter haiku.data_structures.filter api.html#haiku.data_structures.filter haiku.data_structures.is_subset api.html#haiku.data_structures.is_subset haiku.data_structures.map api.html#haiku.data_structures.map @@ -142,7 +160,17 @@ py:function haiku.eval_shape api.html#haiku.eval_shape haiku.expand_apply api.html#haiku.expand_apply haiku.experimental.abstract_to_dot api.html#haiku.experimental.abstract_to_dot + haiku.experimental.check_jax_usage api.html#haiku.experimental.check_jax_usage haiku.experimental.eval_summary api.html#haiku.experimental.eval_summary + haiku.experimental.jaxpr_info.as_html api.html#haiku.experimental.jaxpr_info.as_html + haiku.experimental.jaxpr_info.as_html_page api.html#haiku.experimental.jaxpr_info.as_html_page + haiku.experimental.jaxpr_info.css api.html#haiku.experimental.jaxpr_info.css + haiku.experimental.jaxpr_info.format_module api.html#haiku.experimental.jaxpr_info.format_module + haiku.experimental.jaxpr_info.js api.html#haiku.experimental.jaxpr_info.js + haiku.experimental.jaxpr_info.make_model_info api.html#haiku.experimental.jaxpr_info.make_model_info + haiku.experimental.layer_stack api.html#haiku.experimental.layer_stack + haiku.experimental.lift_with_state api.html#haiku.experimental.lift_with_state + haiku.experimental.module_auto_repr api.html#haiku.experimental.module_auto_repr haiku.experimental.name_like api.html#haiku.experimental.name_like haiku.experimental.name_scope api.html#haiku.experimental.name_scope haiku.experimental.named_call api.html#haiku.experimental.named_call @@ -151,11 +179,11 @@ py:function haiku.experimental.tabulate api.html#haiku.experimental.tabulate haiku.experimental.to_dot api.html#haiku.experimental.to_dot haiku.fori_loop api.html#haiku.fori_loop + haiku.get_channel_index api.html#haiku.get_channel_index haiku.get_parameter api.html#haiku.get_parameter haiku.get_state api.html#haiku.get_state haiku.grad api.html#haiku.grad haiku.intercept_methods api.html#haiku.intercept_methods - haiku.jit api.html#haiku.jit haiku.lift api.html#haiku.lift haiku.max_pool api.html#haiku.max_pool haiku.maybe_next_rng_key api.html#haiku.maybe_next_rng_key @@ -220,8 +248,14 @@ py:method haiku.ConvNDTranspose.__call__ api.html#haiku.ConvNDTranspose.__call__ haiku.ConvNDTranspose.__init__ api.html#haiku.ConvNDTranspose.__init__ haiku.DeepRNN.__init__ api.html#haiku.DeepRNN.__init__ - haiku.DepthwiseConv2D.__call__ api.html#haiku.DepthwiseConv2D.__call__ + haiku.Deferred.__call__ api.html#haiku.Deferred.__call__ + haiku.Deferred.__delattr__ api.html#haiku.Deferred.__delattr__ + haiku.Deferred.__init__ api.html#haiku.Deferred.__init__ + haiku.Deferred.__setattr__ api.html#haiku.Deferred.__setattr__ + haiku.Deferred.target api.html#haiku.Deferred.target + haiku.DepthwiseConv1D.__init__ api.html#haiku.DepthwiseConv1D.__init__ haiku.DepthwiseConv2D.__init__ api.html#haiku.DepthwiseConv2D.__init__ + haiku.DepthwiseConv3D.__init__ api.html#haiku.DepthwiseConv3D.__init__ haiku.EMAParamsTree.__call__ api.html#haiku.EMAParamsTree.__call__ haiku.EMAParamsTree.__init__ api.html#haiku.EMAParamsTree.__init__ haiku.Embed.__call__ api.html#haiku.Embed.__call__ @@ -320,8 +354,10 @@ py:method haiku.nets.VectorQuantizerEMA.quantize api.html#haiku.nets.VectorQuantizerEMA.quantize py:module haiku api.html#module-0 + haiku.config api.html#module-haiku.config haiku.data_structures api.html#module-haiku.data_structures haiku.experimental api.html#module-haiku.experimental + haiku.experimental.jaxpr_info api.html#module-haiku.experimental.jaxpr_info haiku.initializers api.html#module-haiku.initializers haiku.mixed_precision api.html#module-haiku.mixed_precision haiku.nets api.html#module-haiku.nets @@ -334,12 +370,15 @@ std:doc notebooks/build_your_own_haiku Build your own Haiku : notebooks/build_your_own_haiku.html notebooks/jax2tf Haiku and jax2tf : notebooks/jax2tf.html notebooks/non_trainable Training a subset of parameters : notebooks/non_trainable.html + notebooks/parameter_sharing Parameter sharing in Haiku : notebooks/parameter_sharing.html notebooks/transforms Limitations of Nesting JAX Functions and Haiku Modules: notebooks/transforms.html notebooks/visualization Visualization : notebooks/visualization.html std:label /api.rst Haiku Fundamentals : api.html /api.rst#abstract-to-dot abstract_to_dot : api.html#abstract-to-dot /api.rst#arrayspec ArraySpec : api.html#arrayspec + /api.rst#as-html as_html : api.html#as-html + /api.rst#as-html-page as_html_page : api.html#as-html-page /api.rst#attention Attention : api.html#attention /api.rst#automatic-mixed-precision Automatic Mixed Precision : api.html#automatic-mixed-precision /api.rst#average-pool Average Pool : api.html#average-pool @@ -348,11 +387,13 @@ std:label /api.rst#batchnorm BatchNorm : api.html#batchnorm /api.rst#bias Bias : api.html#bias /api.rst#causal causal : api.html#causal + /api.rst#check-jax-usage check_jax_usage : api.html#check-jax-usage /api.rst#clear-policy clear_policy : api.html#clear-policy /api.rst#combinator Combinator : api.html#combinator /api.rst#common-modules Common Modules : api.html#common-modules /api.rst#cond cond : api.html#cond /api.rst#constant Constant : api.html#constant + /api.rst#context context : api.html#context /api.rst#control-flow Control Flow : api.html#control-flow /api.rst#conv1d Conv1D : api.html#conv1d /api.rst#conv1dlstm Conv1DLSTM : api.html#conv1dlstm @@ -369,11 +410,16 @@ std:label /api.rst#create create : api.html#create /api.rst#create-from-padfn create_from_padfn : api.html#create-from-padfn /api.rst#create-from-tuple create_from_tuple : api.html#create-from-tuple + /api.rst#css css : api.html#css /api.rst#current-policy current_policy : api.html#current-policy /api.rst#custom-creator custom_creator : api.html#custom-creator /api.rst#custom-getter custom_getter : api.html#custom-getter + /api.rst#custom-setter custom_setter : api.html#custom-setter /api.rst#deeprnn DeepRNN : api.html#deeprnn + /api.rst#deferred Deferred : api.html#deferred + /api.rst#depthwiseconv1d DepthwiseConv1D : api.html#depthwiseconv1d /api.rst#depthwiseconv2d DepthwiseConv2D : api.html#depthwiseconv2d + /api.rst#depthwiseconv3d DepthwiseConv3D : api.html#depthwiseconv3d /api.rst#dropout Dropout : api.html#dropout /api.rst#dynamic-unroll dynamic_unroll : api.html#dynamic-unroll /api.rst#emaparamstree EMAParamsTree : api.html#emaparamstree @@ -384,10 +430,13 @@ std:label /api.rst#eval-summary eval_summary : api.html#eval-summary /api.rst#expand-apply expand_apply : api.html#expand-apply /api.rst#exponentialmovingaverage ExponentialMovingAverage : api.html#exponentialmovingaverage + /api.rst#expression Expression : api.html#expression /api.rst#filter filter : api.html#filter /api.rst#flatten Flatten : api.html#flatten /api.rst#fori-loop fori_loop : api.html#fori-loop + /api.rst#format-module format_module : api.html#format-module /api.rst#full full : api.html#full + /api.rst#get-channel-index get_channel_index : api.html#get-channel-index /api.rst#get-parameter get_parameter : api.html#get-parameter /api.rst#get-policy get_policy : api.html#get-policy /api.rst#get-state get_state : api.html#get-state @@ -413,6 +462,8 @@ std:label /api.rst#haiku.bias.__call__ haiku.Bias.__call__ : api.html#haiku.Bias.__call__ /api.rst#haiku.bias.__init__ haiku.Bias.__init__ : api.html#haiku.Bias.__init__ /api.rst#haiku.cond haiku.cond : api.html#haiku.cond + /api.rst#haiku.config.context haiku.config.context : api.html#haiku.config.context + /api.rst#haiku.config.set haiku.config.set : api.html#haiku.config.set /api.rst#haiku.conv1d haiku.Conv1D : api.html#haiku.Conv1D /api.rst#haiku.conv1d.__init__ haiku.Conv1D.__init__ : api.html#haiku.Conv1D.__init__ /api.rst#haiku.conv1dlstm haiku.Conv1DLSTM : api.html#haiku.Conv1DLSTM @@ -439,6 +490,7 @@ std:label /api.rst#haiku.convndtranspose.__init__ haiku.ConvNDTranspose.__init__ : api.html#haiku.ConvNDTranspose.__init__ /api.rst#haiku.custom_creator haiku.custom_creator : api.html#haiku.custom_creator /api.rst#haiku.custom_getter haiku.custom_getter : api.html#haiku.custom_getter + /api.rst#haiku.custom_setter haiku.custom_setter : api.html#haiku.custom_setter /api.rst#haiku.data_structures.filter haiku.data_structures.filter : api.html#haiku.data_structures.filter /api.rst#haiku.data_structures.is_subset haiku.data_structures.is_subset : api.html#haiku.data_structures.is_subset /api.rst#haiku.data_structures.map haiku.data_structures.map : api.html#haiku.data_structures.map @@ -454,9 +506,18 @@ std:label /api.rst#haiku.deep_rnn_with_skip_connections haiku.deep_rnn_with_skip_connections : api.html#haiku.deep_rnn_with_skip_connections /api.rst#haiku.deeprnn haiku.DeepRNN : api.html#haiku.DeepRNN /api.rst#haiku.deeprnn.__init__ haiku.DeepRNN.__init__ : api.html#haiku.DeepRNN.__init__ + /api.rst#haiku.deferred haiku.Deferred : api.html#haiku.Deferred + /api.rst#haiku.deferred.__call__ haiku.Deferred.__call__ : api.html#haiku.Deferred.__call__ + /api.rst#haiku.deferred.__delattr__ haiku.Deferred.__delattr__ : api.html#haiku.Deferred.__delattr__ + /api.rst#haiku.deferred.__init__ haiku.Deferred.__init__ : api.html#haiku.Deferred.__init__ + /api.rst#haiku.deferred.__setattr__ haiku.Deferred.__setattr__ : api.html#haiku.Deferred.__setattr__ + /api.rst#haiku.deferred.target haiku.Deferred.target : api.html#haiku.Deferred.target + /api.rst#haiku.depthwiseconv1d haiku.DepthwiseConv1D : api.html#haiku.DepthwiseConv1D + /api.rst#haiku.depthwiseconv1d.__init__ haiku.DepthwiseConv1D.__init__ : api.html#haiku.DepthwiseConv1D.__init__ /api.rst#haiku.depthwiseconv2d haiku.DepthwiseConv2D : api.html#haiku.DepthwiseConv2D - /api.rst#haiku.depthwiseconv2d.__call__ haiku.DepthwiseConv2D.__call__ : api.html#haiku.DepthwiseConv2D.__call__ /api.rst#haiku.depthwiseconv2d.__init__ haiku.DepthwiseConv2D.__init__ : api.html#haiku.DepthwiseConv2D.__init__ + /api.rst#haiku.depthwiseconv3d haiku.DepthwiseConv3D : api.html#haiku.DepthwiseConv3D + /api.rst#haiku.depthwiseconv3d.__init__ haiku.DepthwiseConv3D.__init__ : api.html#haiku.DepthwiseConv3D.__init__ /api.rst#haiku.dropout haiku.dropout : api.html#haiku.dropout /api.rst#haiku.dynamic_unroll haiku.dynamic_unroll : api.html#haiku.dynamic_unroll /api.rst#haiku.emaparamstree haiku.EMAParamsTree : api.html#haiku.EMAParamsTree @@ -474,7 +535,19 @@ std:label /api.rst#haiku.experimental.arrayspec haiku.experimental.ArraySpec : api.html#haiku.experimental.ArraySpec /api.rst#haiku.experimental.arrayspec.dtype haiku.experimental.ArraySpec.dtype : api.html#haiku.experimental.ArraySpec.dtype /api.rst#haiku.experimental.arrayspec.shape haiku.experimental.ArraySpec.shape : api.html#haiku.experimental.ArraySpec.shape + /api.rst#haiku.experimental.check_jax_usage haiku.experimental.check_jax_usage : api.html#haiku.experimental.check_jax_usage /api.rst#haiku.experimental.eval_summary haiku.experimental.eval_summary : api.html#haiku.experimental.eval_summary + /api.rst#haiku.experimental.jaxpr_info.as_html haiku.experimental.jaxpr_info.as_html : api.html#haiku.experimental.jaxpr_info.as_html + /api.rst#haiku.experimental.jaxpr_info.as_html_page haiku.experimental.jaxpr_info.as_html_page: api.html#haiku.experimental.jaxpr_info.as_html_page + /api.rst#haiku.experimental.jaxpr_info.css haiku.experimental.jaxpr_info.css : api.html#haiku.experimental.jaxpr_info.css + /api.rst#haiku.experimental.jaxpr_info.expression haiku.experimental.jaxpr_info.Expression: api.html#haiku.experimental.jaxpr_info.Expression + /api.rst#haiku.experimental.jaxpr_info.format_module haiku.experimental.jaxpr_info.format_module: api.html#haiku.experimental.jaxpr_info.format_module + /api.rst#haiku.experimental.jaxpr_info.js haiku.experimental.jaxpr_info.js : api.html#haiku.experimental.jaxpr_info.js + /api.rst#haiku.experimental.jaxpr_info.make_model_info haiku.experimental.jaxpr_info.make_model_info: api.html#haiku.experimental.jaxpr_info.make_model_info + /api.rst#haiku.experimental.jaxpr_info.module haiku.experimental.jaxpr_info.Module : api.html#haiku.experimental.jaxpr_info.Module + /api.rst#haiku.experimental.layer_stack haiku.experimental.layer_stack : api.html#haiku.experimental.layer_stack + /api.rst#haiku.experimental.lift_with_state haiku.experimental.lift_with_state : api.html#haiku.experimental.lift_with_state + /api.rst#haiku.experimental.liftwithstateupdater haiku.experimental.LiftWithStateUpdater : api.html#haiku.experimental.LiftWithStateUpdater /api.rst#haiku.experimental.methodinvocation haiku.experimental.MethodInvocation : api.html#haiku.experimental.MethodInvocation /api.rst#haiku.experimental.methodinvocation.args_spec haiku.experimental.MethodInvocation.args_spec: api.html#haiku.experimental.MethodInvocation.args_spec /api.rst#haiku.experimental.methodinvocation.call_stack haiku.experimental.MethodInvocation.call_stack: api.html#haiku.experimental.MethodInvocation.call_stack @@ -482,6 +555,7 @@ std:label /api.rst#haiku.experimental.methodinvocation.kwargs_spec haiku.experimental.MethodInvocation.kwargs_spec: api.html#haiku.experimental.MethodInvocation.kwargs_spec /api.rst#haiku.experimental.methodinvocation.module_details haiku.experimental.MethodInvocation.module_details: api.html#haiku.experimental.MethodInvocation.module_details /api.rst#haiku.experimental.methodinvocation.output_spec haiku.experimental.MethodInvocation.output_spec: api.html#haiku.experimental.MethodInvocation.output_spec + /api.rst#haiku.experimental.module_auto_repr haiku.experimental.module_auto_repr : api.html#haiku.experimental.module_auto_repr /api.rst#haiku.experimental.moduledetails haiku.experimental.ModuleDetails : api.html#haiku.experimental.ModuleDetails /api.rst#haiku.experimental.moduledetails.method_name haiku.experimental.ModuleDetails.method_name: api.html#haiku.experimental.ModuleDetails.method_name /api.rst#haiku.experimental.moduledetails.module haiku.experimental.ModuleDetails.module : api.html#haiku.experimental.ModuleDetails.module @@ -501,6 +575,7 @@ std:label /api.rst#haiku.flatten haiku.Flatten : api.html#haiku.Flatten /api.rst#haiku.flatten.__init__ haiku.Flatten.__init__ : api.html#haiku.Flatten.__init__ /api.rst#haiku.fori_loop haiku.fori_loop : api.html#haiku.fori_loop + /api.rst#haiku.get_channel_index haiku.get_channel_index : api.html#haiku.get_channel_index /api.rst#haiku.get_parameter haiku.get_parameter : api.html#haiku.get_parameter /api.rst#haiku.get_state haiku.get_state : api.html#haiku.get_state /api.rst#haiku.gettercontext haiku.GetterContext : api.html#haiku.GetterContext @@ -549,7 +624,6 @@ std:label /api.rst#haiku.instancenorm haiku.InstanceNorm : api.html#haiku.InstanceNorm /api.rst#haiku.instancenorm.__init__ haiku.InstanceNorm.__init__ : api.html#haiku.InstanceNorm.__init__ /api.rst#haiku.intercept_methods haiku.intercept_methods : api.html#haiku.intercept_methods - /api.rst#haiku.jit haiku.jit : api.html#haiku.jit /api.rst#haiku.layernorm haiku.LayerNorm : api.html#haiku.LayerNorm /api.rst#haiku.layernorm.__call__ haiku.LayerNorm.__call__ : api.html#haiku.LayerNorm.__call__ /api.rst#haiku.layernorm.__init__ haiku.LayerNorm.__init__ : api.html#haiku.LayerNorm.__init__ @@ -582,6 +656,7 @@ std:label /api.rst#haiku.module.__post_init__ haiku.Module.__post_init__ : api.html#haiku.Module.__post_init__ /api.rst#haiku.module.params_dict haiku.Module.params_dict : api.html#haiku.Module.params_dict /api.rst#haiku.module.state_dict haiku.Module.state_dict : api.html#haiku.Module.state_dict + /api.rst#haiku.moduleprotocol haiku.ModuleProtocol : api.html#haiku.ModuleProtocol /api.rst#haiku.multi_transform haiku.multi_transform : api.html#haiku.multi_transform /api.rst#haiku.multi_transform_with_state haiku.multi_transform_with_state : api.html#haiku.multi_transform_with_state /api.rst#haiku.multiheadattention haiku.MultiHeadAttention : api.html#haiku.MultiHeadAttention @@ -684,6 +759,13 @@ std:label /api.rst#haiku.sequential.__call__ haiku.Sequential.__call__ : api.html#haiku.Sequential.__call__ /api.rst#haiku.sequential.__init__ haiku.Sequential.__init__ : api.html#haiku.Sequential.__init__ /api.rst#haiku.set_state haiku.set_state : api.html#haiku.set_state + /api.rst#haiku.settercontext haiku.SetterContext : api.html#haiku.SetterContext + /api.rst#haiku.settercontext.full_name haiku.SetterContext.full_name : api.html#haiku.SetterContext.full_name + /api.rst#haiku.settercontext.module haiku.SetterContext.module : api.html#haiku.SetterContext.module + /api.rst#haiku.settercontext.module_name haiku.SetterContext.module_name : api.html#haiku.SetterContext.module_name + /api.rst#haiku.settercontext.name haiku.SetterContext.name : api.html#haiku.SetterContext.name + /api.rst#haiku.settercontext.original_dtype haiku.SetterContext.original_dtype : api.html#haiku.SetterContext.original_dtype + /api.rst#haiku.settercontext.original_shape haiku.SetterContext.original_shape : api.html#haiku.SetterContext.original_shape /api.rst#haiku.snparamstree haiku.SNParamsTree : api.html#haiku.SNParamsTree /api.rst#haiku.snparamstree.__call__ haiku.SNParamsTree.__call__ : api.html#haiku.SNParamsTree.__call__ /api.rst#haiku.snparamstree.__init__ haiku.SNParamsTree.__init__ : api.html#haiku.SNParamsTree.__init__ @@ -692,6 +774,7 @@ std:label /api.rst#haiku.spectralnorm.__init__ haiku.SpectralNorm.__init__ : api.html#haiku.SpectralNorm.__init__ /api.rst#haiku.state haiku.State : api.html#haiku.State /api.rst#haiku.static_unroll haiku.static_unroll : api.html#haiku.static_unroll + /api.rst#haiku.supportscall haiku.SupportsCall : api.html#haiku.SupportsCall /api.rst#haiku.switch haiku.switch : api.html#haiku.switch /api.rst#haiku.testing.transform_and_run haiku.testing.transform_and_run : api.html#haiku.testing.transform_and_run /api.rst#haiku.to_module haiku.to_module : api.html#haiku.to_module @@ -718,6 +801,8 @@ std:label /api.rst#id1 Linear : api.html#id1 /api.rst#id11 ResNet : api.html#id11 /api.rst#id12 VectorQuantizer : api.html#id12 + /api.rst#id13 Module : api.html#id13 + /api.rst#id14 Utilities : api.html#id14 /api.rst#id2 dropout : api.html#id2 /api.rst#identity Identity : api.html#identity /api.rst#identitycore IdentityCore : api.html#identitycore @@ -728,12 +813,16 @@ std:label /api.rst#is-subset is_subset : api.html#is-subset /api.rst#jax-fundamentals JAX Fundamentals : api.html#jax-fundamentals /api.rst#jax-transforms JAX Transforms : api.html#jax-transforms - /api.rst#jit jit : api.html#jit + /api.rst#js js : api.html#js + /api.rst#layer-stack layer_stack : api.html#layer-stack /api.rst#layernorm LayerNorm : api.html#layernorm /api.rst#lift lift : api.html#lift + /api.rst#lift-with-state lift_with_state : api.html#lift-with-state + /api.rst#liftwithstateupdater LiftWithStateUpdater : api.html#liftwithstateupdater /api.rst#linear Linear : api.html#linear /api.rst#lstm LSTM : api.html#lstm /api.rst#lstmstate LSTMState : api.html#lstmstate + /api.rst#make-model-info make_model_info : api.html#make-model-info /api.rst#managing-state Managing State : api.html#managing-state /api.rst#map map : api.html#map /api.rst#max-pool Max Pool : api.html#max-pool @@ -746,15 +835,19 @@ std:label /api.rst#mobilenetv1 MobileNetV1 : api.html#mobilenetv1 /api.rst#module Module : api.html#module /api.rst#module-0 Functions : api.html#module-0 + /api.rst#module-auto-repr module_auto_repr : api.html#module-auto-repr /api.rst#module-haiku Conditional Computation : api.html#module-haiku + /api.rst#module-haiku.config Configuration : api.html#module-haiku.config /api.rst#module-haiku.data_structures Data Structures : api.html#module-haiku.data_structures /api.rst#module-haiku.experimental 🚧 Experimental : api.html#module-haiku.experimental + /api.rst#module-haiku.experimental.jaxpr_info jaxpr_info : api.html#module-haiku.experimental.jaxpr_info /api.rst#module-haiku.initializers Initializers : api.html#module-haiku.initializers /api.rst#module-haiku.mixed_precision Mixed Precision : api.html#module-haiku.mixed_precision /api.rst#module-haiku.nets Full Networks : api.html#module-haiku.nets /api.rst#module-haiku.pad Paddings : api.html#module-haiku.pad /api.rst#module-haiku.testing Testing : api.html#module-haiku.testing /api.rst#moduledetails ModuleDetails : api.html#moduledetails + /api.rst#moduleprotocol ModuleProtocol : api.html#moduleprotocol /api.rst#modules-parameters-and-state Modules, Parameters and State : api.html#modules-parameters-and-state /api.rst#multi-transform multi_transform : api.html#multi-transform /api.rst#multi-transform-with-state multi_transform_with_state : api.html#multi-transform-with-state @@ -803,13 +896,16 @@ std:label /api.rst#scan scan : api.html#scan /api.rst#separabledepthwiseconv2d SeparableDepthwiseConv2D : api.html#separabledepthwiseconv2d /api.rst#sequential Sequential : api.html#sequential + /api.rst#set set : api.html#set /api.rst#set-policy set_policy : api.html#set-policy /api.rst#set-state set_state : api.html#set-state + /api.rst#settercontext SetterContext : api.html#settercontext /api.rst#snparamstree SNParamsTree : api.html#snparamstree /api.rst#spectralnorm SpectralNorm : api.html#spectralnorm /api.rst#state State : api.html#state /api.rst#static-unroll static_unroll : api.html#static-unroll /api.rst#summarisation Summarisation : api.html#summarisation + /api.rst#supportscall SupportsCall : api.html#supportscall /api.rst#switch switch : api.html#switch /api.rst#tabulate tabulate : api.html#tabulate /api.rst#tensorflow-profiler TensorFlow Profiler : api.html#tensorflow-profiler @@ -874,6 +970,16 @@ std:label /notebooks/jax2tf.ipynb#train-using-tensorflow Train using TensorFlow : notebooks/jax2tf.html#Train-using-TensorFlow /notebooks/non_trainable.ipynb Training a subset of parameters : notebooks/non_trainable.html /notebooks/non_trainable.ipynb#training-a-subset-of-parameters Training a subset of parameters : notebooks/non_trainable.html#Training-a-subset-of-parameters + /notebooks/parameter_sharing.ipynb Parameter sharing in Haiku : notebooks/parameter_sharing.html + /notebooks/parameter_sharing.ipynb#case-1:-all-modules-have-the-same-names,-and-the-same-shape Case 1: All modules have the same names, and the same shape: notebooks/parameter_sharing.html#Case-1:-All-modules-have-the-same-names,-and-the-same-shape + /notebooks/parameter_sharing.ipynb#case-2:-common-modules-have-the-same-names,-and-the-same-shape Case 2: Common modules have the same names, and the same shape: notebooks/parameter_sharing.html#Case-2:-Common-modules-have-the-same-names,-and-the-same-shape + /notebooks/parameter_sharing.ipynb#case-3:-common-modules-have-the-same-names,-but-different-shapes Case 3: Common modules have the same names, but different shapes: notebooks/parameter_sharing.html#Case-3:-Common-modules-have-the-same-names,-but-different-shapes + /notebooks/parameter_sharing.ipynb#flat-modules-(no-nesting) Flat modules (no nesting) : notebooks/parameter_sharing.html#Flat-modules-(no-nesting) + /notebooks/parameter_sharing.ipynb#introduction Introduction : notebooks/parameter_sharing.html#Introduction + /notebooks/parameter_sharing.ipynb#multitransform:-merge-the-parameters-without-sharing-them Multitransform: merge the parameters without sharing them: notebooks/parameter_sharing.html#Multitransform:-merge-the-parameters-without-sharing-them + /notebooks/parameter_sharing.ipynb#nested-modules Nested modules : notebooks/parameter_sharing.html#Nested-modules + /notebooks/parameter_sharing.ipynb#parameter-sharing-in-haiku Parameter sharing in Haiku : notebooks/parameter_sharing.html#Parameter-sharing-in-Haiku + /notebooks/parameter_sharing.ipynb#sharing-parameters-between-transformed-functions Sharing parameters between transformed functions: notebooks/parameter_sharing.html#Sharing-parameters-between-transformed-functions /notebooks/transforms.ipynb Limitations of Nesting JAX Functions and Haiku Modules: notebooks/transforms.html /notebooks/transforms.ipynb#limitations-of-nesting-jax-functions-and-haiku-modules Limitations of Nesting JAX Functions and Haiku Modules: notebooks/transforms.html#Limitations-of-Nesting-JAX-Functions-and-Haiku-Modules /notebooks/transforms.ipynb#summary Summary : notebooks/transforms.html#Summary diff --git a/doc/_intersphinx/jax.inv b/doc/_intersphinx/jax.inv index 64ae2ef..d24df75 100644 Binary files a/doc/_intersphinx/jax.inv and b/doc/_intersphinx/jax.inv differ diff --git a/doc/_intersphinx/jax.txt b/doc/_intersphinx/jax.txt index cd92f49..45a5899 100644 --- a/doc/_intersphinx/jax.txt +++ b/doc/_intersphinx/jax.txt @@ -5,8 +5,15 @@ py:attribute jax.example_libraries.optimizers.OptimizerState.packed_state jax.example_libraries.optimizers.html#jax.example_libraries.optimizers.OptimizerState.packed_state jax.example_libraries.optimizers.OptimizerState.subtree_defs jax.example_libraries.optimizers.html#jax.example_libraries.optimizers.OptimizerState.subtree_defs jax.example_libraries.optimizers.OptimizerState.tree_def jax.example_libraries.optimizers.html#jax.example_libraries.optimizers.OptimizerState.tree_def - jax.experimental.sparse.BCOO.data jax.experimental.sparse.html#jax.experimental.sparse.BCOO.data - jax.experimental.sparse.BCOO.indices jax.experimental.sparse.html#jax.experimental.sparse.BCOO.indices + jax.experimental.global_device_array.GlobalDeviceArray.dtype jax.experimental.global_device_array.html#jax.experimental.global_device_array.GlobalDeviceArray.dtype + jax.experimental.global_device_array.GlobalDeviceArray.global_shards jax.experimental.global_device_array.html#jax.experimental.global_device_array.GlobalDeviceArray.global_shards + jax.experimental.global_device_array.GlobalDeviceArray.is_fully_replicated jax.experimental.global_device_array.html#jax.experimental.global_device_array.GlobalDeviceArray.is_fully_replicated + jax.experimental.global_device_array.GlobalDeviceArray.local_shards jax.experimental.global_device_array.html#jax.experimental.global_device_array.GlobalDeviceArray.local_shards + jax.experimental.global_device_array.GlobalDeviceArray.ndim jax.experimental.global_device_array.html#jax.experimental.global_device_array.GlobalDeviceArray.ndim + jax.experimental.global_device_array.GlobalDeviceArray.shape jax.experimental.global_device_array.html#jax.experimental.global_device_array.GlobalDeviceArray.shape + jax.experimental.global_device_array.GlobalDeviceArray.size jax.experimental.global_device_array.html#jax.experimental.global_device_array.GlobalDeviceArray.size + jax.experimental.sparse.BCOO.data _autosummary/jax.experimental.sparse.BCOO.html#jax.experimental.sparse.BCOO.data + jax.experimental.sparse.BCOO.indices _autosummary/jax.experimental.sparse.BCOO.html#jax.experimental.sparse.BCOO.indices jax.lax.ConvGeneralDilatedDimensionNumbers jax.lax.html#jax.lax.ConvGeneralDilatedDimensionNumbers jax.numpy.DeviceArray jax.numpy.html#jax.numpy.DeviceArray jax.numpy.cdouble _autosummary/jax.numpy.cdouble.html#jax.numpy.cdouble @@ -28,6 +35,8 @@ py:attribute jax.numpy.finfo.nmant _autosummary/jax.numpy.finfo.html#jax.numpy.finfo.nmant jax.numpy.finfo.precision _autosummary/jax.numpy.finfo.html#jax.numpy.finfo.precision jax.numpy.finfo.resolution _autosummary/jax.numpy.finfo.html#jax.numpy.finfo.resolution + jax.numpy.finfo.smallest_normal _autosummary/jax.numpy.finfo.html#jax.numpy.finfo.smallest_normal + jax.numpy.finfo.smallest_subnormal _autosummary/jax.numpy.finfo.html#jax.numpy.finfo.smallest_subnormal jax.numpy.finfo.tiny _autosummary/jax.numpy.finfo.html#jax.numpy.finfo.tiny jax.numpy.float_ _autosummary/jax.numpy.float_.html#jax.numpy.float_ jax.numpy.iinfo.bits _autosummary/jax.numpy.iinfo.html#jax.numpy.iinfo.bits @@ -35,11 +44,34 @@ py:attribute jax.numpy.iinfo.min _autosummary/jax.numpy.iinfo.html#jax.numpy.iinfo.min jax.numpy.int_ _autosummary/jax.numpy.int_.html#jax.numpy.int_ jax.numpy.single _autosummary/jax.numpy.single.html#jax.numpy.single + jax.numpy.uint _autosummary/jax.numpy.uint.html#jax.numpy.uint py:class + jax._src.custom_derivatives.custom_jvp _autosummary/jax.custom_jvp.html#jax.custom_jvp + jax._src.custom_derivatives.custom_vjp _autosummary/jax.custom_vjp.html#jax.custom_vjp + jax._src.dtypes.finfo _autosummary/jax.numpy.finfo.html#jax.numpy.finfo + jax._src.errors.ConcretizationTypeError errors.html#jax.errors.ConcretizationTypeError + jax._src.errors.NonConcreteBooleanIndexError errors.html#jax.errors.NonConcreteBooleanIndexError + jax._src.errors.TracerArrayConversionError errors.html#jax.errors.TracerArrayConversionError + jax._src.errors.TracerIntegerConversionError errors.html#jax.errors.TracerIntegerConversionError + jax._src.errors.UnexpectedTracerError errors.html#jax.errors.UnexpectedTracerError + jax._src.image.scale.ResizeMethod jax.image.html#jax.image.ResizeMethod + jax._src.lax.convolution.ConvDimensionNumbers jax.lax.html#jax.lax.ConvDimensionNumbers + jax._src.lax.lax.Precision jax.lax.html#jax.lax.Precision + jax._src.lax.lax.RoundingMethod jax.lax.html#jax.lax.RoundingMethod + jax._src.lax.slicing.GatherDimensionNumbers jax.lax.html#jax.lax.GatherDimensionNumbers + jax._src.lax.slicing.GatherScatterMode jax.lax.html#jax.lax.GatherScatterMode + jax._src.lax.slicing.ScatterDimensionNumbers jax.lax.html#jax.lax.ScatterDimensionNumbers + jax._src.numpy.ndarray.ndarray _autosummary/jax.numpy.ndarray.html#jax.numpy.ndarray + jax._src.profiler.StepTraceAnnotation _autosummary/jax.profiler.StepTraceAnnotation.html#jax.profiler.StepTraceAnnotation + jax._src.profiler.StepTraceContext _autosummary/jax.profiler.StepTraceContext.html#jax.profiler.StepTraceContext + jax._src.profiler.TraceAnnotation _autosummary/jax.profiler.TraceAnnotation.html#jax.profiler.TraceAnnotation + jax._src.profiler.TraceContext _autosummary/jax.profiler.TraceContext.html#jax.profiler.TraceContext + jax._src.scipy.optimize.minimize.OptimizeResults _autosummary/jax.scipy.optimize.OptimizeResults.html#jax.scipy.optimize.OptimizeResults + jax._src.tree_util.Partial _autosummary/jax.tree_util.Partial.html#jax.tree_util.Partial jax.core.ClosedJaxpr _autosummary/jax.core.ClosedJaxpr.html#jax.core.ClosedJaxpr jax.core.Jaxpr _autosummary/jax.core.Jaxpr.html#jax.core.Jaxpr - jax.custom_jvp jax.html#jax.custom_jvp - jax.custom_vjp jax.html#jax.custom_vjp + jax.custom_jvp _autosummary/jax.custom_jvp.html#jax.custom_jvp + jax.custom_vjp _autosummary/jax.custom_vjp.html#jax.custom_vjp jax.errors.ConcretizationTypeError errors.html#jax.errors.ConcretizationTypeError jax.errors.NonConcreteBooleanIndexError errors.html#jax.errors.NonConcreteBooleanIndexError jax.errors.TracerArrayConversionError errors.html#jax.errors.TracerArrayConversionError @@ -48,8 +80,14 @@ py:class jax.example_libraries.optimizers.JoinPoint jax.example_libraries.optimizers.html#jax.example_libraries.optimizers.JoinPoint jax.example_libraries.optimizers.Optimizer jax.example_libraries.optimizers.html#jax.example_libraries.optimizers.Optimizer jax.example_libraries.optimizers.OptimizerState jax.example_libraries.optimizers.html#jax.example_libraries.optimizers.OptimizerState + jax.experimental.global_device_array.GlobalDeviceArray jax.experimental.global_device_array.html#jax.experimental.global_device_array.GlobalDeviceArray + jax.experimental.global_device_array.Shard jax.experimental.global_device_array.html#jax.experimental.global_device_array.Shard jax.experimental.loops.Scope jax.experimental.loops.html#jax.experimental.loops.Scope - jax.experimental.sparse.BCOO jax.experimental.sparse.html#jax.experimental.sparse.BCOO + jax.experimental.maps.Mesh _autosummary/jax.experimental.maps.Mesh.html#jax.experimental.maps.Mesh + jax.experimental.sparse.BCOO _autosummary/jax.experimental.sparse.BCOO.html#jax.experimental.sparse.BCOO + jax.experimental.sparse.bcoo.BCOO _autosummary/jax.experimental.sparse.BCOO.html#jax.experimental.sparse.BCOO + jax.image.ResizeMethod jax.image.html#jax.image.ResizeMethod + jax.interpreters.pxla.Mesh _autosummary/jax.experimental.maps.Mesh.html#jax.experimental.maps.Mesh jax.lax.ConvDimensionNumbers jax.lax.html#jax.lax.ConvDimensionNumbers jax.lax.GatherDimensionNumbers jax.lax.html#jax.lax.GatherDimensionNumbers jax.lax.GatherScatterMode jax.lax.html#jax.lax.GatherScatterMode @@ -68,6 +106,7 @@ py:class jax.numpy.float32 _autosummary/jax.numpy.float32.html#jax.numpy.float32 jax.numpy.float64 _autosummary/jax.numpy.float64.html#jax.numpy.float64 jax.numpy.floating _autosummary/jax.numpy.floating.html#jax.numpy.floating + jax.numpy.generic _autosummary/jax.numpy.generic.html#jax.numpy.generic jax.numpy.iinfo _autosummary/jax.numpy.iinfo.html#jax.numpy.iinfo jax.numpy.inexact _autosummary/jax.numpy.inexact.html#jax.numpy.inexact jax.numpy.int16 _autosummary/jax.numpy.int16.html#jax.numpy.int16 @@ -90,12 +129,24 @@ py:class jax.profiler.TraceContext _autosummary/jax.profiler.TraceContext.html#jax.profiler.TraceContext jax.scipy.optimize.OptimizeResults _autosummary/jax.scipy.optimize.OptimizeResults.html#jax.scipy.optimize.OptimizeResults jax.tree_util.Partial _autosummary/jax.tree_util.Partial.html#jax.tree_util.Partial - jaxlib.xla_extension.CpuDevice _autosummary/jaxlib.xla_extension.CpuDevice.html#jaxlib.xla_extension.CpuDevice jaxlib.xla_extension.Device _autosummary/jaxlib.xla_extension.Device.html#jaxlib.xla_extension.Device jaxlib.xla_extension.DeviceArray jax.numpy.html#jaxlib.xla_extension.DeviceArray jaxlib.xla_extension.DeviceArrayBase jax.numpy.html#jaxlib.xla_extension.DeviceArrayBase jaxlib.xla_extension.GpuDevice _autosummary/jaxlib.xla_extension.GpuDevice.html#jaxlib.xla_extension.GpuDevice jaxlib.xla_extension.TpuDevice _autosummary/jaxlib.xla_extension.TpuDevice.html#jaxlib.xla_extension.TpuDevice + numpy.character _autosummary/jax.numpy.character.html#jax.numpy.character + numpy.complexfloating _autosummary/jax.numpy.complexfloating.html#jax.numpy.complexfloating + numpy.dtype _autosummary/jax.numpy.dtype.html#jax.numpy.dtype + numpy.flexible _autosummary/jax.numpy.flexible.html#jax.numpy.flexible + numpy.floating _autosummary/jax.numpy.floating.html#jax.numpy.floating + numpy.generic _autosummary/jax.numpy.generic.html#jax.numpy.generic + numpy.iinfo _autosummary/jax.numpy.iinfo.html#jax.numpy.iinfo + numpy.inexact _autosummary/jax.numpy.inexact.html#jax.numpy.inexact + numpy.integer _autosummary/jax.numpy.integer.html#jax.numpy.integer + numpy.number _autosummary/jax.numpy.number.html#jax.numpy.number + numpy.object_ _autosummary/jax.numpy.object_.html#jax.numpy.object_ + numpy.signedinteger _autosummary/jax.numpy.signedinteger.html#jax.numpy.signedinteger + numpy.unsignedinteger _autosummary/jax.numpy.unsignedinteger.html#jax.numpy.unsignedinteger py:data jax.check_tracer_leaks _autosummary/jax.check_tracer_leaks.html#jax.check_tracer_leaks jax.checking_leaks _autosummary/jax.checking_leaks.html#jax.checking_leaks @@ -106,6 +157,7 @@ py:data jax.default_prng_impl _autosummary/jax.default_prng_impl.html#jax.default_prng_impl jax.enable_checks _autosummary/jax.enable_checks.html#jax.enable_checks jax.enable_custom_prng _autosummary/jax.enable_custom_prng.html#jax.enable_custom_prng + jax.enable_custom_vjp_by_custom_transpose _autosummary/jax.enable_custom_vjp_by_custom_transpose.html#jax.enable_custom_vjp_by_custom_transpose jax.log_compiles _autosummary/jax.log_compiles.html#jax.log_compiles jax.nn.relu _autosummary/jax.nn.relu.html#jax.nn.relu jax.numpy.c_ _autosummary/jax.numpy.c_.html#jax.numpy.c_ @@ -120,28 +172,32 @@ py:data jax.numpy.r_ _autosummary/jax.numpy.r_.html#jax.numpy.r_ jax.numpy.s_ _autosummary/jax.numpy.s_.html#jax.numpy.s_ jax.numpy_rank_promotion _autosummary/jax.numpy_rank_promotion.html#jax.numpy_rank_promotion - jax.ops.index _autosummary/jax.ops.index.html#jax.ops.index jax.scipy.special.expi _autosummary/jax.scipy.special.expi.html#jax.scipy.special.expi jax.scipy.special.expit _autosummary/jax.scipy.special.expit.html#jax.scipy.special.expit jax.scipy.special.expn _autosummary/jax.scipy.special.expn.html#jax.scipy.special.expn jax.scipy.special.log_ndtr _autosummary/jax.scipy.special.log_ndtr.html#jax.scipy.special.log_ndtr jax.scipy.special.logit _autosummary/jax.scipy.special.logit.html#jax.scipy.special.logit py:exception - jax.experimental.host_callback.CallbackException jax.experimental.host_callback.html#jax.experimental.host_callback.CallbackException + jax.experimental.host_callback.CallbackException _autosummary/jax.experimental.host_callback.CallbackException.html#jax.experimental.host_callback.CallbackException jax.numpy.ComplexWarning _autosummary/jax.numpy.ComplexWarning.html#jax.numpy.ComplexWarning + numpy.ComplexWarning _autosummary/jax.numpy.ComplexWarning.html#jax.numpy.ComplexWarning py:function - jax.block_until_ready jax.html#jax.block_until_ready - jax.checkpoint jax.html#jax.checkpoint - jax.closure_convert jax.html#jax.closure_convert - jax.default_backend jax.html#jax.default_backend - jax.device_count jax.html#jax.device_count - jax.device_get jax.html#jax.device_get - jax.device_put jax.html#jax.device_put - jax.device_put_replicated jax.html#jax.device_put_replicated - jax.device_put_sharded jax.html#jax.device_put_sharded - jax.devices jax.html#jax.devices - jax.disable_jit jax.html#jax.disable_jit - jax.eval_shape jax.html#jax.eval_shape + jax.block_until_ready _autosummary/jax.block_until_ready.html#jax.block_until_ready + jax.checkpoint _autosummary/jax.checkpoint.html#jax.checkpoint + jax.closure_convert _autosummary/jax.closure_convert.html#jax.closure_convert + jax.default_backend _autosummary/jax.default_backend.html#jax.default_backend + jax.device_count _autosummary/jax.device_count.html#jax.device_count + jax.device_get _autosummary/jax.device_get.html#jax.device_get + jax.device_put _autosummary/jax.device_put.html#jax.device_put + jax.device_put_replicated _autosummary/jax.device_put_replicated.html#jax.device_put_replicated + jax.device_put_sharded _autosummary/jax.device_put_sharded.html#jax.device_put_sharded + jax.devices _autosummary/jax.devices.html#jax.devices + jax.disable_jit _autosummary/jax.disable_jit.html#jax.disable_jit + jax.distributed.initialize _autosummary/jax.distributed.initialize.html#jax.distributed.initialize + jax.dlpack.from_dlpack _autosummary/jax.dlpack.from_dlpack.html#jax.dlpack.from_dlpack + jax.dlpack.to_dlpack _autosummary/jax.dlpack.to_dlpack.html#jax.dlpack.to_dlpack + jax.ensure_compile_time_eval _autosummary/jax.ensure_compile_time_eval.html#jax.ensure_compile_time_eval + jax.eval_shape _autosummary/jax.eval_shape.html#jax.eval_shape jax.example_libraries.optimizers.adagrad jax.example_libraries.optimizers.html#jax.example_libraries.optimizers.adagrad jax.example_libraries.optimizers.adam jax.example_libraries.optimizers.html#jax.example_libraries.optimizers.adam jax.example_libraries.optimizers.adamax jax.example_libraries.optimizers.html#jax.example_libraries.optimizers.adamax @@ -179,32 +235,35 @@ py:function jax.example_libraries.stax.parallel jax.example_libraries.stax.html#jax.example_libraries.stax.parallel jax.example_libraries.stax.serial jax.example_libraries.stax.html#jax.example_libraries.stax.serial jax.example_libraries.stax.shape_dependent jax.example_libraries.stax.html#jax.example_libraries.stax.shape_dependent - jax.experimental.ann.approx_max_k jax.experimental.ann.html#jax.experimental.ann.approx_max_k - jax.experimental.ann.approx_min_k jax.experimental.ann.html#jax.experimental.ann.approx_min_k - jax.experimental.disable_x64 jax.experimental.html#jax.experimental.disable_x64 - jax.experimental.enable_x64 jax.experimental.html#jax.experimental.enable_x64 - jax.experimental.host_callback.barrier_wait jax.experimental.host_callback.html#jax.experimental.host_callback.barrier_wait - jax.experimental.host_callback.call jax.experimental.host_callback.html#jax.experimental.host_callback.call - jax.experimental.host_callback.id_print jax.experimental.host_callback.html#jax.experimental.host_callback.id_print - jax.experimental.host_callback.id_tap jax.experimental.host_callback.html#jax.experimental.host_callback.id_tap - jax.experimental.maps.mesh jax.experimental.maps.html#jax.experimental.maps.mesh - jax.experimental.maps.xmap jax.experimental.maps.html#jax.experimental.maps.xmap + jax.experimental.checkify.check _autosummary/jax.experimental.checkify.check.html#jax.experimental.checkify.check + jax.experimental.checkify.check_error _autosummary/jax.experimental.checkify.check_error.html#jax.experimental.checkify.check_error + jax.experimental.checkify.checkify _autosummary/jax.experimental.checkify.checkify.html#jax.experimental.checkify.checkify + jax.experimental.disable_x64 _autosummary/jax.experimental.disable_x64.html#jax.experimental.disable_x64 + jax.experimental.enable_x64 _autosummary/jax.experimental.enable_x64.html#jax.experimental.enable_x64 + jax.experimental.host_callback.barrier_wait _autosummary/jax.experimental.host_callback.barrier_wait.html#jax.experimental.host_callback.barrier_wait + jax.experimental.host_callback.call _autosummary/jax.experimental.host_callback.call.html#jax.experimental.host_callback.call + jax.experimental.host_callback.id_print _autosummary/jax.experimental.host_callback.id_print.html#jax.experimental.host_callback.id_print + jax.experimental.host_callback.id_tap _autosummary/jax.experimental.host_callback.id_tap.html#jax.experimental.host_callback.id_tap + jax.experimental.jet.jet jax.experimental.jet.html#jax.experimental.jet.jet + jax.experimental.maps.xmap _autosummary/jax.experimental.maps.xmap.html#jax.experimental.maps.xmap jax.experimental.pjit.pjit jax.experimental.pjit.html#jax.experimental.pjit.pjit - jax.experimental.sparse.sparsify jax.experimental.sparse.html#jax.experimental.sparse.sparsify + jax.experimental.sparse.sparsify _autosummary/jax.experimental.sparse.sparsify.html#jax.experimental.sparse.sparsify jax.flatten_util.ravel_pytree _autosummary/jax.flatten_util.ravel_pytree.html#jax.flatten_util.ravel_pytree - jax.grad jax.html#jax.grad - jax.hessian jax.html#jax.hessian + jax.grad _autosummary/jax.grad.html#jax.grad + jax.hessian _autosummary/jax.hessian.html#jax.hessian jax.image.resize _autosummary/jax.image.resize.html#jax.image.resize jax.image.scale_and_translate _autosummary/jax.image.scale_and_translate.html#jax.image.scale_and_translate - jax.jacfwd jax.html#jax.jacfwd - jax.jacrev jax.html#jax.jacrev - jax.jit jax.html#jax.jit - jax.jvp jax.html#jax.jvp + jax.jacfwd _autosummary/jax.jacfwd.html#jax.jacfwd + jax.jacrev _autosummary/jax.jacrev.html#jax.jacrev + jax.jit _autosummary/jax.jit.html#jax.jit + jax.jvp _autosummary/jax.jvp.html#jax.jvp jax.lax.abs _autosummary/jax.lax.abs.html#jax.lax.abs jax.lax.acos _autosummary/jax.lax.acos.html#jax.lax.acos jax.lax.add _autosummary/jax.lax.add.html#jax.lax.add jax.lax.all_gather _autosummary/jax.lax.all_gather.html#jax.lax.all_gather jax.lax.all_to_all _autosummary/jax.lax.all_to_all.html#jax.lax.all_to_all + jax.lax.approx_max_k _autosummary/jax.lax.approx_max_k.html#jax.lax.approx_max_k + jax.lax.approx_min_k _autosummary/jax.lax.approx_min_k.html#jax.lax.approx_min_k jax.lax.argmax _autosummary/jax.lax.argmax.html#jax.lax.argmax jax.lax.argmin _autosummary/jax.lax.argmin.html#jax.lax.argmin jax.lax.asin _autosummary/jax.lax.asin.html#jax.lax.asin @@ -235,6 +294,7 @@ py:function jax.lax.conv _autosummary/jax.lax.conv.html#jax.lax.conv jax.lax.conv_dimension_numbers _autosummary/jax.lax.conv_dimension_numbers.html#jax.lax.conv_dimension_numbers jax.lax.conv_general_dilated _autosummary/jax.lax.conv_general_dilated.html#jax.lax.conv_general_dilated + jax.lax.conv_general_dilated_local _autosummary/jax.lax.conv_general_dilated_local.html#jax.lax.conv_general_dilated_local jax.lax.conv_general_dilated_patches _autosummary/jax.lax.conv_general_dilated_patches.html#jax.lax.conv_general_dilated_patches jax.lax.conv_transpose _autosummary/jax.lax.conv_transpose.html#jax.lax.conv_transpose jax.lax.conv_with_general_padding _autosummary/jax.lax.conv_with_general_padding.html#jax.lax.conv_with_general_padding @@ -287,8 +347,10 @@ py:function jax.lax.linalg.lu _autosummary/jax.lax.linalg.lu.html#jax.lax.linalg.lu jax.lax.linalg.qdwh _autosummary/jax.lax.linalg.qdwh.html#jax.lax.linalg.qdwh jax.lax.linalg.qr _autosummary/jax.lax.linalg.qr.html#jax.lax.linalg.qr + jax.lax.linalg.schur _autosummary/jax.lax.linalg.schur.html#jax.lax.linalg.schur jax.lax.linalg.svd _autosummary/jax.lax.linalg.svd.html#jax.lax.linalg.svd jax.lax.linalg.triangular_solve _autosummary/jax.lax.linalg.triangular_solve.html#jax.lax.linalg.triangular_solve + jax.lax.linalg.tridiagonal_solve _autosummary/jax.lax.linalg.tridiagonal_solve.html#jax.lax.linalg.tridiagonal_solve jax.lax.log _autosummary/jax.lax.log.html#jax.lax.log jax.lax.log1p _autosummary/jax.lax.log1p.html#jax.lax.log1p jax.lax.lt _autosummary/jax.lax.lt.html#jax.lax.lt @@ -353,12 +415,12 @@ py:function jax.lib.xla_bridge.get_compile_options _autosummary/jax.lib.xla_bridge.get_compile_options.html#jax.lib.xla_bridge.get_compile_options jax.lib.xla_bridge.local_device_count _autosummary/jax.lib.xla_bridge.local_device_count.html#jax.lib.xla_bridge.local_device_count jax.lib.xla_bridge.process_index _autosummary/jax.lib.xla_bridge.process_index.html#jax.lib.xla_bridge.process_index - jax.linear_transpose jax.html#jax.linear_transpose - jax.linearize jax.html#jax.linearize - jax.local_device_count jax.html#jax.local_device_count - jax.local_devices jax.html#jax.local_devices - jax.make_jaxpr jax.html#jax.make_jaxpr - jax.named_call jax.html#jax.named_call + jax.linear_transpose _autosummary/jax.linear_transpose.html#jax.linear_transpose + jax.linearize _autosummary/jax.linearize.html#jax.linearize + jax.local_device_count _autosummary/jax.local_device_count.html#jax.local_device_count + jax.local_devices _autosummary/jax.local_devices.html#jax.local_devices + jax.make_jaxpr _autosummary/jax.make_jaxpr.html#jax.make_jaxpr + jax.named_call _autosummary/jax.named_call.html#jax.named_call jax.nn.celu _autosummary/jax.nn.celu.html#jax.nn.celu jax.nn.elu _autosummary/jax.nn.elu.html#jax.nn.elu jax.nn.gelu _autosummary/jax.nn.gelu.html#jax.nn.gelu @@ -367,6 +429,8 @@ py:function jax.nn.hard_silu _autosummary/jax.nn.hard_silu.html#jax.nn.hard_silu jax.nn.hard_swish _autosummary/jax.nn.hard_swish.html#jax.nn.hard_swish jax.nn.hard_tanh _autosummary/jax.nn.hard_tanh.html#jax.nn.hard_tanh + jax.nn.initializers.constant _autosummary/jax.nn.initializers.constant.html#jax.nn.initializers.constant + jax.nn.initializers.delta_orthogonal _autosummary/jax.nn.initializers.delta_orthogonal.html#jax.nn.initializers.delta_orthogonal jax.nn.initializers.glorot_normal _autosummary/jax.nn.initializers.glorot_normal.html#jax.nn.initializers.glorot_normal jax.nn.initializers.glorot_uniform _autosummary/jax.nn.initializers.glorot_uniform.html#jax.nn.initializers.glorot_uniform jax.nn.initializers.he_normal _autosummary/jax.nn.initializers.he_normal.html#jax.nn.initializers.he_normal @@ -375,6 +439,7 @@ py:function jax.nn.initializers.lecun_uniform _autosummary/jax.nn.initializers.lecun_uniform.html#jax.nn.initializers.lecun_uniform jax.nn.initializers.normal _autosummary/jax.nn.initializers.normal.html#jax.nn.initializers.normal jax.nn.initializers.ones _autosummary/jax.nn.initializers.ones.html#jax.nn.initializers.ones + jax.nn.initializers.orthogonal _autosummary/jax.nn.initializers.orthogonal.html#jax.nn.initializers.orthogonal jax.nn.initializers.uniform _autosummary/jax.nn.initializers.uniform.html#jax.nn.initializers.uniform jax.nn.initializers.variance_scaling _autosummary/jax.nn.initializers.variance_scaling.html#jax.nn.initializers.variance_scaling jax.nn.initializers.zeros _autosummary/jax.nn.initializers.zeros.html#jax.nn.initializers.zeros @@ -451,6 +516,7 @@ py:function jax.numpy.conj _autosummary/jax.numpy.conj.html#jax.numpy.conj jax.numpy.conjugate _autosummary/jax.numpy.conjugate.html#jax.numpy.conjugate jax.numpy.convolve _autosummary/jax.numpy.convolve.html#jax.numpy.convolve + jax.numpy.copy _autosummary/jax.numpy.copy.html#jax.numpy.copy jax.numpy.copysign _autosummary/jax.numpy.copysign.html#jax.numpy.copysign jax.numpy.corrcoef _autosummary/jax.numpy.corrcoef.html#jax.numpy.corrcoef jax.numpy.correlate _autosummary/jax.numpy.correlate.html#jax.numpy.correlate @@ -520,6 +586,11 @@ py:function jax.numpy.fmin _autosummary/jax.numpy.fmin.html#jax.numpy.fmin jax.numpy.fmod _autosummary/jax.numpy.fmod.html#jax.numpy.fmod jax.numpy.frexp _autosummary/jax.numpy.frexp.html#jax.numpy.frexp + jax.numpy.frombuffer _autosummary/jax.numpy.frombuffer.html#jax.numpy.frombuffer + jax.numpy.fromfile _autosummary/jax.numpy.fromfile.html#jax.numpy.fromfile + jax.numpy.fromfunction _autosummary/jax.numpy.fromfunction.html#jax.numpy.fromfunction + jax.numpy.fromiter _autosummary/jax.numpy.fromiter.html#jax.numpy.fromiter + jax.numpy.fromstring _autosummary/jax.numpy.fromstring.html#jax.numpy.fromstring jax.numpy.full _autosummary/jax.numpy.full.html#jax.numpy.full jax.numpy.full_like _autosummary/jax.numpy.full_like.html#jax.numpy.full_like jax.numpy.gcd _autosummary/jax.numpy.gcd.html#jax.numpy.gcd @@ -644,6 +715,7 @@ py:function jax.numpy.poly _autosummary/jax.numpy.poly.html#jax.numpy.poly jax.numpy.polyadd _autosummary/jax.numpy.polyadd.html#jax.numpy.polyadd jax.numpy.polyder _autosummary/jax.numpy.polyder.html#jax.numpy.polyder + jax.numpy.polydiv _autosummary/jax.numpy.polydiv.html#jax.numpy.polydiv jax.numpy.polyfit _autosummary/jax.numpy.polyfit.html#jax.numpy.polyfit jax.numpy.polyint _autosummary/jax.numpy.polyint.html#jax.numpy.polyint jax.numpy.polymul _autosummary/jax.numpy.polymul.html#jax.numpy.polymul @@ -736,18 +808,13 @@ py:function jax.numpy.where _autosummary/jax.numpy.where.html#jax.numpy.where jax.numpy.zeros _autosummary/jax.numpy.zeros.html#jax.numpy.zeros jax.numpy.zeros_like _autosummary/jax.numpy.zeros_like.html#jax.numpy.zeros_like - jax.ops.index_add _autosummary/jax.ops.index_add.html#jax.ops.index_add - jax.ops.index_max _autosummary/jax.ops.index_max.html#jax.ops.index_max - jax.ops.index_min _autosummary/jax.ops.index_min.html#jax.ops.index_min - jax.ops.index_mul _autosummary/jax.ops.index_mul.html#jax.ops.index_mul - jax.ops.index_update _autosummary/jax.ops.index_update.html#jax.ops.index_update jax.ops.segment_max _autosummary/jax.ops.segment_max.html#jax.ops.segment_max jax.ops.segment_min _autosummary/jax.ops.segment_min.html#jax.ops.segment_min jax.ops.segment_prod _autosummary/jax.ops.segment_prod.html#jax.ops.segment_prod jax.ops.segment_sum _autosummary/jax.ops.segment_sum.html#jax.ops.segment_sum - jax.pmap jax.html#jax.pmap - jax.process_count jax.html#jax.process_count - jax.process_index jax.html#jax.process_index + jax.pmap _autosummary/jax.pmap.html#jax.pmap + jax.process_count _autosummary/jax.process_count.html#jax.process_count + jax.process_index _autosummary/jax.process_index.html#jax.process_index jax.profiler.annotate_function _autosummary/jax.profiler.annotate_function.html#jax.profiler.annotate_function jax.profiler.device_memory_profile _autosummary/jax.profiler.device_memory_profile.html#jax.profiler.device_memory_profile jax.profiler.save_device_memory_profile _autosummary/jax.profiler.save_device_memory_profile.html#jax.profiler.save_device_memory_profile @@ -769,10 +836,12 @@ py:function jax.random.gamma _autosummary/jax.random.gamma.html#jax.random.gamma jax.random.gumbel _autosummary/jax.random.gumbel.html#jax.random.gumbel jax.random.laplace _autosummary/jax.random.laplace.html#jax.random.laplace + jax.random.loggamma _autosummary/jax.random.loggamma.html#jax.random.loggamma jax.random.logistic _autosummary/jax.random.logistic.html#jax.random.logistic jax.random.maxwell _autosummary/jax.random.maxwell.html#jax.random.maxwell jax.random.multivariate_normal _autosummary/jax.random.multivariate_normal.html#jax.random.multivariate_normal jax.random.normal _autosummary/jax.random.normal.html#jax.random.normal + jax.random.orthogonal _autosummary/jax.random.orthogonal.html#jax.random.orthogonal jax.random.pareto _autosummary/jax.random.pareto.html#jax.random.pareto jax.random.permutation _autosummary/jax.random.permutation.html#jax.random.permutation jax.random.poisson _autosummary/jax.random.poisson.html#jax.random.poisson @@ -792,15 +861,21 @@ py:function jax.scipy.linalg.cholesky _autosummary/jax.scipy.linalg.cholesky.html#jax.scipy.linalg.cholesky jax.scipy.linalg.det _autosummary/jax.scipy.linalg.det.html#jax.scipy.linalg.det jax.scipy.linalg.eigh _autosummary/jax.scipy.linalg.eigh.html#jax.scipy.linalg.eigh + jax.scipy.linalg.eigh_tridiagonal _autosummary/jax.scipy.linalg.eigh_tridiagonal.html#jax.scipy.linalg.eigh_tridiagonal jax.scipy.linalg.expm _autosummary/jax.scipy.linalg.expm.html#jax.scipy.linalg.expm jax.scipy.linalg.expm_frechet _autosummary/jax.scipy.linalg.expm_frechet.html#jax.scipy.linalg.expm_frechet jax.scipy.linalg.inv _autosummary/jax.scipy.linalg.inv.html#jax.scipy.linalg.inv jax.scipy.linalg.lu _autosummary/jax.scipy.linalg.lu.html#jax.scipy.linalg.lu jax.scipy.linalg.lu_factor _autosummary/jax.scipy.linalg.lu_factor.html#jax.scipy.linalg.lu_factor jax.scipy.linalg.lu_solve _autosummary/jax.scipy.linalg.lu_solve.html#jax.scipy.linalg.lu_solve + jax.scipy.linalg.polar _autosummary/jax.scipy.linalg.polar.html#jax.scipy.linalg.polar + jax.scipy.linalg.polar_unitary _autosummary/jax.scipy.linalg.polar_unitary.html#jax.scipy.linalg.polar_unitary jax.scipy.linalg.qr _autosummary/jax.scipy.linalg.qr.html#jax.scipy.linalg.qr + jax.scipy.linalg.rsf2csf _autosummary/jax.scipy.linalg.rsf2csf.html#jax.scipy.linalg.rsf2csf + jax.scipy.linalg.schur _autosummary/jax.scipy.linalg.schur.html#jax.scipy.linalg.schur jax.scipy.linalg.solve _autosummary/jax.scipy.linalg.solve.html#jax.scipy.linalg.solve jax.scipy.linalg.solve_triangular _autosummary/jax.scipy.linalg.solve_triangular.html#jax.scipy.linalg.solve_triangular + jax.scipy.linalg.sqrtm _autosummary/jax.scipy.linalg.sqrtm.html#jax.scipy.linalg.sqrtm jax.scipy.linalg.svd _autosummary/jax.scipy.linalg.svd.html#jax.scipy.linalg.svd jax.scipy.linalg.tril _autosummary/jax.scipy.linalg.tril.html#jax.scipy.linalg.tril jax.scipy.linalg.triu _autosummary/jax.scipy.linalg.triu.html#jax.scipy.linalg.triu @@ -810,6 +885,10 @@ py:function jax.scipy.signal.convolve2d _autosummary/jax.scipy.signal.convolve2d.html#jax.scipy.signal.convolve2d jax.scipy.signal.correlate _autosummary/jax.scipy.signal.correlate.html#jax.scipy.signal.correlate jax.scipy.signal.correlate2d _autosummary/jax.scipy.signal.correlate2d.html#jax.scipy.signal.correlate2d + jax.scipy.signal.csd _autosummary/jax.scipy.signal.csd.html#jax.scipy.signal.csd + jax.scipy.signal.istft _autosummary/jax.scipy.signal.istft.html#jax.scipy.signal.istft + jax.scipy.signal.stft _autosummary/jax.scipy.signal.stft.html#jax.scipy.signal.stft + jax.scipy.signal.welch _autosummary/jax.scipy.signal.welch.html#jax.scipy.signal.welch jax.scipy.sparse.linalg.bicgstab _autosummary/jax.scipy.sparse.linalg.bicgstab.html#jax.scipy.sparse.linalg.bicgstab jax.scipy.sparse.linalg.cg _autosummary/jax.scipy.sparse.linalg.cg.html#jax.scipy.sparse.linalg.cg jax.scipy.sparse.linalg.gmres _autosummary/jax.scipy.sparse.linalg.gmres.html#jax.scipy.sparse.linalg.gmres @@ -880,6 +959,7 @@ py:function jax.scipy.stats.t.pdf _autosummary/jax.scipy.stats.t.pdf.html#jax.scipy.stats.t.pdf jax.scipy.stats.uniform.logpdf _autosummary/jax.scipy.stats.uniform.logpdf.html#jax.scipy.stats.uniform.logpdf jax.scipy.stats.uniform.pdf _autosummary/jax.scipy.stats.uniform.pdf.html#jax.scipy.stats.uniform.pdf + jax.transfer_guard _autosummary/jax.transfer_guard.html#jax.transfer_guard jax.tree_util.all_leaves _autosummary/jax.tree_util.all_leaves.html#jax.tree_util.all_leaves jax.tree_util.build_tree _autosummary/jax.tree_util.build_tree.html#jax.tree_util.build_tree jax.tree_util.register_pytree_node _autosummary/jax.tree_util.register_pytree_node.html#jax.tree_util.register_pytree_node @@ -895,20 +975,24 @@ py:function jax.tree_util.treedef_children _autosummary/jax.tree_util.treedef_children.html#jax.tree_util.treedef_children jax.tree_util.treedef_is_leaf _autosummary/jax.tree_util.treedef_is_leaf.html#jax.tree_util.treedef_is_leaf jax.tree_util.treedef_tuple _autosummary/jax.tree_util.treedef_tuple.html#jax.tree_util.treedef_tuple - jax.value_and_grad jax.html#jax.value_and_grad - jax.vjp jax.html#jax.vjp - jax.vmap jax.html#jax.vmap - jax.xla_computation jax.html#jax.xla_computation + jax.value_and_grad _autosummary/jax.value_and_grad.html#jax.value_and_grad + jax.vjp _autosummary/jax.vjp.html#jax.vjp + jax.vmap _autosummary/jax.vmap.html#jax.vmap + jax.xla_computation _autosummary/jax.xla_computation.html#jax.xla_computation py:method jax.core.ClosedJaxpr.__init__ _autosummary/jax.core.ClosedJaxpr.html#jax.core.ClosedJaxpr.__init__ jax.core.Jaxpr.__init__ _autosummary/jax.core.Jaxpr.html#jax.core.Jaxpr.__init__ - jax.custom_jvp.defjvp jax.html#jax.custom_jvp.defjvp - jax.custom_jvp.defjvps jax.html#jax.custom_jvp.defjvps - jax.custom_vjp.defvjp jax.html#jax.custom_vjp.defvjp + jax.custom_jvp.__init__ _autosummary/jax.custom_jvp.html#jax.custom_jvp.__init__ + jax.custom_vjp.__init__ _autosummary/jax.custom_vjp.html#jax.custom_vjp.__init__ + jax.experimental.global_device_array.GlobalDeviceArray.from_batched_callback jax.experimental.global_device_array.html#jax.experimental.global_device_array.GlobalDeviceArray.from_batched_callback + jax.experimental.global_device_array.GlobalDeviceArray.from_batched_callback_with_devices jax.experimental.global_device_array.html#jax.experimental.global_device_array.GlobalDeviceArray.from_batched_callback_with_devices + jax.experimental.global_device_array.GlobalDeviceArray.from_callback jax.experimental.global_device_array.html#jax.experimental.global_device_array.GlobalDeviceArray.from_callback jax.experimental.loops.Scope.cond_range jax.experimental.loops.html#jax.experimental.loops.Scope.cond_range jax.experimental.loops.Scope.range jax.experimental.loops.html#jax.experimental.loops.Scope.range jax.experimental.loops.Scope.start_subtrace jax.experimental.loops.html#jax.experimental.loops.Scope.start_subtrace jax.experimental.loops.Scope.while_range jax.experimental.loops.html#jax.experimental.loops.Scope.while_range + jax.experimental.maps.Mesh.__init__ _autosummary/jax.experimental.maps.Mesh.html#jax.experimental.maps.Mesh.__init__ + jax.experimental.sparse.BCOO.__init__ _autosummary/jax.experimental.sparse.BCOO.html#jax.experimental.sparse.BCOO.__init__ jax.numpy.bool_.__init__ _autosummary/jax.numpy.bool_.html#jax.numpy.bool_.__init__ jax.numpy.character.__init__ _autosummary/jax.numpy.character.html#jax.numpy.character.__init__ jax.numpy.complex128.__init__ _autosummary/jax.numpy.complex128.html#jax.numpy.complex128.__init__ @@ -921,6 +1005,7 @@ py:method jax.numpy.float32.__init__ _autosummary/jax.numpy.float32.html#jax.numpy.float32.__init__ jax.numpy.float64.__init__ _autosummary/jax.numpy.float64.html#jax.numpy.float64.__init__ jax.numpy.floating.__init__ _autosummary/jax.numpy.floating.html#jax.numpy.floating.__init__ + jax.numpy.generic.__init__ _autosummary/jax.numpy.generic.html#jax.numpy.generic.__init__ jax.numpy.iinfo.__init__ _autosummary/jax.numpy.iinfo.html#jax.numpy.iinfo.__init__ jax.numpy.inexact.__init__ _autosummary/jax.numpy.inexact.html#jax.numpy.inexact.__init__ jax.numpy.int16.__init__ _autosummary/jax.numpy.int16.html#jax.numpy.int16.__init__ @@ -929,7 +1014,6 @@ py:method jax.numpy.int8.__init__ _autosummary/jax.numpy.int8.html#jax.numpy.int8.__init__ jax.numpy.integer.__init__ _autosummary/jax.numpy.integer.html#jax.numpy.integer.__init__ jax.numpy.ndarray.__init__ _autosummary/jax.numpy.ndarray.html#jax.numpy.ndarray.__init__ - jax.numpy.ndarray.at _autosummary/jax.numpy.ndarray.at.html#jax.numpy.ndarray.at jax.numpy.number.__init__ _autosummary/jax.numpy.number.html#jax.numpy.number.__init__ jax.numpy.object_.__init__ _autosummary/jax.numpy.object_.html#jax.numpy.object_.__init__ jax.numpy.signedinteger.__init__ _autosummary/jax.numpy.signedinteger.html#jax.numpy.signedinteger.__init__ @@ -944,16 +1028,14 @@ py:method jax.profiler.TraceContext.__init__ _autosummary/jax.profiler.TraceContext.html#jax.profiler.TraceContext.__init__ jax.scipy.optimize.OptimizeResults.__init__ _autosummary/jax.scipy.optimize.OptimizeResults.html#jax.scipy.optimize.OptimizeResults.__init__ jax.tree_util.Partial.__init__ _autosummary/jax.tree_util.Partial.html#jax.tree_util.Partial.__init__ - jaxlib.xla_extension.CpuDevice.__init__ _autosummary/jaxlib.xla_extension.CpuDevice.html#jaxlib.xla_extension.CpuDevice.__init__ jaxlib.xla_extension.Device.__init__ _autosummary/jaxlib.xla_extension.Device.html#jaxlib.xla_extension.Device.__init__ - jaxlib.xla_extension.DeviceArray.T jax.numpy.html#jaxlib.xla_extension.DeviceArray.T jaxlib.xla_extension.DeviceArray.all jax.numpy.html#jaxlib.xla_extension.DeviceArray.all jaxlib.xla_extension.DeviceArray.any jax.numpy.html#jaxlib.xla_extension.DeviceArray.any jaxlib.xla_extension.DeviceArray.argmax jax.numpy.html#jaxlib.xla_extension.DeviceArray.argmax jaxlib.xla_extension.DeviceArray.argmin jax.numpy.html#jaxlib.xla_extension.DeviceArray.argmin jaxlib.xla_extension.DeviceArray.argpartition jax.numpy.html#jaxlib.xla_extension.DeviceArray.argpartition jaxlib.xla_extension.DeviceArray.argsort jax.numpy.html#jaxlib.xla_extension.DeviceArray.argsort - jaxlib.xla_extension.DeviceArray.at jax.numpy.html#jaxlib.xla_extension.DeviceArray.at + jaxlib.xla_extension.DeviceArray.astype jax.numpy.html#jaxlib.xla_extension.DeviceArray.astype jaxlib.xla_extension.DeviceArray.block_host_until_ready jax.numpy.html#jaxlib.xla_extension.DeviceArray.block_host_until_ready jaxlib.xla_extension.DeviceArray.block_until_ready jax.numpy.html#jaxlib.xla_extension.DeviceArray.block_until_ready jaxlib.xla_extension.DeviceArray.broadcast jax.numpy.html#jaxlib.xla_extension.DeviceArray.broadcast @@ -965,6 +1047,7 @@ py:method jaxlib.xla_extension.DeviceArray.copy jax.numpy.html#jaxlib.xla_extension.DeviceArray.copy jaxlib.xla_extension.DeviceArray.copy_to_device jax.numpy.html#jaxlib.xla_extension.DeviceArray.copy_to_device jaxlib.xla_extension.DeviceArray.copy_to_host_async jax.numpy.html#jaxlib.xla_extension.DeviceArray.copy_to_host_async + jaxlib.xla_extension.DeviceArray.copy_to_remote_device jax.numpy.html#jaxlib.xla_extension.DeviceArray.copy_to_remote_device jaxlib.xla_extension.DeviceArray.cumprod jax.numpy.html#jaxlib.xla_extension.DeviceArray.cumprod jaxlib.xla_extension.DeviceArray.cumsum jax.numpy.html#jaxlib.xla_extension.DeviceArray.cumsum jaxlib.xla_extension.DeviceArray.delete jax.numpy.html#jaxlib.xla_extension.DeviceArray.delete @@ -972,8 +1055,9 @@ py:method jaxlib.xla_extension.DeviceArray.diagonal jax.numpy.html#jaxlib.xla_extension.DeviceArray.diagonal jaxlib.xla_extension.DeviceArray.dot jax.numpy.html#jaxlib.xla_extension.DeviceArray.dot jaxlib.xla_extension.DeviceArray.flatten jax.numpy.html#jaxlib.xla_extension.DeviceArray.flatten - jaxlib.xla_extension.DeviceArray.imag jax.numpy.html#jaxlib.xla_extension.DeviceArray.imag jaxlib.xla_extension.DeviceArray.is_deleted jax.numpy.html#jaxlib.xla_extension.DeviceArray.is_deleted + jaxlib.xla_extension.DeviceArray.is_known_ready jax.numpy.html#jaxlib.xla_extension.DeviceArray.is_known_ready + jaxlib.xla_extension.DeviceArray.is_ready jax.numpy.html#jaxlib.xla_extension.DeviceArray.is_ready jaxlib.xla_extension.DeviceArray.max jax.numpy.html#jaxlib.xla_extension.DeviceArray.max jaxlib.xla_extension.DeviceArray.mean jax.numpy.html#jaxlib.xla_extension.DeviceArray.mean jaxlib.xla_extension.DeviceArray.min jax.numpy.html#jaxlib.xla_extension.DeviceArray.min @@ -983,7 +1067,6 @@ py:method jaxlib.xla_extension.DeviceArray.prod jax.numpy.html#jaxlib.xla_extension.DeviceArray.prod jaxlib.xla_extension.DeviceArray.ptp jax.numpy.html#jaxlib.xla_extension.DeviceArray.ptp jaxlib.xla_extension.DeviceArray.ravel jax.numpy.html#jaxlib.xla_extension.DeviceArray.ravel - jaxlib.xla_extension.DeviceArray.real jax.numpy.html#jaxlib.xla_extension.DeviceArray.real jaxlib.xla_extension.DeviceArray.repeat jax.numpy.html#jaxlib.xla_extension.DeviceArray.repeat jaxlib.xla_extension.DeviceArray.round jax.numpy.html#jaxlib.xla_extension.DeviceArray.round jaxlib.xla_extension.DeviceArray.searchsorted jax.numpy.html#jaxlib.xla_extension.DeviceArray.searchsorted @@ -1005,13 +1088,14 @@ py:method jaxlib.xla_extension.TpuDevice.__init__ _autosummary/jaxlib.xla_extension.TpuDevice.html#jaxlib.xla_extension.TpuDevice.__init__ py:module jax.core jax_internal_api.html#module-jax.core + jax.distributed jax.distributed.html#module-jax.distributed jax.dlpack jax.dlpack.html#module-jax.dlpack jax.example_libraries jax.example_libraries.html#module-jax.example_libraries jax.example_libraries.optimizers jax.example_libraries.optimizers.html#module-jax.example_libraries.optimizers jax.example_libraries.stax jax.example_libraries.stax.html#module-jax.example_libraries.stax - jax.experimental jax.experimental.html#module-jax.experimental - jax.experimental.ann jax.experimental.ann.html#module-jax.experimental.ann + jax.experimental.global_device_array jax.experimental.global_device_array.html#module-jax.experimental.global_device_array jax.experimental.host_callback jax.experimental.host_callback.html#module-jax.experimental.host_callback + jax.experimental.jet jax.experimental.jet.html#module-jax.experimental.jet jax.experimental.loops jax.experimental.loops.html#module-jax.experimental.loops jax.experimental.maps jax.experimental.maps.html#module-jax.experimental.maps jax.experimental.pjit jax.experimental.pjit.html#module-jax.experimental.pjit @@ -1053,26 +1137,73 @@ py:module jax.scipy.stats.t jax.scipy.html#module-jax.scipy.stats.t jax.scipy.stats.uniform jax.scipy.html#module-jax.scipy.stats.uniform jax.tree_util jax.tree_util.html#module-jax.tree_util +py:property + jax.numpy.ndarray.at _autosummary/jax.numpy.ndarray.at.html#jax.numpy.ndarray.at + jaxlib.xla_extension.DeviceArray.T jax.numpy.html#jaxlib.xla_extension.DeviceArray.T + jaxlib.xla_extension.DeviceArray.at jax.numpy.html#jaxlib.xla_extension.DeviceArray.at + jaxlib.xla_extension.DeviceArray.imag jax.numpy.html#jaxlib.xla_extension.DeviceArray.imag + jaxlib.xla_extension.DeviceArray.real jax.numpy.html#jaxlib.xla_extension.DeviceArray.real std:doc + _autosummary/jax.block_until_ready jax.block_until_ready : _autosummary/jax.block_until_ready.html _autosummary/jax.check_tracer_leaks jax.check_tracer_leaks : _autosummary/jax.check_tracer_leaks.html _autosummary/jax.checking_leaks jax.checking_leaks : _autosummary/jax.checking_leaks.html + _autosummary/jax.checkpoint jax.checkpoint : _autosummary/jax.checkpoint.html + _autosummary/jax.closure_convert jax.closure_convert : _autosummary/jax.closure_convert.html _autosummary/jax.config jax.config : _autosummary/jax.config.html _autosummary/jax.core.ClosedJaxpr jax.core.ClosedJaxpr : _autosummary/jax.core.ClosedJaxpr.html _autosummary/jax.core.Jaxpr jax.core.Jaxpr : _autosummary/jax.core.Jaxpr.html + _autosummary/jax.custom_jvp jax.custom_jvp : _autosummary/jax.custom_jvp.html + _autosummary/jax.custom_vjp jax.custom_vjp : _autosummary/jax.custom_vjp.html _autosummary/jax.debug_infs jax.debug_infs : _autosummary/jax.debug_infs.html _autosummary/jax.debug_nans jax.debug_nans : _autosummary/jax.debug_nans.html + _autosummary/jax.default_backend jax.default_backend : _autosummary/jax.default_backend.html _autosummary/jax.default_matmul_precision jax.default_matmul_precision : _autosummary/jax.default_matmul_precision.html _autosummary/jax.default_prng_impl jax.default_prng_impl : _autosummary/jax.default_prng_impl.html + _autosummary/jax.device_count jax.device_count : _autosummary/jax.device_count.html + _autosummary/jax.device_get jax.device_get : _autosummary/jax.device_get.html + _autosummary/jax.device_put jax.device_put : _autosummary/jax.device_put.html + _autosummary/jax.device_put_replicated jax.device_put_replicated : _autosummary/jax.device_put_replicated.html + _autosummary/jax.device_put_sharded jax.device_put_sharded : _autosummary/jax.device_put_sharded.html + _autosummary/jax.devices jax.devices : _autosummary/jax.devices.html + _autosummary/jax.disable_jit jax.disable_jit : _autosummary/jax.disable_jit.html + _autosummary/jax.distributed.initialize jax.distributed.initialize : _autosummary/jax.distributed.initialize.html + _autosummary/jax.dlpack.from_dlpack jax.dlpack.from_dlpack : _autosummary/jax.dlpack.from_dlpack.html + _autosummary/jax.dlpack.to_dlpack jax.dlpack.to_dlpack : _autosummary/jax.dlpack.to_dlpack.html _autosummary/jax.enable_checks jax.enable_checks : _autosummary/jax.enable_checks.html _autosummary/jax.enable_custom_prng jax.enable_custom_prng : _autosummary/jax.enable_custom_prng.html + _autosummary/jax.enable_custom_vjp_by_custom_transpose jax.enable_custom_vjp_by_custom_transpose: _autosummary/jax.enable_custom_vjp_by_custom_transpose.html + _autosummary/jax.ensure_compile_time_eval jax.ensure_compile_time_eval : _autosummary/jax.ensure_compile_time_eval.html + _autosummary/jax.eval_shape jax.eval_shape : _autosummary/jax.eval_shape.html + _autosummary/jax.experimental.checkify.check jax.experimental.checkify.check : _autosummary/jax.experimental.checkify.check.html + _autosummary/jax.experimental.checkify.check_error jax.experimental.checkify.check_error : _autosummary/jax.experimental.checkify.check_error.html + _autosummary/jax.experimental.checkify.checkify jax.experimental.checkify.checkify : _autosummary/jax.experimental.checkify.checkify.html + _autosummary/jax.experimental.disable_x64 jax.experimental.disable_x64 : _autosummary/jax.experimental.disable_x64.html + _autosummary/jax.experimental.enable_x64 jax.experimental.enable_x64 : _autosummary/jax.experimental.enable_x64.html + _autosummary/jax.experimental.host_callback.CallbackException jax.experimental.host_callback.CallbackException: _autosummary/jax.experimental.host_callback.CallbackException.html + _autosummary/jax.experimental.host_callback.barrier_wait jax.experimental.host_callback.barrier_wait: _autosummary/jax.experimental.host_callback.barrier_wait.html + _autosummary/jax.experimental.host_callback.call jax.experimental.host_callback.call : _autosummary/jax.experimental.host_callback.call.html + _autosummary/jax.experimental.host_callback.id_print jax.experimental.host_callback.id_print : _autosummary/jax.experimental.host_callback.id_print.html + _autosummary/jax.experimental.host_callback.id_tap jax.experimental.host_callback.id_tap : _autosummary/jax.experimental.host_callback.id_tap.html + _autosummary/jax.experimental.maps.Mesh jax.experimental.maps.Mesh : _autosummary/jax.experimental.maps.Mesh.html + _autosummary/jax.experimental.maps.xmap jax.experimental.maps.xmap : _autosummary/jax.experimental.maps.xmap.html + _autosummary/jax.experimental.sparse.BCOO jax.experimental.sparse.BCOO : _autosummary/jax.experimental.sparse.BCOO.html + _autosummary/jax.experimental.sparse.sparsify jax.experimental.sparse.sparsify : _autosummary/jax.experimental.sparse.sparsify.html _autosummary/jax.flatten_util.ravel_pytree jax.flatten_util.ravel_pytree : _autosummary/jax.flatten_util.ravel_pytree.html + _autosummary/jax.grad jax.grad : _autosummary/jax.grad.html + _autosummary/jax.hessian jax.hessian : _autosummary/jax.hessian.html _autosummary/jax.image.resize jax.image.resize : _autosummary/jax.image.resize.html _autosummary/jax.image.scale_and_translate jax.image.scale_and_translate : _autosummary/jax.image.scale_and_translate.html + _autosummary/jax.jacfwd jax.jacfwd : _autosummary/jax.jacfwd.html + _autosummary/jax.jacrev jax.jacrev : _autosummary/jax.jacrev.html + _autosummary/jax.jit jax.jit : _autosummary/jax.jit.html + _autosummary/jax.jvp jax.jvp : _autosummary/jax.jvp.html _autosummary/jax.lax.abs jax.lax.abs : _autosummary/jax.lax.abs.html _autosummary/jax.lax.acos jax.lax.acos : _autosummary/jax.lax.acos.html _autosummary/jax.lax.add jax.lax.add : _autosummary/jax.lax.add.html _autosummary/jax.lax.all_gather jax.lax.all_gather : _autosummary/jax.lax.all_gather.html _autosummary/jax.lax.all_to_all jax.lax.all_to_all : _autosummary/jax.lax.all_to_all.html + _autosummary/jax.lax.approx_max_k jax.lax.approx_max_k : _autosummary/jax.lax.approx_max_k.html + _autosummary/jax.lax.approx_min_k jax.lax.approx_min_k : _autosummary/jax.lax.approx_min_k.html _autosummary/jax.lax.argmax jax.lax.argmax : _autosummary/jax.lax.argmax.html _autosummary/jax.lax.argmin jax.lax.argmin : _autosummary/jax.lax.argmin.html _autosummary/jax.lax.asin jax.lax.asin : _autosummary/jax.lax.asin.html @@ -1103,6 +1234,7 @@ std:doc _autosummary/jax.lax.conv jax.lax.conv : _autosummary/jax.lax.conv.html _autosummary/jax.lax.conv_dimension_numbers jax.lax.conv_dimension_numbers : _autosummary/jax.lax.conv_dimension_numbers.html _autosummary/jax.lax.conv_general_dilated jax.lax.conv_general_dilated : _autosummary/jax.lax.conv_general_dilated.html + _autosummary/jax.lax.conv_general_dilated_local jax.lax.conv_general_dilated_local : _autosummary/jax.lax.conv_general_dilated_local.html _autosummary/jax.lax.conv_general_dilated_patches jax.lax.conv_general_dilated_patches : _autosummary/jax.lax.conv_general_dilated_patches.html _autosummary/jax.lax.conv_transpose jax.lax.conv_transpose : _autosummary/jax.lax.conv_transpose.html _autosummary/jax.lax.conv_with_general_padding jax.lax.conv_with_general_padding : _autosummary/jax.lax.conv_with_general_padding.html @@ -1155,8 +1287,10 @@ std:doc _autosummary/jax.lax.linalg.lu jax.lax.linalg.lu : _autosummary/jax.lax.linalg.lu.html _autosummary/jax.lax.linalg.qdwh jax.lax.linalg.qdwh : _autosummary/jax.lax.linalg.qdwh.html _autosummary/jax.lax.linalg.qr jax.lax.linalg.qr : _autosummary/jax.lax.linalg.qr.html + _autosummary/jax.lax.linalg.schur jax.lax.linalg.schur : _autosummary/jax.lax.linalg.schur.html _autosummary/jax.lax.linalg.svd jax.lax.linalg.svd : _autosummary/jax.lax.linalg.svd.html _autosummary/jax.lax.linalg.triangular_solve jax.lax.linalg.triangular_solve : _autosummary/jax.lax.linalg.triangular_solve.html + _autosummary/jax.lax.linalg.tridiagonal_solve jax.lax.linalg.tridiagonal_solve : _autosummary/jax.lax.linalg.tridiagonal_solve.html _autosummary/jax.lax.log jax.lax.log : _autosummary/jax.lax.log.html _autosummary/jax.lax.log1p jax.lax.log1p : _autosummary/jax.lax.log1p.html _autosummary/jax.lax.lt jax.lax.lt : _autosummary/jax.lax.lt.html @@ -1221,7 +1355,13 @@ std:doc _autosummary/jax.lib.xla_bridge.get_compile_options jax.lib.xla_bridge.get_compile_options : _autosummary/jax.lib.xla_bridge.get_compile_options.html _autosummary/jax.lib.xla_bridge.local_device_count jax.lib.xla_bridge.local_device_count : _autosummary/jax.lib.xla_bridge.local_device_count.html _autosummary/jax.lib.xla_bridge.process_index jax.lib.xla_bridge.process_index : _autosummary/jax.lib.xla_bridge.process_index.html + _autosummary/jax.linear_transpose jax.linear_transpose : _autosummary/jax.linear_transpose.html + _autosummary/jax.linearize jax.linearize : _autosummary/jax.linearize.html + _autosummary/jax.local_device_count jax.local_device_count : _autosummary/jax.local_device_count.html + _autosummary/jax.local_devices jax.local_devices : _autosummary/jax.local_devices.html _autosummary/jax.log_compiles jax.log_compiles : _autosummary/jax.log_compiles.html + _autosummary/jax.make_jaxpr jax.make_jaxpr : _autosummary/jax.make_jaxpr.html + _autosummary/jax.named_call jax.named_call : _autosummary/jax.named_call.html _autosummary/jax.nn.celu jax.nn.celu : _autosummary/jax.nn.celu.html _autosummary/jax.nn.elu jax.nn.elu : _autosummary/jax.nn.elu.html _autosummary/jax.nn.gelu jax.nn.gelu : _autosummary/jax.nn.gelu.html @@ -1230,6 +1370,8 @@ std:doc _autosummary/jax.nn.hard_silu jax.nn.hard_silu : _autosummary/jax.nn.hard_silu.html _autosummary/jax.nn.hard_swish jax.nn.hard_swish : _autosummary/jax.nn.hard_swish.html _autosummary/jax.nn.hard_tanh jax.nn.hard_tanh : _autosummary/jax.nn.hard_tanh.html + _autosummary/jax.nn.initializers.constant jax.nn.initializers.constant : _autosummary/jax.nn.initializers.constant.html + _autosummary/jax.nn.initializers.delta_orthogonal jax.nn.initializers.delta_orthogonal : _autosummary/jax.nn.initializers.delta_orthogonal.html _autosummary/jax.nn.initializers.glorot_normal jax.nn.initializers.glorot_normal : _autosummary/jax.nn.initializers.glorot_normal.html _autosummary/jax.nn.initializers.glorot_uniform jax.nn.initializers.glorot_uniform : _autosummary/jax.nn.initializers.glorot_uniform.html _autosummary/jax.nn.initializers.he_normal jax.nn.initializers.he_normal : _autosummary/jax.nn.initializers.he_normal.html @@ -1238,6 +1380,7 @@ std:doc _autosummary/jax.nn.initializers.lecun_uniform jax.nn.initializers.lecun_uniform : _autosummary/jax.nn.initializers.lecun_uniform.html _autosummary/jax.nn.initializers.normal jax.nn.initializers.normal : _autosummary/jax.nn.initializers.normal.html _autosummary/jax.nn.initializers.ones jax.nn.initializers.ones : _autosummary/jax.nn.initializers.ones.html + _autosummary/jax.nn.initializers.orthogonal jax.nn.initializers.orthogonal : _autosummary/jax.nn.initializers.orthogonal.html _autosummary/jax.nn.initializers.uniform jax.nn.initializers.uniform : _autosummary/jax.nn.initializers.uniform.html _autosummary/jax.nn.initializers.variance_scaling jax.nn.initializers.variance_scaling : _autosummary/jax.nn.initializers.variance_scaling.html _autosummary/jax.nn.initializers.zeros jax.nn.initializers.zeros : _autosummary/jax.nn.initializers.zeros.html @@ -1324,6 +1467,7 @@ std:doc _autosummary/jax.numpy.conj jax.numpy.conj : _autosummary/jax.numpy.conj.html _autosummary/jax.numpy.conjugate jax.numpy.conjugate : _autosummary/jax.numpy.conjugate.html _autosummary/jax.numpy.convolve jax.numpy.convolve : _autosummary/jax.numpy.convolve.html + _autosummary/jax.numpy.copy jax.numpy.copy : _autosummary/jax.numpy.copy.html _autosummary/jax.numpy.copysign jax.numpy.copysign : _autosummary/jax.numpy.copysign.html _autosummary/jax.numpy.corrcoef jax.numpy.corrcoef : _autosummary/jax.numpy.corrcoef.html _autosummary/jax.numpy.correlate jax.numpy.correlate : _autosummary/jax.numpy.correlate.html @@ -1403,9 +1547,15 @@ std:doc _autosummary/jax.numpy.fmin jax.numpy.fmin : _autosummary/jax.numpy.fmin.html _autosummary/jax.numpy.fmod jax.numpy.fmod : _autosummary/jax.numpy.fmod.html _autosummary/jax.numpy.frexp jax.numpy.frexp : _autosummary/jax.numpy.frexp.html + _autosummary/jax.numpy.frombuffer jax.numpy.frombuffer : _autosummary/jax.numpy.frombuffer.html + _autosummary/jax.numpy.fromfile jax.numpy.fromfile : _autosummary/jax.numpy.fromfile.html + _autosummary/jax.numpy.fromfunction jax.numpy.fromfunction : _autosummary/jax.numpy.fromfunction.html + _autosummary/jax.numpy.fromiter jax.numpy.fromiter : _autosummary/jax.numpy.fromiter.html + _autosummary/jax.numpy.fromstring jax.numpy.fromstring : _autosummary/jax.numpy.fromstring.html _autosummary/jax.numpy.full jax.numpy.full : _autosummary/jax.numpy.full.html _autosummary/jax.numpy.full_like jax.numpy.full_like : _autosummary/jax.numpy.full_like.html _autosummary/jax.numpy.gcd jax.numpy.gcd : _autosummary/jax.numpy.gcd.html + _autosummary/jax.numpy.generic jax.numpy.generic : _autosummary/jax.numpy.generic.html _autosummary/jax.numpy.geomspace jax.numpy.geomspace : _autosummary/jax.numpy.geomspace.html _autosummary/jax.numpy.get_printoptions jax.numpy.get_printoptions : _autosummary/jax.numpy.get_printoptions.html _autosummary/jax.numpy.gradient jax.numpy.gradient : _autosummary/jax.numpy.gradient.html @@ -1547,6 +1697,7 @@ std:doc _autosummary/jax.numpy.poly jax.numpy.poly : _autosummary/jax.numpy.poly.html _autosummary/jax.numpy.polyadd jax.numpy.polyadd : _autosummary/jax.numpy.polyadd.html _autosummary/jax.numpy.polyder jax.numpy.polyder : _autosummary/jax.numpy.polyder.html + _autosummary/jax.numpy.polydiv jax.numpy.polydiv : _autosummary/jax.numpy.polydiv.html _autosummary/jax.numpy.polyfit jax.numpy.polyfit : _autosummary/jax.numpy.polyfit.html _autosummary/jax.numpy.polyint jax.numpy.polyint : _autosummary/jax.numpy.polyint.html _autosummary/jax.numpy.polymul jax.numpy.polymul : _autosummary/jax.numpy.polymul.html @@ -1629,6 +1780,7 @@ std:doc _autosummary/jax.numpy.triu_indices_from jax.numpy.triu_indices_from : _autosummary/jax.numpy.triu_indices_from.html _autosummary/jax.numpy.true_divide jax.numpy.true_divide : _autosummary/jax.numpy.true_divide.html _autosummary/jax.numpy.trunc jax.numpy.trunc : _autosummary/jax.numpy.trunc.html + _autosummary/jax.numpy.uint jax.numpy.uint : _autosummary/jax.numpy.uint.html _autosummary/jax.numpy.uint16 jax.numpy.uint16 : _autosummary/jax.numpy.uint16.html _autosummary/jax.numpy.uint32 jax.numpy.uint32 : _autosummary/jax.numpy.uint32.html _autosummary/jax.numpy.uint64 jax.numpy.uint64 : _autosummary/jax.numpy.uint64.html @@ -1649,16 +1801,13 @@ std:doc _autosummary/jax.numpy.zeros jax.numpy.zeros : _autosummary/jax.numpy.zeros.html _autosummary/jax.numpy.zeros_like jax.numpy.zeros_like : _autosummary/jax.numpy.zeros_like.html _autosummary/jax.numpy_rank_promotion jax.numpy_rank_promotion : _autosummary/jax.numpy_rank_promotion.html - _autosummary/jax.ops.index jax.ops.index : _autosummary/jax.ops.index.html - _autosummary/jax.ops.index_add jax.ops.index_add : _autosummary/jax.ops.index_add.html - _autosummary/jax.ops.index_max jax.ops.index_max : _autosummary/jax.ops.index_max.html - _autosummary/jax.ops.index_min jax.ops.index_min : _autosummary/jax.ops.index_min.html - _autosummary/jax.ops.index_mul jax.ops.index_mul : _autosummary/jax.ops.index_mul.html - _autosummary/jax.ops.index_update jax.ops.index_update : _autosummary/jax.ops.index_update.html _autosummary/jax.ops.segment_max jax.ops.segment_max : _autosummary/jax.ops.segment_max.html _autosummary/jax.ops.segment_min jax.ops.segment_min : _autosummary/jax.ops.segment_min.html _autosummary/jax.ops.segment_prod jax.ops.segment_prod : _autosummary/jax.ops.segment_prod.html _autosummary/jax.ops.segment_sum jax.ops.segment_sum : _autosummary/jax.ops.segment_sum.html + _autosummary/jax.pmap jax.pmap : _autosummary/jax.pmap.html + _autosummary/jax.process_count jax.process_count : _autosummary/jax.process_count.html + _autosummary/jax.process_index jax.process_index : _autosummary/jax.process_index.html _autosummary/jax.profiler.StepTraceAnnotation jax.profiler.StepTraceAnnotation : _autosummary/jax.profiler.StepTraceAnnotation.html _autosummary/jax.profiler.StepTraceContext jax.profiler.StepTraceContext : _autosummary/jax.profiler.StepTraceContext.html _autosummary/jax.profiler.TraceAnnotation jax.profiler.TraceAnnotation : _autosummary/jax.profiler.TraceAnnotation.html @@ -1684,10 +1833,12 @@ std:doc _autosummary/jax.random.gamma jax.random.gamma : _autosummary/jax.random.gamma.html _autosummary/jax.random.gumbel jax.random.gumbel : _autosummary/jax.random.gumbel.html _autosummary/jax.random.laplace jax.random.laplace : _autosummary/jax.random.laplace.html + _autosummary/jax.random.loggamma jax.random.loggamma : _autosummary/jax.random.loggamma.html _autosummary/jax.random.logistic jax.random.logistic : _autosummary/jax.random.logistic.html _autosummary/jax.random.maxwell jax.random.maxwell : _autosummary/jax.random.maxwell.html _autosummary/jax.random.multivariate_normal jax.random.multivariate_normal : _autosummary/jax.random.multivariate_normal.html _autosummary/jax.random.normal jax.random.normal : _autosummary/jax.random.normal.html + _autosummary/jax.random.orthogonal jax.random.orthogonal : _autosummary/jax.random.orthogonal.html _autosummary/jax.random.pareto jax.random.pareto : _autosummary/jax.random.pareto.html _autosummary/jax.random.permutation jax.random.permutation : _autosummary/jax.random.permutation.html _autosummary/jax.random.poisson jax.random.poisson : _autosummary/jax.random.poisson.html @@ -1707,15 +1858,21 @@ std:doc _autosummary/jax.scipy.linalg.cholesky jax.scipy.linalg.cholesky : _autosummary/jax.scipy.linalg.cholesky.html _autosummary/jax.scipy.linalg.det jax.scipy.linalg.det : _autosummary/jax.scipy.linalg.det.html _autosummary/jax.scipy.linalg.eigh jax.scipy.linalg.eigh : _autosummary/jax.scipy.linalg.eigh.html + _autosummary/jax.scipy.linalg.eigh_tridiagonal jax.scipy.linalg.eigh_tridiagonal : _autosummary/jax.scipy.linalg.eigh_tridiagonal.html _autosummary/jax.scipy.linalg.expm jax.scipy.linalg.expm : _autosummary/jax.scipy.linalg.expm.html _autosummary/jax.scipy.linalg.expm_frechet jax.scipy.linalg.expm_frechet : _autosummary/jax.scipy.linalg.expm_frechet.html _autosummary/jax.scipy.linalg.inv jax.scipy.linalg.inv : _autosummary/jax.scipy.linalg.inv.html _autosummary/jax.scipy.linalg.lu jax.scipy.linalg.lu : _autosummary/jax.scipy.linalg.lu.html _autosummary/jax.scipy.linalg.lu_factor jax.scipy.linalg.lu_factor : _autosummary/jax.scipy.linalg.lu_factor.html _autosummary/jax.scipy.linalg.lu_solve jax.scipy.linalg.lu_solve : _autosummary/jax.scipy.linalg.lu_solve.html + _autosummary/jax.scipy.linalg.polar jax.scipy.linalg.polar : _autosummary/jax.scipy.linalg.polar.html + _autosummary/jax.scipy.linalg.polar_unitary jax.scipy.linalg.polar_unitary : _autosummary/jax.scipy.linalg.polar_unitary.html _autosummary/jax.scipy.linalg.qr jax.scipy.linalg.qr : _autosummary/jax.scipy.linalg.qr.html + _autosummary/jax.scipy.linalg.rsf2csf jax.scipy.linalg.rsf2csf : _autosummary/jax.scipy.linalg.rsf2csf.html + _autosummary/jax.scipy.linalg.schur jax.scipy.linalg.schur : _autosummary/jax.scipy.linalg.schur.html _autosummary/jax.scipy.linalg.solve jax.scipy.linalg.solve : _autosummary/jax.scipy.linalg.solve.html _autosummary/jax.scipy.linalg.solve_triangular jax.scipy.linalg.solve_triangular : _autosummary/jax.scipy.linalg.solve_triangular.html + _autosummary/jax.scipy.linalg.sqrtm jax.scipy.linalg.sqrtm : _autosummary/jax.scipy.linalg.sqrtm.html _autosummary/jax.scipy.linalg.svd jax.scipy.linalg.svd : _autosummary/jax.scipy.linalg.svd.html _autosummary/jax.scipy.linalg.tril jax.scipy.linalg.tril : _autosummary/jax.scipy.linalg.tril.html _autosummary/jax.scipy.linalg.triu jax.scipy.linalg.triu : _autosummary/jax.scipy.linalg.triu.html @@ -1726,6 +1883,10 @@ std:doc _autosummary/jax.scipy.signal.convolve2d jax.scipy.signal.convolve2d : _autosummary/jax.scipy.signal.convolve2d.html _autosummary/jax.scipy.signal.correlate jax.scipy.signal.correlate : _autosummary/jax.scipy.signal.correlate.html _autosummary/jax.scipy.signal.correlate2d jax.scipy.signal.correlate2d : _autosummary/jax.scipy.signal.correlate2d.html + _autosummary/jax.scipy.signal.csd jax.scipy.signal.csd : _autosummary/jax.scipy.signal.csd.html + _autosummary/jax.scipy.signal.istft jax.scipy.signal.istft : _autosummary/jax.scipy.signal.istft.html + _autosummary/jax.scipy.signal.stft jax.scipy.signal.stft : _autosummary/jax.scipy.signal.stft.html + _autosummary/jax.scipy.signal.welch jax.scipy.signal.welch : _autosummary/jax.scipy.signal.welch.html _autosummary/jax.scipy.sparse.linalg.bicgstab jax.scipy.sparse.linalg.bicgstab : _autosummary/jax.scipy.sparse.linalg.bicgstab.html _autosummary/jax.scipy.sparse.linalg.cg jax.scipy.sparse.linalg.cg : _autosummary/jax.scipy.sparse.linalg.cg.html _autosummary/jax.scipy.sparse.linalg.gmres jax.scipy.sparse.linalg.gmres : _autosummary/jax.scipy.sparse.linalg.gmres.html @@ -1801,6 +1962,7 @@ std:doc _autosummary/jax.scipy.stats.t.pdf jax.scipy.stats.t.pdf : _autosummary/jax.scipy.stats.t.pdf.html _autosummary/jax.scipy.stats.uniform.logpdf jax.scipy.stats.uniform.logpdf : _autosummary/jax.scipy.stats.uniform.logpdf.html _autosummary/jax.scipy.stats.uniform.pdf jax.scipy.stats.uniform.pdf : _autosummary/jax.scipy.stats.uniform.pdf.html + _autosummary/jax.transfer_guard jax.transfer_guard : _autosummary/jax.transfer_guard.html _autosummary/jax.tree_util.Partial jax.tree_util.Partial : _autosummary/jax.tree_util.Partial.html _autosummary/jax.tree_util.all_leaves jax.tree_util.all_leaves : _autosummary/jax.tree_util.all_leaves.html _autosummary/jax.tree_util.build_tree jax.tree_util.build_tree : _autosummary/jax.tree_util.build_tree.html @@ -1817,10 +1979,14 @@ std:doc _autosummary/jax.tree_util.treedef_children jax.tree_util.treedef_children : _autosummary/jax.tree_util.treedef_children.html _autosummary/jax.tree_util.treedef_is_leaf jax.tree_util.treedef_is_leaf : _autosummary/jax.tree_util.treedef_is_leaf.html _autosummary/jax.tree_util.treedef_tuple jax.tree_util.treedef_tuple : _autosummary/jax.tree_util.treedef_tuple.html - _autosummary/jaxlib.xla_extension.CpuDevice jaxlib.xla_extension.CpuDevice : _autosummary/jaxlib.xla_extension.CpuDevice.html + _autosummary/jax.value_and_grad jax.value_and_grad : _autosummary/jax.value_and_grad.html + _autosummary/jax.vjp jax.vjp : _autosummary/jax.vjp.html + _autosummary/jax.vmap jax.vmap : _autosummary/jax.vmap.html + _autosummary/jax.xla_computation jax.xla_computation : _autosummary/jax.xla_computation.html _autosummary/jaxlib.xla_extension.Device jaxlib.xla_extension.Device : _autosummary/jaxlib.xla_extension.Device.html _autosummary/jaxlib.xla_extension.GpuDevice jaxlib.xla_extension.GpuDevice : _autosummary/jaxlib.xla_extension.GpuDevice.html _autosummary/jaxlib.xla_extension.TpuDevice jaxlib.xla_extension.TpuDevice : _autosummary/jaxlib.xla_extension.TpuDevice.html + api_compatibility API compatibility : api_compatibility.html async_dispatch Asynchronous dispatch : async_dispatch.html autodidax Autodidax: JAX core from scratch : autodidax.html changelog Change log : changelog.html @@ -1828,6 +1994,12 @@ std:doc contributing Contributing to JAX : contributing.html custom_vjp_update custom_vjp and nondiff_argnums update guide: custom_vjp_update.html deprecation Python and NumPy version support policy : deprecation.html + design_notes/custom_derivatives Custom JVP/VJP rules for JAX-transformable functions: design_notes/custom_derivatives.html + design_notes/index Design Notes : design_notes/index.html + design_notes/jax_versioning Jax and Jaxlib versioning : design_notes/jax_versioning.html + design_notes/omnistaging Omnistaging : design_notes/omnistaging.html + design_notes/prng JAX PRNG Design : design_notes/prng.html + design_notes/type_promotion Design of Type Promotion Semantics for JAX: design_notes/type_promotion.html developer Building from source : developer.html device_memory_profiling Device Memory Profiling : device_memory_profiling.html errors JAX Errors : errors.html @@ -1835,6 +2007,7 @@ std:doc glossary JAX Glossary of Terms : glossary.html gpu_memory_allocation GPU memory allocation : gpu_memory_allocation.html index JAX reference documentation : index.html + installation Installing JAX : installation.html jax Public API: jax package : jax.html jax-101/01-jax-basics JAX As Accelerated NumPy : jax-101/01-jax-basics.html jax-101/02-jitting Just In Time Compilation with JAX : jax-101/02-jitting.html @@ -1847,13 +2020,15 @@ std:doc jax-101/08-pjit Introduction to pjit : jax-101/08-pjit.html jax-101/index Tutorial: JAX 101 : jax-101/index.html jax.config JAX configuration : jax.config.html + jax.distributed jax.distributed module : jax.distributed.html jax.dlpack jax.dlpack module : jax.dlpack.html jax.example_libraries jax.example_libraries package : jax.example_libraries.html jax.example_libraries.optimizers jax.example_libraries.optimizers module : jax.example_libraries.optimizers.html jax.example_libraries.stax jax.example_libraries.stax module : jax.example_libraries.stax.html jax.experimental jax.experimental package : jax.experimental.html - jax.experimental.ann jax.experimental.ann module : jax.experimental.ann.html + jax.experimental.global_device_array jax.experimental.global_device_array module: jax.experimental.global_device_array.html jax.experimental.host_callback jax.experimental.host_callback module : jax.experimental.host_callback.html + jax.experimental.jet jax.experimental.jet module : jax.experimental.jet.html jax.experimental.loops jax.experimental.loops module : jax.experimental.loops.html jax.experimental.maps jax.experimental.maps module : jax.experimental.maps.html jax.experimental.pjit jax.experimental.pjit module : jax.experimental.pjit.html @@ -1888,6 +2063,7 @@ std:doc profiling Profiling JAX programs : profiling.html pytrees Pytrees : pytrees.html rank_promotion_warning Rank promotion warning : rank_promotion_warning.html + transfer_guard Transfer guard : transfer_guard.html type_promotion Type promotion semantics : type_promotion.html std:label async-dispatch Asynchronous dispatch : async_dispatch.html#async-dispatch @@ -1899,7 +2075,9 @@ std:label faq-benchmark Benchmarking JAX code : faq.html#faq-benchmark faq-data-placement Controlling data and computation placement on devices: faq.html#faq-data-placement faq-different-kinds-of-jax-values Different kinds of JAX values : faq.html#faq-different-kinds-of-jax-values + faq-donation Buffer donation : faq.html#faq-donation faq-jax-vs-numpy Is JAX faster than NumPy? : faq.html#faq-jax-vs-numpy + faq-jit-numerics jit changes the exact numerics of outputs: faq.html#faq-jit-numerics faq-slow-compile jit decorated function is very slow to compile: faq.html#faq-slow-compile genindex Index : genindex.html jacobian-vector-product Jacobian-Vector products (JVPs, aka forward-mode autodiff): notebooks/autodiff_cookbook.html#jacobian-vector-product @@ -1916,7 +2094,7 @@ std:label remote_profiling Profiling on a remote machine : profiling.html#remote-profiling running-tests Running the tests : developer.html#running-tests search Search Page : search.html - syntactic-sugar-for-ops Indexed update operators : jax.ops.html#syntactic-sugar-for-ops + syntactic-sugar-for-ops jax.ops.html#syntactic-sugar-for-ops type-promotion Type promotion semantics : type_promotion.html#type-promotion understanding-jaxprs Understanding Jaxprs : jaxpr.html#understanding-jaxprs update-notebooks Update notebooks : developer.html#update-notebooks diff --git a/doc/_intersphinx/numpy.inv b/doc/_intersphinx/numpy.inv index c386aaf..f3e875a 100644 Binary files a/doc/_intersphinx/numpy.inv and b/doc/_intersphinx/numpy.inv differ diff --git a/doc/_intersphinx/numpy.txt b/doc/_intersphinx/numpy.txt index 5bb0e26..27ffeb7 100644 --- a/doc/_intersphinx/numpy.txt +++ b/doc/_intersphinx/numpy.txt @@ -111,6 +111,8 @@ c:function NPY_BEGIN_THREADS_DESCR reference/c-api/array.html#c.NPY_BEGIN_THREADS_DESCR NPY_BEGIN_THREADS_THRESHOLDED reference/c-api/array.html#c.NPY_BEGIN_THREADS_THRESHOLDED NPY_END_THREADS_DESCR reference/c-api/array.html#c.NPY_END_THREADS_DESCR + NPY_USE_SETITEM.PyDataType_FLAGCHK reference/c-api/types-and-structures.html#c.NPY_USE_SETITEM.PyDataType_FLAGCHK + NPY_USE_SETITEM.PyDataType_REFCHK reference/c-api/types-and-structures.html#c.NPY_USE_SETITEM.PyDataType_REFCHK NpyIter_AdvancedNew reference/c-api/iterator.html#c.NpyIter_AdvancedNew NpyIter_Copy reference/c-api/iterator.html#c.NpyIter_Copy NpyIter_CreateCompatibleStrides reference/c-api/iterator.html#c.NpyIter_CreateCompatibleStrides @@ -210,6 +212,7 @@ c:function PyArray_Converter reference/c-api/array.html#c.PyArray_Converter PyArray_CopyAndTranspose reference/c-api/array.html#c.PyArray_CopyAndTranspose PyArray_CopyInto reference/c-api/array.html#c.PyArray_CopyInto + PyArray_CopyObject reference/c-api/array.html#c.PyArray_CopyObject PyArray_Correlate reference/c-api/array.html#c.PyArray_Correlate PyArray_Correlate2 reference/c-api/array.html#c.PyArray_Correlate2 PyArray_CountNonzero reference/c-api/array.html#c.PyArray_CountNonzero @@ -220,8 +223,6 @@ c:function PyArray_DIM reference/c-api/array.html#c.PyArray_DIM PyArray_DIMS reference/c-api/array.html#c.PyArray_DIMS PyArray_DTYPE reference/c-api/array.html#c.PyArray_DTYPE - PyArray_Descr.flags.PyDataType_FLAGCHK reference/c-api/types-and-structures.html#c.PyArray_Descr.flags.PyDataType_FLAGCHK - PyArray_Descr.flags.PyDataType_REFCHK reference/c-api/types-and-structures.html#c.PyArray_Descr.flags.PyDataType_REFCHK PyArray_DescrCheck reference/c-api/array.html#c.PyArray_DescrCheck PyArray_DescrConverter reference/c-api/array.html#c.PyArray_DescrConverter PyArray_DescrConverter2 reference/c-api/array.html#c.PyArray_DescrConverter2 @@ -254,6 +255,7 @@ c:function PyArray_FieldNames reference/c-api/array.html#c.PyArray_FieldNames PyArray_FillObjectArray reference/c-api/array.html#c.PyArray_FillObjectArray PyArray_FillWithScalar reference/c-api/array.html#c.PyArray_FillWithScalar + PyArray_FinalizeFunc reference/c-api/array.html#c.PyArray_FinalizeFunc PyArray_Flatten reference/c-api/array.html#c.PyArray_Flatten PyArray_Free reference/c-api/array.html#c.PyArray_Free PyArray_FromAny reference/c-api/array.html#c.PyArray_FromAny @@ -332,6 +334,10 @@ c:function PyArray_IterAllButAxis reference/c-api/array.html#c.PyArray_IterAllButAxis PyArray_IterNew reference/c-api/array.html#c.PyArray_IterNew PyArray_LexSort reference/c-api/array.html#c.PyArray_LexSort + PyArray_MapIterArray reference/c-api/array.html#c.PyArray_MapIterArray + PyArray_MapIterArrayCopyIfOverlap reference/c-api/array.html#c.PyArray_MapIterArrayCopyIfOverlap + PyArray_MapIterNext reference/c-api/array.html#c.PyArray_MapIterNext + PyArray_MapIterSwapAxes reference/c-api/array.html#c.PyArray_MapIterSwapAxes PyArray_MatrixProduct reference/c-api/array.html#c.PyArray_MatrixProduct PyArray_MatrixProduct2 reference/c-api/array.html#c.PyArray_MatrixProduct2 PyArray_Max reference/c-api/array.html#c.PyArray_Max @@ -418,6 +424,7 @@ c:function PyArray_ToString reference/c-api/array.html#c.PyArray_ToString PyArray_Trace reference/c-api/array.html#c.PyArray_Trace PyArray_Transpose reference/c-api/array.html#c.PyArray_Transpose + PyArray_TypeNumFromName reference/c-api/array.html#c.PyArray_TypeNumFromName PyArray_TypeObjectFromType reference/c-api/array.html#c.PyArray_TypeObjectFromType PyArray_TypestrConvert reference/c-api/array.html#c.PyArray_TypestrConvert PyArray_UpdateFlags reference/c-api/array.html#c.PyArray_UpdateFlags @@ -432,9 +439,13 @@ c:function PyArray_free reference/c-api/array.html#c.PyArray_free PyArray_malloc reference/c-api/array.html#c.PyArray_malloc PyArray_realloc reference/c-api/array.html#c.PyArray_realloc + PyDataMem_EventHookFunc reference/c-api/data_memory.html#c.PyDataMem_EventHookFunc PyDataMem_FREE reference/c-api/array.html#c.PyDataMem_FREE + PyDataMem_GetHandler reference/c-api/data_memory.html#c.PyDataMem_GetHandler PyDataMem_NEW reference/c-api/array.html#c.PyDataMem_NEW PyDataMem_RENEW reference/c-api/array.html#c.PyDataMem_RENEW + PyDataMem_SetEventHook reference/c-api/data_memory.html#c.PyDataMem_SetEventHook + PyDataMem_SetHandler reference/c-api/data_memory.html#c.PyDataMem_SetHandler PyDataType_HASFIELDS reference/c-api/array.html#c.PyDataType_HASFIELDS PyDataType_ISBOOL reference/c-api/array.html#c.PyDataType_ISBOOL PyDataType_ISCOMPLEX reference/c-api/array.html#c.PyDataType_ISCOMPLEX @@ -609,6 +620,9 @@ c:functionParam NPY_BEGIN_THREADS_DESCR.dtype reference/c-api/array.html#c.NPY_BEGIN_THREADS_DESCR NPY_BEGIN_THREADS_THRESHOLDED.loop_size reference/c-api/array.html#c.NPY_BEGIN_THREADS_THRESHOLDED NPY_END_THREADS_DESCR.dtype reference/c-api/array.html#c.NPY_END_THREADS_DESCR + NPY_USE_SETITEM.PyDataType_FLAGCHK.dtype reference/c-api/types-and-structures.html#c.NPY_USE_SETITEM.PyDataType_FLAGCHK + NPY_USE_SETITEM.PyDataType_FLAGCHK.flags reference/c-api/types-and-structures.html#c.NPY_USE_SETITEM.PyDataType_FLAGCHK + NPY_USE_SETITEM.PyDataType_REFCHK.dtype reference/c-api/types-and-structures.html#c.NPY_USE_SETITEM.PyDataType_REFCHK NpyIter_AdvancedNew.buffersize reference/c-api/iterator.html#c.NpyIter_AdvancedNew NpyIter_AdvancedNew.casting reference/c-api/iterator.html#c.NpyIter_AdvancedNew NpyIter_AdvancedNew.flags reference/c-api/iterator.html#c.NpyIter_AdvancedNew @@ -834,6 +848,8 @@ c:functionParam PyArray_CopyAndTranspose.op reference/c-api/array.html#c.PyArray_CopyAndTranspose PyArray_CopyInto.dest reference/c-api/array.html#c.PyArray_CopyInto PyArray_CopyInto.src reference/c-api/array.html#c.PyArray_CopyInto + PyArray_CopyObject.dest reference/c-api/array.html#c.PyArray_CopyObject + PyArray_CopyObject.src reference/c-api/array.html#c.PyArray_CopyObject PyArray_Correlate.mode reference/c-api/array.html#c.PyArray_Correlate PyArray_Correlate.op1 reference/c-api/array.html#c.PyArray_Correlate PyArray_Correlate.op2 reference/c-api/array.html#c.PyArray_Correlate @@ -855,9 +871,6 @@ c:functionParam PyArray_DIM.n reference/c-api/array.html#c.PyArray_DIM PyArray_DIMS.arr reference/c-api/array.html#c.PyArray_DIMS PyArray_DTYPE.arr reference/c-api/array.html#c.PyArray_DTYPE - PyArray_Descr.flags.PyDataType_FLAGCHK.dtype reference/c-api/types-and-structures.html#c.PyArray_Descr.flags.PyDataType_FLAGCHK - PyArray_Descr.flags.PyDataType_FLAGCHK.flags reference/c-api/types-and-structures.html#c.PyArray_Descr.flags.PyDataType_FLAGCHK - PyArray_Descr.flags.PyDataType_REFCHK.dtype reference/c-api/types-and-structures.html#c.PyArray_Descr.flags.PyDataType_REFCHK PyArray_DescrCheck.obj reference/c-api/array.html#c.PyArray_DescrCheck PyArray_DescrConverter.dtype reference/c-api/array.html#c.PyArray_DescrConverter PyArray_DescrConverter.obj reference/c-api/array.html#c.PyArray_DescrConverter @@ -928,6 +941,8 @@ c:functionParam PyArray_FillObjectArray.obj reference/c-api/array.html#c.PyArray_FillObjectArray PyArray_FillWithScalar.arr reference/c-api/array.html#c.PyArray_FillWithScalar PyArray_FillWithScalar.obj reference/c-api/array.html#c.PyArray_FillWithScalar + PyArray_FinalizeFunc.arr reference/c-api/array.html#c.PyArray_FinalizeFunc + PyArray_FinalizeFunc.obj reference/c-api/array.html#c.PyArray_FinalizeFunc PyArray_Flatten.order reference/c-api/array.html#c.PyArray_Flatten PyArray_Flatten.self reference/c-api/array.html#c.PyArray_Flatten PyArray_Free.op reference/c-api/array.html#c.PyArray_Free @@ -1064,6 +1079,16 @@ c:functionParam PyArray_IterNew.arr reference/c-api/array.html#c.PyArray_IterNew PyArray_LexSort.axis reference/c-api/array.html#c.PyArray_LexSort PyArray_LexSort.sort_keys reference/c-api/array.html#c.PyArray_LexSort + PyArray_MapIterArray.a reference/c-api/array.html#c.PyArray_MapIterArray + PyArray_MapIterArray.index reference/c-api/array.html#c.PyArray_MapIterArray + PyArray_MapIterArrayCopyIfOverlap.a reference/c-api/array.html#c.PyArray_MapIterArrayCopyIfOverlap + PyArray_MapIterArrayCopyIfOverlap.copy_if_overlap reference/c-api/array.html#c.PyArray_MapIterArrayCopyIfOverlap + PyArray_MapIterArrayCopyIfOverlap.extra_op reference/c-api/array.html#c.PyArray_MapIterArrayCopyIfOverlap + PyArray_MapIterArrayCopyIfOverlap.index reference/c-api/array.html#c.PyArray_MapIterArrayCopyIfOverlap + PyArray_MapIterNext.mit reference/c-api/array.html#c.PyArray_MapIterNext + PyArray_MapIterSwapAxes.getmap reference/c-api/array.html#c.PyArray_MapIterSwapAxes + PyArray_MapIterSwapAxes.mit reference/c-api/array.html#c.PyArray_MapIterSwapAxes + PyArray_MapIterSwapAxes.ret reference/c-api/array.html#c.PyArray_MapIterSwapAxes PyArray_MatrixProduct.obj reference/c-api/array.html#c.PyArray_MatrixProduct PyArray_MatrixProduct.obj1 reference/c-api/array.html#c.PyArray_MatrixProduct PyArray_MatrixProduct2.obj reference/c-api/array.html#c.PyArray_MatrixProduct2 @@ -1199,9 +1224,9 @@ c:functionParam PyArray_STRIDE.arr reference/c-api/array.html#c.PyArray_STRIDE PyArray_STRIDE.n reference/c-api/array.html#c.PyArray_STRIDE PyArray_STRIDES.arr reference/c-api/array.html#c.PyArray_STRIDES + PyArray_Scalar.base reference/c-api/array.html#c.PyArray_Scalar PyArray_Scalar.data reference/c-api/array.html#c.PyArray_Scalar PyArray_Scalar.dtype reference/c-api/array.html#c.PyArray_Scalar - PyArray_Scalar.itemsize reference/c-api/array.html#c.PyArray_Scalar PyArray_ScalarAsCtype.ctypeptr reference/c-api/array.html#c.PyArray_ScalarAsCtype PyArray_ScalarAsCtype.scalar reference/c-api/array.html#c.PyArray_ScalarAsCtype PyArray_ScalarKind.arr reference/c-api/array.html#c.PyArray_ScalarKind @@ -1276,6 +1301,7 @@ c:functionParam PyArray_Trace.self reference/c-api/array.html#c.PyArray_Trace PyArray_Transpose.permute reference/c-api/array.html#c.PyArray_Transpose PyArray_Transpose.self reference/c-api/array.html#c.PyArray_Transpose + PyArray_TypeNumFromName.str reference/c-api/array.html#c.PyArray_TypeNumFromName PyArray_TypeObjectFromType.type reference/c-api/array.html#c.PyArray_TypeObjectFromType PyArray_TypestrConvert.gentype reference/c-api/array.html#c.PyArray_TypestrConvert PyArray_TypestrConvert.itemsize reference/c-api/array.html#c.PyArray_TypestrConvert @@ -1303,10 +1329,18 @@ c:functionParam PyArray_malloc.nbytes reference/c-api/array.html#c.PyArray_malloc PyArray_realloc.nbytes reference/c-api/array.html#c.PyArray_realloc PyArray_realloc.ptr reference/c-api/array.html#c.PyArray_realloc + PyDataMem_EventHookFunc.inp reference/c-api/data_memory.html#c.PyDataMem_EventHookFunc + PyDataMem_EventHookFunc.outp reference/c-api/data_memory.html#c.PyDataMem_EventHookFunc + PyDataMem_EventHookFunc.size reference/c-api/data_memory.html#c.PyDataMem_EventHookFunc + PyDataMem_EventHookFunc.user_data reference/c-api/data_memory.html#c.PyDataMem_EventHookFunc PyDataMem_FREE.ptr reference/c-api/array.html#c.PyDataMem_FREE PyDataMem_NEW.nbytes reference/c-api/array.html#c.PyDataMem_NEW PyDataMem_RENEW.newbytes reference/c-api/array.html#c.PyDataMem_RENEW PyDataMem_RENEW.ptr reference/c-api/array.html#c.PyDataMem_RENEW + PyDataMem_SetEventHook.newhook reference/c-api/data_memory.html#c.PyDataMem_SetEventHook + PyDataMem_SetEventHook.old_data reference/c-api/data_memory.html#c.PyDataMem_SetEventHook + PyDataMem_SetEventHook.user_data reference/c-api/data_memory.html#c.PyDataMem_SetEventHook + PyDataMem_SetHandler.handler reference/c-api/data_memory.html#c.PyDataMem_SetHandler PyDataType_HASFIELDS.descr reference/c-api/array.html#c.PyDataType_HASFIELDS PyDataType_ISBOOL.descr reference/c-api/array.html#c.PyDataType_ISBOOL PyDataType_ISCOMPLEX.descr reference/c-api/array.html#c.PyDataType_ISCOMPLEX @@ -1722,7 +1756,6 @@ c:macro NPY_AO.PyObject_HEAD reference/c-api/types-and-structures.html#c.NPY_AO.PyObject_HEAD NPY_ARRAY_ALIGNED reference/c-api/array.html#c.NPY_ARRAY_ALIGNED NPY_ARRAY_BEHAVED reference/c-api/array.html#c.NPY_ARRAY_BEHAVED - NPY_ARRAY_BEHAVED_NS reference/c-api/array.html#c.NPY_ARRAY_BEHAVED_NS NPY_ARRAY_CARRAY reference/c-api/array.html#c.NPY_ARRAY_CARRAY NPY_ARRAY_CARRAY_RO reference/c-api/array.html#c.NPY_ARRAY_CARRAY_RO NPY_ARRAY_C_CONTIGUOUS reference/c-api/array.html#c.NPY_ARRAY_C_CONTIGUOUS @@ -1734,7 +1767,14 @@ c:macro NPY_ARRAY_FARRAY_RO reference/c-api/array.html#c.NPY_ARRAY_FARRAY_RO NPY_ARRAY_FORCECAST reference/c-api/array.html#c.NPY_ARRAY_FORCECAST NPY_ARRAY_F_CONTIGUOUS reference/c-api/array.html#c.NPY_ARRAY_F_CONTIGUOUS + NPY_ARRAY_INOUT_ARRAY reference/c-api/array.html#c.NPY_ARRAY_INOUT_ARRAY + NPY_ARRAY_INOUT_ARRAY.NPY_ARRAY_INOUT_FARRAY reference/c-api/array.html#c.NPY_ARRAY_INOUT_ARRAY.NPY_ARRAY_INOUT_FARRAY + NPY_ARRAY_IN_ARRAY reference/c-api/array.html#c.NPY_ARRAY_IN_ARRAY + NPY_ARRAY_IN_ARRAY.NPY_ARRAY_IN_FARRAY reference/c-api/array.html#c.NPY_ARRAY_IN_ARRAY.NPY_ARRAY_IN_FARRAY NPY_ARRAY_NOTSWAPPED reference/c-api/array.html#c.NPY_ARRAY_NOTSWAPPED + NPY_ARRAY_NOTSWAPPED.NPY_ARRAY_BEHAVED_NS reference/c-api/array.html#c.NPY_ARRAY_NOTSWAPPED.NPY_ARRAY_BEHAVED_NS + NPY_ARRAY_OUT_ARRAY reference/c-api/array.html#c.NPY_ARRAY_OUT_ARRAY + NPY_ARRAY_OUT_ARRAY.NPY_ARRAY_OUT_FARRAY reference/c-api/array.html#c.NPY_ARRAY_OUT_ARRAY.NPY_ARRAY_OUT_FARRAY NPY_ARRAY_OWNDATA reference/c-api/array.html#c.NPY_ARRAY_OWNDATA NPY_ARRAY_UPDATEIFCOPY reference/c-api/array.html#c.NPY_ARRAY_UPDATEIFCOPY NPY_ARRAY_UPDATE_ALL reference/c-api/array.html#c.NPY_ARRAY_UPDATE_ALL @@ -1744,6 +1784,7 @@ c:macro NPY_BEGIN_ALLOW_THREADS reference/c-api/array.html#c.NPY_BEGIN_ALLOW_THREADS NPY_BEGIN_THREADS reference/c-api/array.html#c.NPY_BEGIN_THREADS NPY_BEGIN_THREADS_DEF reference/c-api/array.html#c.NPY_BEGIN_THREADS_DEF + NPY_BIG reference/c-api/array.html#c.NPY_BIG NPY_BIG_ENDIAN reference/c-api/config.html#c.NPY_BIG_ENDIAN NPY_BUFSIZE reference/c-api/array.html#c.NPY_BUFSIZE NPY_BYTE_ORDER reference/c-api/config.html#c.NPY_BYTE_ORDER @@ -1772,10 +1813,44 @@ c:macro NPY_HALF_PINF reference/c-api/coremath.html#c.NPY_HALF_PINF NPY_HALF_PZERO reference/c-api/coremath.html#c.NPY_HALF_PZERO NPY_HALF_ZERO reference/c-api/coremath.html#c.NPY_HALF_ZERO + NPY_IGNORE reference/c-api/array.html#c.NPY_IGNORE NPY_INFINITY reference/c-api/coremath.html#c.NPY_INFINITY NPY_INTERRUPT_H reference/c-api/config.html#c.NPY_INTERRUPT_H NPY_INTP_FMT reference/c-api/dtype.html#c.NPY_INTP_FMT + NPY_ITEM_IS_POINTER reference/c-api/types-and-structures.html#c.NPY_ITEM_IS_POINTER + NPY_ITEM_REFCOUNT reference/c-api/types-and-structures.html#c.NPY_ITEM_REFCOUNT + NPY_ITEM_REFCOUNT.NPY_ITEM_HASOBJECT reference/c-api/types-and-structures.html#c.NPY_ITEM_REFCOUNT.NPY_ITEM_HASOBJECT + NPY_ITER_ALIGNED reference/c-api/iterator.html#c.NPY_ITER_ALIGNED + NPY_ITER_ALLOCATE reference/c-api/iterator.html#c.NPY_ITER_ALLOCATE + NPY_ITER_ARRAYMASK reference/c-api/iterator.html#c.NPY_ITER_ARRAYMASK + NPY_ITER_BUFFERED reference/c-api/iterator.html#c.NPY_ITER_BUFFERED + NPY_ITER_COMMON_DTYPE reference/c-api/iterator.html#c.NPY_ITER_COMMON_DTYPE + NPY_ITER_CONTIG reference/c-api/iterator.html#c.NPY_ITER_CONTIG + NPY_ITER_COPY reference/c-api/iterator.html#c.NPY_ITER_COPY + NPY_ITER_COPY_IF_OVERLAP reference/c-api/iterator.html#c.NPY_ITER_COPY_IF_OVERLAP + NPY_ITER_C_INDEX reference/c-api/iterator.html#c.NPY_ITER_C_INDEX + NPY_ITER_DELAY_BUFALLOC reference/c-api/iterator.html#c.NPY_ITER_DELAY_BUFALLOC + NPY_ITER_DONT_NEGATE_STRIDES reference/c-api/iterator.html#c.NPY_ITER_DONT_NEGATE_STRIDES + NPY_ITER_EXTERNAL_LOOP reference/c-api/iterator.html#c.NPY_ITER_EXTERNAL_LOOP + NPY_ITER_F_INDEX reference/c-api/iterator.html#c.NPY_ITER_F_INDEX + NPY_ITER_GROWINNER reference/c-api/iterator.html#c.NPY_ITER_GROWINNER + NPY_ITER_MULTI_INDEX reference/c-api/iterator.html#c.NPY_ITER_MULTI_INDEX + NPY_ITER_NBO reference/c-api/iterator.html#c.NPY_ITER_NBO + NPY_ITER_NO_BROADCAST reference/c-api/iterator.html#c.NPY_ITER_NO_BROADCAST + NPY_ITER_NO_SUBTYPE reference/c-api/iterator.html#c.NPY_ITER_NO_SUBTYPE + NPY_ITER_OVERLAP_ASSUME_ELEMENTWISE reference/c-api/iterator.html#c.NPY_ITER_OVERLAP_ASSUME_ELEMENTWISE + NPY_ITER_RANGED reference/c-api/iterator.html#c.NPY_ITER_RANGED + NPY_ITER_READONLY reference/c-api/iterator.html#c.NPY_ITER_READONLY + NPY_ITER_READWRITE reference/c-api/iterator.html#c.NPY_ITER_READWRITE + NPY_ITER_REDUCE_OK reference/c-api/iterator.html#c.NPY_ITER_REDUCE_OK + NPY_ITER_REFS_OK reference/c-api/iterator.html#c.NPY_ITER_REFS_OK + NPY_ITER_UPDATEIFCOPY reference/c-api/iterator.html#c.NPY_ITER_UPDATEIFCOPY + NPY_ITER_WRITEMASKED reference/c-api/iterator.html#c.NPY_ITER_WRITEMASKED + NPY_ITER_WRITEONLY reference/c-api/iterator.html#c.NPY_ITER_WRITEONLY + NPY_ITER_ZEROSIZE_OK reference/c-api/iterator.html#c.NPY_ITER_ZEROSIZE_OK NPY_LIKELY reference/c-api/config.html#c.NPY_LIKELY + NPY_LIST_PICKLE reference/c-api/types-and-structures.html#c.NPY_LIST_PICKLE + NPY_LITTLE reference/c-api/array.html#c.NPY_LITTLE NPY_LITTLE_ENDIAN reference/c-api/config.html#c.NPY_LITTLE_ENDIAN NPY_LOG10E reference/c-api/coremath.html#c.NPY_LOG10E NPY_LOG2E reference/c-api/coremath.html#c.NPY_LOG2E @@ -1790,10 +1865,14 @@ c:macro NPY_MAX_BUFSIZE reference/c-api/array.html#c.NPY_MAX_BUFSIZE NPY_MIN_BUFSIZE reference/c-api/array.html#c.NPY_MIN_BUFSIZE NPY_NAN reference/c-api/coremath.html#c.NPY_NAN + NPY_NATIVE reference/c-api/array.html#c.NPY_NATIVE + NPY_NEEDS_INIT reference/c-api/types-and-structures.html#c.NPY_NEEDS_INIT + NPY_NEEDS_PYAPI reference/c-api/types-and-structures.html#c.NPY_NEEDS_PYAPI NPY_NOTYPE reference/c-api/dtype.html#c.NPY_NOTYPE NPY_NTYPES reference/c-api/dtype.html#c.NPY_NTYPES NPY_NUM_FLOATTYPE reference/c-api/array.html#c.NPY_NUM_FLOATTYPE NPY_NZERO reference/c-api/coremath.html#c.NPY_NZERO + NPY_OUT_ARRAY reference/c-api/array.html#c.NPY_OUT_ARRAY NPY_PI reference/c-api/coremath.html#c.NPY_PI NPY_PI_2 reference/c-api/coremath.html#c.NPY_PI_2 NPY_PI_4 reference/c-api/coremath.html#c.NPY_PI_4 @@ -1818,41 +1897,18 @@ c:macro NPY_SIZEOF_SHORT reference/c-api/config.html#c.NPY_SIZEOF_SHORT NPY_SUBTYPE_PRIORITY reference/c-api/array.html#c.NPY_SUBTYPE_PRIORITY NPY_SUCCEED reference/c-api/array.html#c.NPY_SUCCEED + NPY_SWAP reference/c-api/array.html#c.NPY_SWAP NPY_TRUE reference/c-api/array.html#c.NPY_TRUE NPY_UINTP_FMT reference/c-api/dtype.html#c.NPY_UINTP_FMT NPY_ULONGLONG_FMT reference/c-api/dtype.html#c.NPY_ULONGLONG_FMT NPY_UNLIKELY reference/c-api/config.html#c.NPY_UNLIKELY NPY_UNUSED reference/c-api/config.html#c.NPY_UNUSED NPY_USERDEF reference/c-api/dtype.html#c.NPY_USERDEF + NPY_USE_GETITEM reference/c-api/types-and-structures.html#c.NPY_USE_GETITEM + NPY_USE_SETITEM reference/c-api/types-and-structures.html#c.NPY_USE_SETITEM + NPY_USE_SETITEM.NPY_FROM_FIELDS reference/c-api/types-and-structures.html#c.NPY_USE_SETITEM.NPY_FROM_FIELDS + NPY_USE_SETITEM.NPY_OBJECT_DTYPE_FLAGS reference/c-api/types-and-structures.html#c.NPY_USE_SETITEM.NPY_OBJECT_DTYPE_FLAGS NPY_VERSION reference/c-api/array.html#c.NPY_VERSION - NpyIter_MultiNew.NPY_ITER_ALIGNED reference/c-api/iterator.html#c.NpyIter_MultiNew.NPY_ITER_ALIGNED - NpyIter_MultiNew.NPY_ITER_ALLOCATE reference/c-api/iterator.html#c.NpyIter_MultiNew.NPY_ITER_ALLOCATE - NpyIter_MultiNew.NPY_ITER_ARRAYMASK reference/c-api/iterator.html#c.NpyIter_MultiNew.NPY_ITER_ARRAYMASK - NpyIter_MultiNew.NPY_ITER_BUFFERED reference/c-api/iterator.html#c.NpyIter_MultiNew.NPY_ITER_BUFFERED - NpyIter_MultiNew.NPY_ITER_COMMON_DTYPE reference/c-api/iterator.html#c.NpyIter_MultiNew.NPY_ITER_COMMON_DTYPE - NpyIter_MultiNew.NPY_ITER_CONTIG reference/c-api/iterator.html#c.NpyIter_MultiNew.NPY_ITER_CONTIG - NpyIter_MultiNew.NPY_ITER_COPY reference/c-api/iterator.html#c.NpyIter_MultiNew.NPY_ITER_COPY - NpyIter_MultiNew.NPY_ITER_COPY_IF_OVERLAP reference/c-api/iterator.html#c.NpyIter_MultiNew.NPY_ITER_COPY_IF_OVERLAP - NpyIter_MultiNew.NPY_ITER_C_INDEX reference/c-api/iterator.html#c.NpyIter_MultiNew.NPY_ITER_C_INDEX - NpyIter_MultiNew.NPY_ITER_DELAY_BUFALLOC reference/c-api/iterator.html#c.NpyIter_MultiNew.NPY_ITER_DELAY_BUFALLOC - NpyIter_MultiNew.NPY_ITER_DONT_NEGATE_STRIDES reference/c-api/iterator.html#c.NpyIter_MultiNew.NPY_ITER_DONT_NEGATE_STRIDES - NpyIter_MultiNew.NPY_ITER_EXTERNAL_LOOP reference/c-api/iterator.html#c.NpyIter_MultiNew.NPY_ITER_EXTERNAL_LOOP - NpyIter_MultiNew.NPY_ITER_F_INDEX reference/c-api/iterator.html#c.NpyIter_MultiNew.NPY_ITER_F_INDEX - NpyIter_MultiNew.NPY_ITER_GROWINNER reference/c-api/iterator.html#c.NpyIter_MultiNew.NPY_ITER_GROWINNER - NpyIter_MultiNew.NPY_ITER_MULTI_INDEX reference/c-api/iterator.html#c.NpyIter_MultiNew.NPY_ITER_MULTI_INDEX - NpyIter_MultiNew.NPY_ITER_NBO reference/c-api/iterator.html#c.NpyIter_MultiNew.NPY_ITER_NBO - NpyIter_MultiNew.NPY_ITER_NO_BROADCAST reference/c-api/iterator.html#c.NpyIter_MultiNew.NPY_ITER_NO_BROADCAST - NpyIter_MultiNew.NPY_ITER_NO_SUBTYPE reference/c-api/iterator.html#c.NpyIter_MultiNew.NPY_ITER_NO_SUBTYPE - NpyIter_MultiNew.NPY_ITER_OVERLAP_ASSUME_ELEMENTWISE reference/c-api/iterator.html#c.NpyIter_MultiNew.NPY_ITER_OVERLAP_ASSUME_ELEMENTWISE - NpyIter_MultiNew.NPY_ITER_RANGED reference/c-api/iterator.html#c.NpyIter_MultiNew.NPY_ITER_RANGED - NpyIter_MultiNew.NPY_ITER_READONLY reference/c-api/iterator.html#c.NpyIter_MultiNew.NPY_ITER_READONLY - NpyIter_MultiNew.NPY_ITER_READWRITE reference/c-api/iterator.html#c.NpyIter_MultiNew.NPY_ITER_READWRITE - NpyIter_MultiNew.NPY_ITER_REDUCE_OK reference/c-api/iterator.html#c.NpyIter_MultiNew.NPY_ITER_REDUCE_OK - NpyIter_MultiNew.NPY_ITER_REFS_OK reference/c-api/iterator.html#c.NpyIter_MultiNew.NPY_ITER_REFS_OK - NpyIter_MultiNew.NPY_ITER_UPDATEIFCOPY reference/c-api/iterator.html#c.NpyIter_MultiNew.NPY_ITER_UPDATEIFCOPY - NpyIter_MultiNew.NPY_ITER_WRITEMASKED reference/c-api/iterator.html#c.NpyIter_MultiNew.NPY_ITER_WRITEMASKED - NpyIter_MultiNew.NPY_ITER_WRITEONLY reference/c-api/iterator.html#c.NpyIter_MultiNew.NPY_ITER_WRITEONLY - NpyIter_MultiNew.NPY_ITER_ZEROSIZE_OK reference/c-api/iterator.html#c.NpyIter_MultiNew.NPY_ITER_ZEROSIZE_OK PY_ARRAY_UNIQUE_SYMBOL reference/c-api/array.html#c.PY_ARRAY_UNIQUE_SYMBOL PY_UFUNC_UNIQUE_SYMBOL reference/c-api/ufunc.html#c.PY_UFUNC_UNIQUE_SYMBOL PyArray_CEQ reference/c-api/array.html#c.PyArray_CEQ @@ -1864,21 +1920,6 @@ c:macro PyArray_Choose.NPY_CLIP reference/c-api/array.html#c.PyArray_Choose.NPY_CLIP PyArray_Choose.NPY_RAISE reference/c-api/array.html#c.PyArray_Choose.NPY_RAISE PyArray_Choose.NPY_WRAP reference/c-api/array.html#c.PyArray_Choose.NPY_WRAP - PyArray_Descr.flags.NPY_FROM_FIELDS reference/c-api/types-and-structures.html#c.PyArray_Descr.flags.NPY_FROM_FIELDS - PyArray_Descr.flags.NPY_ITEM_HASOBJECT reference/c-api/types-and-structures.html#c.PyArray_Descr.flags.NPY_ITEM_HASOBJECT - PyArray_Descr.flags.NPY_ITEM_IS_POINTER reference/c-api/types-and-structures.html#c.PyArray_Descr.flags.NPY_ITEM_IS_POINTER - PyArray_Descr.flags.NPY_ITEM_REFCOUNT reference/c-api/types-and-structures.html#c.PyArray_Descr.flags.NPY_ITEM_REFCOUNT - PyArray_Descr.flags.NPY_LIST_PICKLE reference/c-api/types-and-structures.html#c.PyArray_Descr.flags.NPY_LIST_PICKLE - PyArray_Descr.flags.NPY_NEEDS_INIT reference/c-api/types-and-structures.html#c.PyArray_Descr.flags.NPY_NEEDS_INIT - PyArray_Descr.flags.NPY_NEEDS_PYAPI reference/c-api/types-and-structures.html#c.PyArray_Descr.flags.NPY_NEEDS_PYAPI - PyArray_Descr.flags.NPY_OBJECT_DTYPE_FLAGS reference/c-api/types-and-structures.html#c.PyArray_Descr.flags.NPY_OBJECT_DTYPE_FLAGS - PyArray_Descr.flags.NPY_USE_GETITEM reference/c-api/types-and-structures.html#c.PyArray_Descr.flags.NPY_USE_GETITEM - PyArray_Descr.flags.NPY_USE_SETITEM reference/c-api/types-and-structures.html#c.PyArray_Descr.flags.NPY_USE_SETITEM - PyArray_DescrNewByteorder.NPY_BIG reference/c-api/array.html#c.PyArray_DescrNewByteorder.NPY_BIG - PyArray_DescrNewByteorder.NPY_IGNORE reference/c-api/array.html#c.PyArray_DescrNewByteorder.NPY_IGNORE - PyArray_DescrNewByteorder.NPY_LITTLE reference/c-api/array.html#c.PyArray_DescrNewByteorder.NPY_LITTLE - PyArray_DescrNewByteorder.NPY_NATIVE reference/c-api/array.html#c.PyArray_DescrNewByteorder.NPY_NATIVE - PyArray_DescrNewByteorder.NPY_SWAP reference/c-api/array.html#c.PyArray_DescrNewByteorder.NPY_SWAP PyArray_FromAny.NPY_ARRAY_ALIGNED reference/c-api/array.html#c.PyArray_FromAny.NPY_ARRAY_ALIGNED PyArray_FromAny.NPY_ARRAY_BEHAVED reference/c-api/array.html#c.PyArray_FromAny.NPY_ARRAY_BEHAVED PyArray_FromAny.NPY_ARRAY_CARRAY reference/c-api/array.html#c.PyArray_FromAny.NPY_ARRAY_CARRAY @@ -1891,16 +1932,9 @@ c:macro PyArray_FromAny.NPY_ARRAY_FARRAY_RO reference/c-api/array.html#c.PyArray_FromAny.NPY_ARRAY_FARRAY_RO PyArray_FromAny.NPY_ARRAY_FORCECAST reference/c-api/array.html#c.PyArray_FromAny.NPY_ARRAY_FORCECAST PyArray_FromAny.NPY_ARRAY_F_CONTIGUOUS reference/c-api/array.html#c.PyArray_FromAny.NPY_ARRAY_F_CONTIGUOUS - PyArray_FromAny.NPY_ARRAY_INOUT_ARRAY reference/c-api/array.html#c.PyArray_FromAny.NPY_ARRAY_INOUT_ARRAY - PyArray_FromAny.NPY_ARRAY_INOUT_FARRAY reference/c-api/array.html#c.PyArray_FromAny.NPY_ARRAY_INOUT_FARRAY - PyArray_FromAny.NPY_ARRAY_IN_ARRAY reference/c-api/array.html#c.PyArray_FromAny.NPY_ARRAY_IN_ARRAY - PyArray_FromAny.NPY_ARRAY_IN_FARRAY reference/c-api/array.html#c.PyArray_FromAny.NPY_ARRAY_IN_FARRAY - PyArray_FromAny.NPY_ARRAY_OUT_ARRAY reference/c-api/array.html#c.PyArray_FromAny.NPY_ARRAY_OUT_ARRAY - PyArray_FromAny.NPY_ARRAY_OUT_FARRAY reference/c-api/array.html#c.PyArray_FromAny.NPY_ARRAY_OUT_FARRAY PyArray_FromAny.NPY_ARRAY_UPDATEIFCOPY reference/c-api/array.html#c.PyArray_FromAny.NPY_ARRAY_UPDATEIFCOPY PyArray_FromAny.NPY_ARRAY_WRITEABLE reference/c-api/array.html#c.PyArray_FromAny.NPY_ARRAY_WRITEABLE PyArray_FromAny.NPY_ARRAY_WRITEBACKIFCOPY reference/c-api/array.html#c.PyArray_FromAny.NPY_ARRAY_WRITEBACKIFCOPY - PyArray_FromAny.NPY_OUT_ARRAY reference/c-api/array.html#c.PyArray_FromAny.NPY_OUT_ARRAY PyArray_GetEndianness.NPY_CPU_BIG reference/c-api/config.html#c.PyArray_GetEndianness.NPY_CPU_BIG PyArray_GetEndianness.NPY_CPU_LITTLE reference/c-api/config.html#c.PyArray_GetEndianness.NPY_CPU_LITTLE PyArray_GetEndianness.NPY_CPU_UNKNOWN_ENDIAN reference/c-api/config.html#c.PyArray_GetEndianness.NPY_CPU_UNKNOWN_ENDIAN @@ -1913,14 +1947,14 @@ c:macro PyArray_NeighborhoodIterNew.NPY_NEIGHBORHOOD_ITER_ONE_PADDING reference/c-api/array.html#c.PyArray_NeighborhoodIterNew.NPY_NEIGHBORHOOD_ITER_ONE_PADDING PyArray_NeighborhoodIterNew.NPY_NEIGHBORHOOD_ITER_ZERO_PADDING reference/c-api/array.html#c.PyArray_NeighborhoodIterNew.NPY_NEIGHBORHOOD_ITER_ZERO_PADDING PyArray_realloc.NPY_USE_PYMEM reference/c-api/array.html#c.PyArray_realloc.NPY_USE_PYMEM - PyUFuncObject.core_dim_flags.UFUNC_CORE_DIM_CAN_IGNORE reference/c-api/types-and-structures.html#c.PyUFuncObject.core_dim_flags.UFUNC_CORE_DIM_CAN_IGNORE - PyUFuncObject.core_dim_flags.UFUNC_CORE_DIM_SIZE_INFERRED reference/c-api/types-and-structures.html#c.PyUFuncObject.core_dim_flags.UFUNC_CORE_DIM_SIZE_INFERRED PyUFunc_IdentityValue reference/c-api/ufunc.html#c.PyUFunc_IdentityValue PyUFunc_MinusOne reference/c-api/ufunc.html#c.PyUFunc_MinusOne PyUFunc_None reference/c-api/ufunc.html#c.PyUFunc_None PyUFunc_One reference/c-api/ufunc.html#c.PyUFunc_One PyUFunc_ReorderableNone reference/c-api/ufunc.html#c.PyUFunc_ReorderableNone PyUFunc_Zero reference/c-api/ufunc.html#c.PyUFunc_Zero + UFUNC_CORE_DIM_CAN_IGNORE reference/c-api/types-and-structures.html#c.UFUNC_CORE_DIM_CAN_IGNORE + UFUNC_CORE_DIM_SIZE_INFERRED reference/c-api/types-and-structures.html#c.UFUNC_CORE_DIM_SIZE_INFERRED UFUNC_ERR_CALL reference/c-api/ufunc.html#c.UFUNC_ERR_CALL UFUNC_ERR_IGNORE reference/c-api/ufunc.html#c.UFUNC_ERR_IGNORE UFUNC_ERR_RAISE reference/c-api/ufunc.html#c.UFUNC_ERR_RAISE @@ -1952,6 +1986,18 @@ c:member NPY_AO.nd reference/c-api/types-and-structures.html#c.NPY_AO.nd NPY_AO.strides reference/c-api/types-and-structures.html#c.NPY_AO.strides NPY_AO.weakreflist reference/c-api/types-and-structures.html#c.NPY_AO.weakreflist + NPY_USE_SETITEM.alignment reference/c-api/types-and-structures.html#c.NPY_USE_SETITEM.alignment + NPY_USE_SETITEM.c_metadata reference/c-api/types-and-structures.html#c.NPY_USE_SETITEM.c_metadata + NPY_USE_SETITEM.elsize reference/c-api/types-and-structures.html#c.NPY_USE_SETITEM.elsize + NPY_USE_SETITEM.f reference/c-api/types-and-structures.html#c.NPY_USE_SETITEM.f + NPY_USE_SETITEM.fields reference/c-api/types-and-structures.html#c.NPY_USE_SETITEM.fields + NPY_USE_SETITEM.hash reference/c-api/types-and-structures.html#c.NPY_USE_SETITEM.hash + NPY_USE_SETITEM.metadata reference/c-api/types-and-structures.html#c.NPY_USE_SETITEM.metadata + NPY_USE_SETITEM.names reference/c-api/types-and-structures.html#c.NPY_USE_SETITEM.names + NPY_USE_SETITEM.subarray reference/c-api/types-and-structures.html#c.NPY_USE_SETITEM.subarray + NPY_USE_SETITEM.subarray.PyArray_ArrayDescr.base reference/c-api/types-and-structures.html#c.NPY_USE_SETITEM.subarray.PyArray_ArrayDescr.base + NPY_USE_SETITEM.subarray.PyArray_ArrayDescr.shape reference/c-api/types-and-structures.html#c.NPY_USE_SETITEM.subarray.PyArray_ArrayDescr.shape + NPY_USE_SETITEM.type_num reference/c-api/types-and-structures.html#c.NPY_USE_SETITEM.type_num PyArrayDescr_Type reference/c-api/types-and-structures.html#c.PyArrayDescr_Type PyArrayFlags_Type reference/c-api/types-and-structures.html#c.PyArrayFlags_Type PyArrayInterface.data reference/c-api/types-and-structures.html#c.PyArrayInterface.data @@ -2011,22 +2057,10 @@ c:member PyArray_Chunk.flags reference/c-api/types-and-structures.html#c.PyArray_Chunk.flags PyArray_Chunk.len reference/c-api/types-and-structures.html#c.PyArray_Chunk.len PyArray_Chunk.ptr reference/c-api/types-and-structures.html#c.PyArray_Chunk.ptr - PyArray_Descr.alignment reference/c-api/types-and-structures.html#c.PyArray_Descr.alignment PyArray_Descr.byteorder reference/c-api/types-and-structures.html#c.PyArray_Descr.byteorder - PyArray_Descr.c_metadata reference/c-api/types-and-structures.html#c.PyArray_Descr.c_metadata - PyArray_Descr.elsize reference/c-api/types-and-structures.html#c.PyArray_Descr.elsize - PyArray_Descr.f reference/c-api/types-and-structures.html#c.PyArray_Descr.f - PyArray_Descr.fields reference/c-api/types-and-structures.html#c.PyArray_Descr.fields PyArray_Descr.flags reference/c-api/types-and-structures.html#c.PyArray_Descr.flags - PyArray_Descr.hash reference/c-api/types-and-structures.html#c.PyArray_Descr.hash PyArray_Descr.kind reference/c-api/types-and-structures.html#c.PyArray_Descr.kind - PyArray_Descr.metadata reference/c-api/types-and-structures.html#c.PyArray_Descr.metadata - PyArray_Descr.names reference/c-api/types-and-structures.html#c.PyArray_Descr.names - PyArray_Descr.subarray reference/c-api/types-and-structures.html#c.PyArray_Descr.subarray - PyArray_Descr.subarray.PyArray_ArrayDescr.base reference/c-api/types-and-structures.html#c.PyArray_Descr.subarray.PyArray_ArrayDescr.base - PyArray_Descr.subarray.PyArray_ArrayDescr.shape reference/c-api/types-and-structures.html#c.PyArray_Descr.subarray.PyArray_ArrayDescr.shape PyArray_Descr.type reference/c-api/types-and-structures.html#c.PyArray_Descr.type - PyArray_Descr.type_num reference/c-api/types-and-structures.html#c.PyArray_Descr.type_num PyArray_Descr.typeobj reference/c-api/types-and-structures.html#c.PyArray_Descr.typeobj PyArray_Dims.len reference/c-api/types-and-structures.html#c.PyArray_Dims.len PyArray_Dims.ptr reference/c-api/types-and-structures.html#c.PyArray_Dims.ptr @@ -2043,10 +2077,8 @@ c:member PyUFuncObject.doc reference/c-api/types-and-structures.html#c.PyUFuncObject.doc PyUFuncObject.functions reference/c-api/types-and-structures.html#c.PyUFuncObject.functions PyUFuncObject.identity reference/c-api/types-and-structures.html#c.PyUFuncObject.identity - PyUFuncObject.identity_value reference/c-api/types-and-structures.html#c.PyUFuncObject.identity_value PyUFuncObject.iter_flags reference/c-api/types-and-structures.html#c.PyUFuncObject.iter_flags PyUFuncObject.legacy_inner_loop_selector reference/c-api/types-and-structures.html#c.PyUFuncObject.legacy_inner_loop_selector - PyUFuncObject.masked_inner_loop_selector reference/c-api/types-and-structures.html#c.PyUFuncObject.masked_inner_loop_selector PyUFuncObject.name reference/c-api/types-and-structures.html#c.PyUFuncObject.name PyUFuncObject.nargs reference/c-api/types-and-structures.html#c.PyUFuncObject.nargs PyUFuncObject.nin reference/c-api/types-and-structures.html#c.PyUFuncObject.nin @@ -2061,8 +2093,11 @@ c:member PyUFuncObject.types reference/c-api/types-and-structures.html#c.PyUFuncObject.types PyUFuncObject.userloops reference/c-api/types-and-structures.html#c.PyUFuncObject.userloops PyUFunc_Type reference/c-api/types-and-structures.html#c.PyUFunc_Type + UFUNC_CORE_DIM_SIZE_INFERRED.identity_value reference/c-api/types-and-structures.html#c.UFUNC_CORE_DIM_SIZE_INFERRED.identity_value c:type NPY_AO reference/c-api/types-and-structures.html#c.NPY_AO + NPY_USE_SETITEM.npy_hash_t reference/c-api/types-and-structures.html#c.NPY_USE_SETITEM.npy_hash_t + NPY_USE_SETITEM.subarray.PyArray_ArrayDescr reference/c-api/types-and-structures.html#c.NPY_USE_SETITEM.subarray.PyArray_ArrayDescr NpyAuxData reference/c-api/array.html#c.NpyAuxData NpyAuxData_CloneFunc reference/c-api/array.html#c.NpyAuxData_CloneFunc NpyAuxData_FreeFunc reference/c-api/array.html#c.NpyAuxData_FreeFunc @@ -2079,9 +2114,8 @@ c:type PyArray_ArrFuncs reference/c-api/types-and-structures.html#c.PyArray_ArrFuncs PyArray_Chunk reference/c-api/types-and-structures.html#c.PyArray_Chunk PyArray_Descr reference/c-api/types-and-structures.html#c.PyArray_Descr - PyArray_Descr.npy_hash_t reference/c-api/types-and-structures.html#c.PyArray_Descr.npy_hash_t - PyArray_Descr.subarray.PyArray_ArrayDescr reference/c-api/types-and-structures.html#c.PyArray_Descr.subarray.PyArray_ArrayDescr PyArray_Dims reference/c-api/types-and-structures.html#c.PyArray_Dims + PyDataMem_Handler reference/c-api/data_memory.html#c.PyDataMem_Handler PyUFuncGenericFunction reference/c-api/ufunc.html#c.PyUFuncGenericFunction PyUFuncLoopObject reference/c-api/types-and-structures.html#c.PyUFuncLoopObject PyUFuncObject reference/c-api/types-and-structures.html#c.PyUFuncObject @@ -2116,6 +2150,22 @@ c:type npy_ulong reference/c-api/dtype.html#c.npy_ulong npy_ulonglong reference/c-api/dtype.html#c.npy_ulonglong npy_ushort reference/c-api/dtype.html#c.npy_ushort +cpp:class + DoxyLimbo dev/howto-docs.html#_CPPv4I0_NSt6size_tEE9DoxyLimbo +cpp:function + DoxyLimbo::DoxyLimbo dev/howto-docs.html#_CPPv4N9DoxyLimbo9DoxyLimboEv + DoxyLimbo::data dev/howto-docs.html#_CPPv4N9DoxyLimbo4dataEv + doxy_javadoc_example dev/howto-docs.html#_CPPv420doxy_javadoc_exampleiPKc + doxy_reST_example dev/howto-docs.html#_CPPv417doxy_reST_examplev +cpp:functionParam + DoxyLimbo::DoxyLimbo::l dev/howto-docs.html#_CPPv4N9DoxyLimbo9DoxyLimboERK9DoxyLimboI2Tp1NE + doxy_javadoc_example::num dev/howto-docs.html#_CPPv420doxy_javadoc_exampleiPKc + doxy_javadoc_example::str dev/howto-docs.html#_CPPv420doxy_javadoc_exampleiPKc +cpp:member + DoxyLimbo::p_data dev/howto-docs.html#_CPPv4N9DoxyLimbo6p_dataE +cpp:templateParam + DoxyLimbo::N dev/howto-docs.html#_CPPv4I0_NSt6size_tEE9DoxyLimbo + DoxyLimbo::Tp dev/howto-docs.html#_CPPv4I0_NSt6size_tEE9DoxyLimbo py:attribute ndarray.__array_finalize__ user/c-info.beyond-basics.html#ndarray.__array_finalize__ ndarray.__array_priority__ user/c-info.beyond-basics.html#ndarray.__array_priority__ @@ -2444,6 +2494,7 @@ py:class numpy.clongdouble reference/arrays.scalars.html#numpy.clongdouble numpy.complexfloating reference/arrays.scalars.html#numpy.complexfloating numpy.csingle reference/arrays.scalars.html#numpy.csingle + numpy.ctypeslib.c_intp reference/routines.ctypeslib.html#numpy.ctypeslib.c_intp numpy.datetime64 reference/arrays.scalars.html#numpy.datetime64 numpy.distutils.ccompiler_opt.CCompilerOpt reference/generated/numpy.distutils.ccompiler_opt.CCompilerOpt.html#numpy.distutils.ccompiler_opt.CCompilerOpt numpy.distutils.core.Extension reference/generated/numpy.distutils.core.Extension.html#numpy.distutils.core.Extension @@ -2611,12 +2662,14 @@ py:data numpy.ma.atleast_1d reference/generated/numpy.ma.atleast_1d.html#numpy.ma.atleast_1d numpy.ma.atleast_2d reference/generated/numpy.ma.atleast_2d.html#numpy.ma.atleast_2d numpy.ma.atleast_3d reference/generated/numpy.ma.atleast_3d.html#numpy.ma.atleast_3d + numpy.ma.clip reference/generated/numpy.ma.clip.html#numpy.ma.clip numpy.ma.column_stack reference/generated/numpy.ma.column_stack.html#numpy.ma.column_stack numpy.ma.conjugate reference/generated/numpy.ma.conjugate.html#numpy.ma.conjugate numpy.ma.copy reference/generated/numpy.ma.copy.html#numpy.ma.copy numpy.ma.count reference/generated/numpy.ma.count.html#numpy.ma.count numpy.ma.cumprod reference/generated/numpy.ma.cumprod.html#numpy.ma.cumprod numpy.ma.cumsum reference/generated/numpy.ma.cumsum.html#numpy.ma.cumsum + numpy.ma.diff reference/generated/numpy.ma.diff.html#numpy.ma.diff numpy.ma.dstack reference/generated/numpy.ma.dstack.html#numpy.ma.dstack numpy.ma.empty reference/generated/numpy.ma.empty.html#numpy.ma.empty numpy.ma.empty_like reference/generated/numpy.ma.empty_like.html#numpy.ma.empty_like @@ -2626,6 +2679,7 @@ py:data numpy.ma.hsplit reference/generated/numpy.ma.hsplit.html#numpy.ma.hsplit numpy.ma.hstack reference/generated/numpy.ma.hstack.html#numpy.ma.hstack numpy.ma.identity reference/generated/numpy.ma.identity.html#numpy.ma.identity + numpy.ma.indices reference/generated/numpy.ma.indices.html#numpy.ma.indices numpy.ma.masked reference/maskedarray.baseclass.html#numpy.ma.masked numpy.ma.masked_print_options reference/maskedarray.baseclass.html#numpy.ma.masked_print_options numpy.ma.mean reference/generated/numpy.ma.mean.html#numpy.ma.mean @@ -2633,10 +2687,12 @@ py:data numpy.ma.nomask reference/maskedarray.baseclass.html#numpy.ma.nomask numpy.ma.nonzero reference/generated/numpy.ma.nonzero.html#numpy.ma.nonzero numpy.ma.ones reference/generated/numpy.ma.ones.html#numpy.ma.ones + numpy.ma.ones_like reference/generated/numpy.ma.ones_like.html#numpy.ma.ones_like numpy.ma.prod reference/generated/numpy.ma.prod.html#numpy.ma.prod numpy.ma.ravel reference/generated/numpy.ma.ravel.html#numpy.ma.ravel numpy.ma.row_stack reference/generated/numpy.ma.row_stack.html#numpy.ma.row_stack numpy.ma.soften_mask reference/generated/numpy.ma.soften_mask.html#numpy.ma.soften_mask + numpy.ma.squeeze reference/generated/numpy.ma.squeeze.html#numpy.ma.squeeze numpy.ma.stack reference/generated/numpy.ma.stack.html#numpy.ma.stack numpy.ma.std reference/generated/numpy.ma.std.html#numpy.ma.std numpy.ma.sum reference/generated/numpy.ma.sum.html#numpy.ma.sum @@ -2645,6 +2701,7 @@ py:data numpy.ma.var reference/generated/numpy.ma.var.html#numpy.ma.var numpy.ma.vstack reference/generated/numpy.ma.vstack.html#numpy.ma.vstack numpy.ma.zeros reference/generated/numpy.ma.zeros.html#numpy.ma.zeros + numpy.ma.zeros_like reference/generated/numpy.ma.zeros_like.html#numpy.ma.zeros_like numpy.matmul reference/generated/numpy.matmul.html#numpy.matmul numpy.maximum reference/generated/numpy.maximum.html#numpy.maximum numpy.mgrid reference/generated/numpy.mgrid.html#numpy.mgrid @@ -2711,6 +2768,7 @@ py:data object.__array_interface__ reference/arrays.interface.html#object.__array_interface__ object.__array_struct__ reference/arrays.interface.html#object.__array_struct__ py:exception + numpy.AxisError reference/generated/numpy.AxisError.html#numpy.AxisError numpy.RankWarning reference/generated/numpy.RankWarning.html#numpy.RankWarning numpy.linalg.LinAlgError reference/generated/numpy.linalg.LinAlgError.html#numpy.linalg.LinAlgError numpy.polynomial.polyutils.RankWarning reference/generated/numpy.polynomial.polyutils.RankWarning.html#numpy.polynomial.polyutils.RankWarning @@ -2889,6 +2947,7 @@ py:function numpy.distutils.misc_util.default_config_dict reference/distutils/misc_util.html#numpy.distutils.misc_util.default_config_dict numpy.distutils.misc_util.dict_append reference/distutils/misc_util.html#numpy.distutils.misc_util.dict_append numpy.distutils.misc_util.dot_join reference/distutils/misc_util.html#numpy.distutils.misc_util.dot_join + numpy.distutils.misc_util.exec_mod_from_location reference/distutils/misc_util.html#numpy.distutils.misc_util.exec_mod_from_location numpy.distutils.misc_util.filter_sources reference/distutils/misc_util.html#numpy.distutils.misc_util.filter_sources numpy.distutils.misc_util.generate_config_py reference/distutils/misc_util.html#numpy.distutils.misc_util.generate_config_py numpy.distutils.misc_util.get_build_architecture reference/distutils/misc_util.html#numpy.distutils.misc_util.get_build_architecture @@ -2915,8 +2974,8 @@ py:function numpy.distutils.misc_util.mingw32 reference/distutils/misc_util.html#numpy.distutils.misc_util.mingw32 numpy.distutils.misc_util.minrelpath reference/distutils/misc_util.html#numpy.distutils.misc_util.minrelpath numpy.distutils.misc_util.njoin reference/distutils/misc_util.html#numpy.distutils.misc_util.njoin - numpy.distutils.misc_util.quote_args reference/distutils/misc_util.html#numpy.distutils.misc_util.quote_args numpy.distutils.misc_util.red_text reference/distutils/misc_util.html#numpy.distutils.misc_util.red_text + numpy.distutils.misc_util.sanitize_cxx_flags reference/distutils/misc_util.html#numpy.distutils.misc_util.sanitize_cxx_flags numpy.distutils.misc_util.terminal_has_colors reference/distutils/misc_util.html#numpy.distutils.misc_util.terminal_has_colors numpy.distutils.misc_util.yellow_text reference/distutils/misc_util.html#numpy.distutils.misc_util.yellow_text numpy.distutils.system_info.get_info reference/generated/numpy.distutils.system_info.get_info.html#numpy.distutils.system_info.get_info @@ -2933,6 +2992,7 @@ py:function numpy.extract reference/generated/numpy.extract.html#numpy.extract numpy.eye reference/generated/numpy.eye.html#numpy.eye numpy.f2py.compile f2py/usage.html#numpy.f2py.compile + numpy.f2py.get_include f2py/usage.html#numpy.f2py.get_include numpy.f2py.run_main f2py/usage.html#numpy.f2py.run_main numpy.fft.fft reference/generated/numpy.fft.fft.html#numpy.fft.fft numpy.fft.fft2 reference/generated/numpy.fft.fft2.html#numpy.fft.fft2 @@ -3096,7 +3156,6 @@ py:function numpy.ma.asarray reference/generated/numpy.ma.asarray.html#numpy.ma.asarray numpy.ma.average reference/generated/numpy.ma.average.html#numpy.ma.average numpy.ma.choose reference/generated/numpy.ma.choose.html#numpy.ma.choose - numpy.ma.clip reference/generated/numpy.ma.clip.html#numpy.ma.clip numpy.ma.clump_masked reference/generated/numpy.ma.clump_masked.html#numpy.ma.clump_masked numpy.ma.clump_unmasked reference/generated/numpy.ma.clump_unmasked.html#numpy.ma.clump_unmasked numpy.ma.common_fill_value reference/generated/numpy.ma.common_fill_value.html#numpy.ma.common_fill_value @@ -3120,7 +3179,6 @@ py:function numpy.ma.getdata reference/generated/numpy.ma.getdata.html#numpy.ma.getdata numpy.ma.getmask reference/generated/numpy.ma.getmask.html#numpy.ma.getmask numpy.ma.getmaskarray reference/generated/numpy.ma.getmaskarray.html#numpy.ma.getmaskarray - numpy.ma.indices reference/generated/numpy.ma.indices.html#numpy.ma.indices numpy.ma.inner reference/generated/numpy.ma.inner.html#numpy.ma.inner numpy.ma.innerproduct reference/generated/numpy.ma.innerproduct.html#numpy.ma.innerproduct numpy.ma.isMA reference/generated/numpy.ma.isMA.html#numpy.ma.isMA @@ -3168,7 +3226,6 @@ py:function numpy.ma.shape reference/generated/numpy.ma.shape.html#numpy.ma.shape numpy.ma.size reference/generated/numpy.ma.size.html#numpy.ma.size numpy.ma.sort reference/generated/numpy.ma.sort.html#numpy.ma.sort - numpy.ma.squeeze reference/generated/numpy.ma.squeeze.html#numpy.ma.squeeze numpy.ma.transpose reference/generated/numpy.ma.transpose.html#numpy.ma.transpose numpy.ma.vander reference/generated/numpy.ma.vander.html#numpy.ma.vander numpy.ma.where reference/generated/numpy.ma.where.html#numpy.ma.where @@ -3515,6 +3572,7 @@ py:function numpy.testing.dec.skipif reference/generated/numpy.testing.dec.skipif.html#numpy.testing.dec.skipif numpy.testing.dec.slow reference/generated/numpy.testing.dec.slow.html#numpy.testing.dec.slow numpy.testing.decorate_methods reference/generated/numpy.testing.decorate_methods.html#numpy.testing.decorate_methods + numpy.testing.extbuild.build_and_import_extension reference/testing.html#numpy.testing.extbuild.build_and_import_extension numpy.testing.run_module_suite reference/generated/numpy.testing.run_module_suite.html#numpy.testing.run_module_suite numpy.testing.rundocs reference/generated/numpy.testing.rundocs.html#numpy.testing.rundocs numpy.tile reference/generated/numpy.tile.html#numpy.tile @@ -3803,6 +3861,11 @@ py:method numpy.distutils.misc_util.Configuration.make_svn_version_py reference/distutils.html#numpy.distutils.misc_util.Configuration.make_svn_version_py numpy.distutils.misc_util.Configuration.paths reference/distutils.html#numpy.distutils.misc_util.Configuration.paths numpy.distutils.misc_util.Configuration.todict reference/distutils.html#numpy.distutils.misc_util.Configuration.todict + numpy.dtype.__class_getitem__ reference/generated/numpy.dtype.__class_getitem__.html#numpy.dtype.__class_getitem__ + numpy.dtype.__ge__ reference/generated/numpy.dtype.__ge__.html#numpy.dtype.__ge__ + numpy.dtype.__gt__ reference/generated/numpy.dtype.__gt__.html#numpy.dtype.__gt__ + numpy.dtype.__le__ reference/generated/numpy.dtype.__le__.html#numpy.dtype.__le__ + numpy.dtype.__lt__ reference/generated/numpy.dtype.__lt__.html#numpy.dtype.__lt__ numpy.dtype.__reduce__ reference/generated/numpy.dtype.__reduce__.html#numpy.dtype.__reduce__ numpy.dtype.__setstate__ reference/generated/numpy.dtype.__setstate__.html#numpy.dtype.__setstate__ numpy.dtype.newbyteorder reference/generated/numpy.dtype.newbyteorder.html#numpy.dtype.newbyteorder @@ -4200,6 +4263,7 @@ py:method numpy.ndarray.__array__ reference/generated/numpy.ndarray.__array__.html#numpy.ndarray.__array__ numpy.ndarray.__array_wrap__ reference/generated/numpy.ndarray.__array_wrap__.html#numpy.ndarray.__array_wrap__ numpy.ndarray.__bool__ reference/generated/numpy.ndarray.__bool__.html#numpy.ndarray.__bool__ + numpy.ndarray.__class_getitem__ reference/generated/numpy.ndarray.__class_getitem__.html#numpy.ndarray.__class_getitem__ numpy.ndarray.__complex__ reference/generated/numpy.ndarray.__complex__.html#numpy.ndarray.__complex__ numpy.ndarray.__contains__ reference/generated/numpy.ndarray.__contains__.html#numpy.ndarray.__contains__ numpy.ndarray.__copy__ reference/generated/numpy.ndarray.__copy__.html#numpy.ndarray.__copy__ @@ -4312,6 +4376,7 @@ py:method numpy.nditer.remove_axis reference/generated/numpy.nditer.remove_axis.html#numpy.nditer.remove_axis numpy.nditer.remove_multi_index reference/generated/numpy.nditer.remove_multi_index.html#numpy.nditer.remove_multi_index numpy.nditer.reset reference/generated/numpy.nditer.reset.html#numpy.nditer.reset + numpy.number.__class_getitem__ reference/generated/numpy.number.__class_getitem__.html#numpy.number.__class_getitem__ numpy.poly1d.__call__ reference/generated/numpy.poly1d.__call__.html#numpy.poly1d.__call__ numpy.poly1d.deriv reference/generated/numpy.poly1d.deriv.html#numpy.poly1d.deriv numpy.poly1d.integ reference/generated/numpy.poly1d.integ.html#numpy.poly1d.integ @@ -4697,7 +4762,11 @@ py:module numpy.random reference/random/index.html#module-numpy.random numpy.testing reference/routines.testing.html#module-numpy.testing numpy.typing reference/typing.html#module-numpy.typing + numpy.typing.mypy_plugin reference/typing.html#module-numpy.typing.mypy_plugin py:property + numpy.finfo.machar reference/generated/numpy.finfo.machar.html#numpy.finfo.machar + numpy.finfo.smallest_normal reference/generated/numpy.finfo.smallest_normal.html#numpy.finfo.smallest_normal + numpy.finfo.tiny reference/generated/numpy.finfo.tiny.html#numpy.finfo.tiny numpy.iinfo.max reference/generated/numpy.iinfo.max.html#numpy.iinfo.max numpy.iinfo.min reference/generated/numpy.iinfo.min.html#numpy.iinfo.min numpy.lib.Arrayterator.flat reference/generated/numpy.lib.Arrayterator.flat.html#numpy.lib.Arrayterator.flat @@ -4738,6 +4807,7 @@ py:property std:doc benchmarking NumPy benchmarks : benchmarking.html bugs Reporting bugs : bugs.html + dev/alignment Memory Alignment : dev/alignment.html dev/development_advanced_debugging Advanced debugging tools : dev/development_advanced_debugging.html dev/development_environment Setting up and using your development environment: dev/development_environment.html dev/development_gitpod Using Gitpod for NumPy development : dev/development_gitpod.html @@ -4751,32 +4821,35 @@ std:doc dev/gitwash/index Git for development : dev/gitwash/index.html dev/governance/governance NumPy project governance and decision-making: dev/governance/governance.html dev/governance/index NumPy governance : dev/governance/index.html - dev/governance/people Current steering council and institutional partners: dev/governance/people.html dev/howto-docs How to contribute to the NumPy documentation: dev/howto-docs.html + dev/howto_build_docs Building the NumPy API and reference docs: dev/howto_build_docs.html dev/index Contributing to NumPy : dev/index.html + dev/internals Internal organization of NumPy arrays : dev/internals.html + dev/internals.code-explanations NumPy C code explanations : dev/internals.code-explanations.html dev/releasing Releasing a version : dev/releasing.html dev/reviewer_guidelines Reviewer Guidelines : dev/reviewer_guidelines.html dev/underthehood Under-the-hood Documentation for developers: dev/underthehood.html - doc_conventions Documentation conventions : doc_conventions.html - docs/howto_build_docs Building the NumPy API and reference docs: docs/howto_build_docs.html - docs/howto_document A Guide to NumPy Documentation : docs/howto_document.html - docs/index NumPy’s Documentation : docs/index.html - f2py/advanced Advanced F2PY usages : f2py/advanced.html - f2py/distutils Using via numpy.distutils : f2py/distutils.html + f2py/advanced Advanced F2PY use cases : f2py/advanced.html + f2py/buildtools/cmake Using via cmake : f2py/buildtools/cmake.html + f2py/buildtools/distutils Using via numpy.distutils : f2py/buildtools/distutils.html + f2py/buildtools/index F2PY and Build Systems : f2py/buildtools/index.html + f2py/buildtools/meson Using via meson : f2py/buildtools/meson.html + f2py/buildtools/skbuild Using via scikit-build : f2py/buildtools/skbuild.html f2py/f2py.getting-started Three ways to wrap - getting started : f2py/f2py.getting-started.html - f2py/index F2PY Users Guide and Reference Manual : f2py/index.html + f2py/index F2PY user guide and reference manual : f2py/index.html f2py/python-usage Using F2PY bindings in Python : f2py/python-usage.html f2py/signature-file Signature file : f2py/signature-file.html f2py/usage Using F2PY : f2py/usage.html + getting_started Getting started : getting_started.html glossary Glossary : glossary.html - index NumPy Documentation : index.html + index NumPy documentation : index.html license NumPy license : license.html reference/alignment Memory Alignment : reference/alignment.html reference/arrays Array objects : reference/arrays.html reference/arrays.classes Standard array subclasses : reference/arrays.classes.html reference/arrays.datetime Datetimes and Timedeltas : reference/arrays.datetime.html reference/arrays.dtypes Data type objects (dtype) : reference/arrays.dtypes.html - reference/arrays.indexing Indexing : reference/arrays.indexing.html + reference/arrays.indexing Indexing routines : reference/arrays.indexing.html reference/arrays.interface The Array Interface : reference/arrays.interface.html reference/arrays.ndarray The N-dimensional array (ndarray) : reference/arrays.ndarray.html reference/arrays.nditer Iterating Over Arrays : reference/arrays.nditer.html @@ -4785,6 +4858,7 @@ std:doc reference/c-api/array Array API : reference/c-api/array.html reference/c-api/config System configuration : reference/c-api/config.html reference/c-api/coremath NumPy core libraries : reference/c-api/coremath.html + reference/c-api/data_memory Memory management in NumPy : reference/c-api/data_memory.html reference/c-api/deprecations C API Deprecations : reference/c-api/deprecations.html reference/c-api/dtype Data Type API : reference/c-api/dtype.html reference/c-api/generalized-ufuncs Generalized Universal Function API : reference/c-api/generalized-ufuncs.html @@ -4796,6 +4870,7 @@ std:doc reference/distutils Packaging (numpy.distutils) : reference/distutils.html reference/distutils/misc_util distutils.misc_util : reference/distutils/misc_util.html reference/distutils_guide NumPy Distutils - Users Guide : reference/distutils_guide.html + reference/generated/numpy.AxisError numpy.AxisError : reference/generated/numpy.AxisError.html reference/generated/numpy.DataSource numpy.DataSource : reference/generated/numpy.DataSource.html reference/generated/numpy.DataSource.abspath numpy.DataSource.abspath : reference/generated/numpy.DataSource.abspath.html reference/generated/numpy.DataSource.exists numpy.DataSource.exists : reference/generated/numpy.DataSource.exists.html @@ -5277,6 +5352,11 @@ std:doc reference/generated/numpy.dsplit numpy.dsplit : reference/generated/numpy.dsplit.html reference/generated/numpy.dstack numpy.dstack : reference/generated/numpy.dstack.html reference/generated/numpy.dtype numpy.dtype : reference/generated/numpy.dtype.html + reference/generated/numpy.dtype.__class_getitem__ numpy.dtype.__class_getitem__ : reference/generated/numpy.dtype.__class_getitem__.html + reference/generated/numpy.dtype.__ge__ numpy.dtype.__ge__ : reference/generated/numpy.dtype.__ge__.html + reference/generated/numpy.dtype.__gt__ numpy.dtype.__gt__ : reference/generated/numpy.dtype.__gt__.html + reference/generated/numpy.dtype.__le__ numpy.dtype.__le__ : reference/generated/numpy.dtype.__le__.html + reference/generated/numpy.dtype.__lt__ numpy.dtype.__lt__ : reference/generated/numpy.dtype.__lt__.html reference/generated/numpy.dtype.__reduce__ numpy.dtype.__reduce__ : reference/generated/numpy.dtype.__reduce__.html reference/generated/numpy.dtype.__setstate__ numpy.dtype.__setstate__ : reference/generated/numpy.dtype.__setstate__.html reference/generated/numpy.dtype.alignment numpy.dtype.alignment : reference/generated/numpy.dtype.alignment.html @@ -5338,6 +5418,9 @@ std:doc reference/generated/numpy.fill_diagonal numpy.fill_diagonal : reference/generated/numpy.fill_diagonal.html reference/generated/numpy.find_common_type numpy.find_common_type : reference/generated/numpy.find_common_type.html reference/generated/numpy.finfo numpy.finfo : reference/generated/numpy.finfo.html + reference/generated/numpy.finfo.machar numpy.finfo.machar : reference/generated/numpy.finfo.machar.html + reference/generated/numpy.finfo.smallest_normal numpy.finfo.smallest_normal : reference/generated/numpy.finfo.smallest_normal.html + reference/generated/numpy.finfo.tiny numpy.finfo.tiny : reference/generated/numpy.finfo.tiny.html reference/generated/numpy.fix numpy.fix : reference/generated/numpy.fix.html reference/generated/numpy.flatiter numpy.flatiter : reference/generated/numpy.flatiter.html reference/generated/numpy.flatiter.base numpy.flatiter.base : reference/generated/numpy.flatiter.base.html @@ -5780,6 +5863,7 @@ std:doc reference/generated/numpy.ma.cumsum numpy.ma.cumsum : reference/generated/numpy.ma.cumsum.html reference/generated/numpy.ma.default_fill_value numpy.ma.default_fill_value : reference/generated/numpy.ma.default_fill_value.html reference/generated/numpy.ma.diag numpy.ma.diag : reference/generated/numpy.ma.diag.html + reference/generated/numpy.ma.diff numpy.ma.diff : reference/generated/numpy.ma.diff.html reference/generated/numpy.ma.dot numpy.ma.dot : reference/generated/numpy.ma.dot.html reference/generated/numpy.ma.dstack numpy.ma.dstack : reference/generated/numpy.ma.dstack.html reference/generated/numpy.ma.ediff1d numpy.ma.ediff1d : reference/generated/numpy.ma.ediff1d.html @@ -5935,6 +6019,7 @@ std:doc reference/generated/numpy.ma.notmasked_contiguous numpy.ma.notmasked_contiguous : reference/generated/numpy.ma.notmasked_contiguous.html reference/generated/numpy.ma.notmasked_edges numpy.ma.notmasked_edges : reference/generated/numpy.ma.notmasked_edges.html reference/generated/numpy.ma.ones numpy.ma.ones : reference/generated/numpy.ma.ones.html + reference/generated/numpy.ma.ones_like numpy.ma.ones_like : reference/generated/numpy.ma.ones_like.html reference/generated/numpy.ma.outer numpy.ma.outer : reference/generated/numpy.ma.outer.html reference/generated/numpy.ma.outerproduct numpy.ma.outerproduct : reference/generated/numpy.ma.outerproduct.html reference/generated/numpy.ma.polyfit numpy.ma.polyfit : reference/generated/numpy.ma.polyfit.html @@ -5963,6 +6048,7 @@ std:doc reference/generated/numpy.ma.vstack numpy.ma.vstack : reference/generated/numpy.ma.vstack.html reference/generated/numpy.ma.where numpy.ma.where : reference/generated/numpy.ma.where.html reference/generated/numpy.ma.zeros numpy.ma.zeros : reference/generated/numpy.ma.zeros.html + reference/generated/numpy.ma.zeros_like numpy.ma.zeros_like : reference/generated/numpy.ma.zeros_like.html reference/generated/numpy.mask_indices numpy.mask_indices : reference/generated/numpy.mask_indices.html reference/generated/numpy.mat numpy.mat : reference/generated/numpy.mat.html reference/generated/numpy.matlib.empty numpy.matlib.empty : reference/generated/numpy.matlib.empty.html @@ -6166,6 +6252,7 @@ std:doc reference/generated/numpy.ndarray.__array__ numpy.ndarray.__array__ : reference/generated/numpy.ndarray.__array__.html reference/generated/numpy.ndarray.__array_wrap__ numpy.ndarray.__array_wrap__ : reference/generated/numpy.ndarray.__array_wrap__.html reference/generated/numpy.ndarray.__bool__ numpy.ndarray.__bool__ : reference/generated/numpy.ndarray.__bool__.html + reference/generated/numpy.ndarray.__class_getitem__ numpy.ndarray.__class_getitem__ : reference/generated/numpy.ndarray.__class_getitem__.html reference/generated/numpy.ndarray.__complex__ numpy.ndarray.__complex__ : reference/generated/numpy.ndarray.__complex__.html reference/generated/numpy.ndarray.__contains__ numpy.ndarray.__contains__ : reference/generated/numpy.ndarray.__contains__.html reference/generated/numpy.ndarray.__copy__ numpy.ndarray.__copy__ : reference/generated/numpy.ndarray.__copy__.html @@ -6317,6 +6404,7 @@ std:doc reference/generated/numpy.nextafter numpy.nextafter : reference/generated/numpy.nextafter.html reference/generated/numpy.nonzero numpy.nonzero : reference/generated/numpy.nonzero.html reference/generated/numpy.not_equal numpy.not_equal : reference/generated/numpy.not_equal.html + reference/generated/numpy.number.__class_getitem__ numpy.number.__class_getitem__ : reference/generated/numpy.number.__class_getitem__.html reference/generated/numpy.obj2sctype numpy.obj2sctype : reference/generated/numpy.obj2sctype.html reference/generated/numpy.ogrid numpy.ogrid : reference/generated/numpy.ogrid.html reference/generated/numpy.ones numpy.ones : reference/generated/numpy.ones.html @@ -7208,7 +7296,6 @@ std:doc reference/routines.fft Discrete Fourier Transform (numpy.fft) : reference/routines.fft.html reference/routines.functional Functional programming : reference/routines.functional.html reference/routines.help NumPy-specific help functions : reference/routines.help.html - reference/routines.indexing Indexing routines : reference/routines.indexing.html reference/routines.io Input and output : reference/routines.io.html reference/routines.linalg Linear algebra (numpy.linalg) : reference/routines.linalg.html reference/routines.logic Logic functions : reference/routines.logic.html @@ -7240,7 +7327,7 @@ std:doc reference/testing Testing Guidelines : reference/testing.html reference/typing Typing (numpy.typing) : reference/typing.html reference/ufuncs Universal functions (ufunc) : reference/ufuncs.html - release Release Notes : release.html + release Release notes : release.html release/1.10.0-notes NumPy 1.10.0 Release Notes : release/1.10.0-notes.html release/1.10.1-notes NumPy 1.10.1 Release Notes : release/1.10.1-notes.html release/1.10.2-notes NumPy 1.10.2 Release Notes : release/1.10.2-notes.html @@ -7298,6 +7385,12 @@ std:doc release/1.20.2-notes NumPy 1.20.2 Release Notes : release/1.20.2-notes.html release/1.20.3-notes NumPy 1.20.3 Release Notes : release/1.20.3-notes.html release/1.21.0-notes NumPy 1.21.0 Release Notes : release/1.21.0-notes.html + release/1.21.1-notes NumPy 1.21.1 Release Notes : release/1.21.1-notes.html + release/1.21.2-notes NumPy 1.21.2 Release Notes : release/1.21.2-notes.html + release/1.21.3-notes NumPy 1.21.3 Release Notes : release/1.21.3-notes.html + release/1.21.4-notes NumPy 1.21.4 Release Notes : release/1.21.4-notes.html + release/1.22.0-notes NumPy 1.22.0 Release Notes : release/1.22.0-notes.html + release/1.22.1-notes NumPy 1.22.1 Release Notes : release/1.22.1-notes.html release/1.3.0-notes NumPy 1.3.0 Release Notes : release/1.3.0-notes.html release/1.4.0-notes NumPy 1.4.0 Release Notes : release/1.4.0-notes.html release/1.5.0-notes NumPy 1.5.0 Release Notes : release/1.5.0-notes.html @@ -7318,14 +7411,16 @@ std:doc user/basics NumPy fundamentals : user/basics.html user/basics.broadcasting Broadcasting : user/basics.broadcasting.html user/basics.byteswapping Byte-swapping : user/basics.byteswapping.html + user/basics.copies Copies and views : user/basics.copies.html user/basics.creation Array creation : user/basics.creation.html user/basics.dispatch Writing custom array containers : user/basics.dispatch.html - user/basics.indexing Indexing : user/basics.indexing.html + user/basics.indexing Indexing on ndarrays : user/basics.indexing.html user/basics.io I/O with NumPy : user/basics.io.html user/basics.io.genfromtxt Importing data with genfromtxt : user/basics.io.genfromtxt.html user/basics.rec Structured arrays : user/basics.rec.html user/basics.subclassing Subclassing ndarray : user/basics.subclassing.html user/basics.types Data types : user/basics.types.html + user/basics.ufuncs Universal functions (ufunc) basics : user/basics.ufuncs.html user/building Building from source : user/building.html user/c-info Using NumPy C-API : user/c-info.html user/c-info.beyond-basics Beyond the Basics : user/c-info.beyond-basics.html @@ -7343,21 +7438,18 @@ std:doc user/quickstart NumPy quickstart : user/quickstart.html user/theory.broadcasting Array Broadcasting in Numpy : user/theory.broadcasting.html user/troubleshooting-importerror Troubleshooting ImportError : user/troubleshooting-importerror.html - user/tutorial-ma Tutorial: Masked Arrays : user/tutorial-ma.html - user/tutorial-svd Tutorial: Linear algebra on n-dimensional arrays: user/tutorial-svd.html - user/tutorials_index NumPy Tutorials : user/tutorials_index.html user/whatisnumpy What is NumPy? : user/whatisnumpy.html std:label accelerated-blas-lapack-libraries Accelerated BLAS/LAPACK libraries : user/building.html#accelerated-blas-lapack-libraries - advanced-indexing Advanced Indexing : reference/arrays.indexing.html#advanced-indexing - alignment Memory Alignment : reference/alignment.html#alignment - array-broadcasting-in-numpy Array Broadcasting in Numpy : user/theory.broadcasting.html#array-broadcasting-in-numpy + advanced-indexing Advanced indexing : user/basics.indexing.html#advanced-indexing + alignment Memory Alignment : dev/alignment.html#alignment + array-broadcasting-in-numpy Broadcasting : user/basics.broadcasting.html#array-broadcasting-in-numpy array-flags Array flags : reference/c-api/array.html#array-flags array-ufunc __array_ufunc__ for ufuncs : user/basics.subclassing.html#array-ufunc array-wrap __array_wrap__ for ufuncs and other functions: user/basics.subclassing.html#array-wrap array.ndarray.methods Array methods : reference/arrays.ndarray.html#array-ndarray-methods arrays Array objects : reference/arrays.html#arrays - arrays.broadcasting.broadcastable reference/ufuncs.html#arrays-broadcasting-broadcastable + arrays.broadcasting.broadcastable Broadcastable arrays : user/basics.broadcasting.html#arrays-broadcasting-broadcastable arrays.classes Standard array subclasses : reference/arrays.classes.html#arrays-classes arrays.classes.rec Record arrays (numpy.rec) : reference/arrays.classes.html#arrays-classes-rec arrays.creation Array creation : user/basics.creation.html#arrays-creation @@ -7366,8 +7458,8 @@ std:label arrays.dtypes.constructing Specifying and constructing data types : reference/arrays.dtypes.html#arrays-dtypes-constructing arrays.dtypes.dateunits reference/arrays.datetime.html#arrays-dtypes-dateunits arrays.dtypes.timeunits reference/arrays.datetime.html#arrays-dtypes-timeunits - arrays.indexing Indexing : reference/arrays.indexing.html#arrays-indexing - arrays.indexing.fields Field Access : reference/arrays.indexing.html#arrays-indexing-fields + arrays.indexing Indexing routines : reference/arrays.indexing.html#arrays-indexing + arrays.indexing.fields Field access : user/basics.indexing.html#arrays-indexing-fields arrays.interface The Array Interface : reference/arrays.interface.html#arrays-interface arrays.ndarray The N-dimensional array (ndarray) : reference/arrays.ndarray.html#arrays-ndarray arrays.ndarray.array-interface Array interface : reference/arrays.ndarray.html#arrays-ndarray-array-interface @@ -7378,20 +7470,35 @@ std:label arrays.scalars.built-in Built-in scalar types : reference/arrays.scalars.html#arrays-scalars-built-in arrays.scalars.character-codes Built-in scalar types : reference/arrays.scalars.html#arrays-scalars-character-codes asking-for-merging Asking for your changes to be merged with the main repo: dev/development_workflow.html#asking-for-merging + assigning-values-to-indexed-arrays Assigning values to indexed arrays : user/basics.indexing.html#assigning-values-to-indexed-arrays basics.broadcasting Broadcasting : user/basics.broadcasting.html#basics-broadcasting + basics.copies-and-views Copies and views : user/basics.copies.html#basics-copies-and-views basics.dispatch Writing custom array containers : user/basics.dispatch.html#basics-dispatch - basics.indexing Indexing : user/basics.indexing.html#basics-indexing + basics.indexing Indexing on ndarrays : user/basics.indexing.html#basics-indexing basics.subclassing Subclassing ndarray : user/basics.subclassing.html#basics-subclassing basics.types Data types : user/basics.types.html#basics-types broadcasting-rules Broadcasting rules : user/quickstart.html#broadcasting-rules + broadcasting.figure-1 Figure 1 : user/basics.broadcasting.html#broadcasting-figure-1 + broadcasting.figure-2 Figure 2 : user/basics.broadcasting.html#broadcasting-figure-2 + broadcasting.figure-3 Figure 3 : user/basics.broadcasting.html#broadcasting-figure-3 + broadcasting.figure-4 Figure 4 : user/basics.broadcasting.html#broadcasting-figure-4 + broadcasting.figure-5 Figure 5 : user/basics.broadcasting.html#broadcasting-figure-5 building-docs Building docs : dev/index.html#building-docs building-from-source Building from source : user/building.html#building-from-source c-api NumPy C-API : reference/c-api/index.html#c-api c-api.generalized-ufuncs Generalized Universal Function API : reference/c-api/generalized-ufuncs.html#c-api-generalized-ufuncs + c-code-explanations NumPy C code explanations : dev/internals.code-explanations.html#c-code-explanations call-back arguments Call-back arguments : f2py/python-usage.html#call-back-arguments - combining-advanced-and-basic-indexing Combining advanced and basic indexing : reference/arrays.indexing.html#combining-advanced-and-basic-indexing + classDoxyLimbo dev/howto-docs.html#classDoxyLimbo + classDoxyLimbo_1a097c2d3d62ef8696ca0f4f9af875be48 dev/howto-docs.html#classDoxyLimbo_1a097c2d3d62ef8696ca0f4f9af875be48 + classDoxyLimbo_1a5e3d991177cab7f703a585f8895c3f5a dev/howto-docs.html#classDoxyLimbo_1a5e3d991177cab7f703a585f8895c3f5a + classDoxyLimbo_1a9b76dccbb1e8dbbbb46a2f0dbe8909e0 dev/howto-docs.html#classDoxyLimbo_1a9b76dccbb1e8dbbbb46a2f0dbe8909e0 + classDoxyLimbo_1ae0090b4f0dda7e97c44a4d2a5fac7786 dev/howto-docs.html#classDoxyLimbo_1ae0090b4f0dda7e97c44a4d2a5fac7786 + combining-advanced-and-basic-indexing Combining advanced and basic indexing : user/basics.indexing.html#combining-advanced-and-basic-indexing configure-git Git configuration : dev/gitwash/configure_git.html#configure-git contributing More on contributing : dev/howto-docs.html#contributing + data_memory Memory management in NumPy : reference/c-api/data_memory.html#data-memory + dealing-with-variable-indices Dealing with variable numbers of indices within programs: user/basics.indexing.html#dealing-with-variable-indices debugging Debugging : dev/development_environment.html#debugging defining-structured-types Structured Datatypes : user/basics.rec.html#defining-structured-types details-of-signature Details of Signature : reference/c-api/generalized-ufuncs.html#details-of-signature @@ -7402,41 +7509,42 @@ std:label devindex Contributing to NumPy : dev/index.html#devindex dispatchable-sources 5- Dispatch-able sources and configuration statements: reference/simd/simd-optimizations.html#dispatchable-sources distutils-user-guide NumPy Distutils - Users Guide : reference/distutils_guide.html#distutils-user-guide - docstring_intro Docstrings : docs/howto_document.html#docstring-intro - documentation NumPy’s Documentation : docs/index.html#documentation - documentation_conventions Documentation conventions : doc_conventions.html#documentation-conventions + doc_c_code Documenting C/C++ Code : dev/howto-docs.html#doc-c-code + docstring_intro Docstrings : dev/howto-docs.html#docstring-intro dot2-dot3 Two and three dots in difference specs : dev/gitwash/dot2_dot3.html#dot2-dot3 + doxy__func_8h_1a4d3bfb60ef84efac3a58233ab1211795 dev/howto-docs.html#doxy__func_8h_1a4d3bfb60ef84efac3a58233ab1211795 + doxy__rst_8h_1a233bf6c1f71e836f3e5b8bd078ca12ec dev/howto-docs.html#doxy__rst_8h_1a233bf6c1f71e836f3e5b8bd078ca12ec editing-workflow The editing workflow : dev/development_workflow.html#editing-workflow - example-1 Example 1 : user/theory.broadcasting.html#example-1 - example-2 Example 2 : user/theory.broadcasting.html#example-2 - example-3 Example 3 : user/theory.broadcasting.html#example-3 - example-4 Example 4 : user/theory.broadcasting.html#example-4 extending Extending : reference/random/extending.html#extending extending_cython_example Extending numpy.random via Cython : reference/random/examples/cython/index.html#extending-cython-example external f2py/signature-file.html#external - figure-1 Figure 1 : user/theory.broadcasting.html#figure-1 - figure-2 Figure 2 : user/theory.broadcasting.html#figure-2 - figure-3 Figure 3 : user/theory.broadcasting.html#figure-3 - figure-4 Figure 4 : user/theory.broadcasting.html#figure-4 - figure-5 Figure 5 : user/theory.broadcasting.html#figure-5 + f2py F2PY user guide and reference manual : f2py/index.html#f2py + f2py-bldsys F2PY and Build Systems : f2py/buildtools/index.html#f2py-bldsys + f2py-cmake Using via cmake : f2py/buildtools/cmake.html#f2py-cmake + f2py-distutils Using via numpy.distutils : f2py/buildtools/distutils.html#f2py-distutils + f2py-getting-started Three ways to wrap - getting started : f2py/f2py.getting-started.html#f2py-getting-started + f2py-meson Using via meson : f2py/buildtools/meson.html#f2py-meson + f2py-skbuild Using via scikit-build : f2py/buildtools/skbuild.html#f2py-skbuild + flat-iterator-indexing Flat Iterator indexing : user/basics.indexing.html#flat-iterator-indexing following-latest dev/gitwash/following_latest.html#following-latest for-downstream-package-authors For downstream package authors : user/depending_on_numpy.html#for-downstream-package-authors forking Create a NumPy fork : dev/gitwash/development_setup.html#forking frozen reference/c-api/generalized-ufuncs.html#frozen + general-broadcasting-rules General Broadcasting Rules : user/basics.broadcasting.html#general-broadcasting-rules genindex Index : genindex.html git-config-basic Overview : dev/gitwash/configure_git.html#git-config-basic git-development Git for development : dev/gitwash/index.html#git-development git-resources Additional Git Resources : dev/gitwash/git_resources.html#git-resources global_state Global State : reference/global_state.html#global-state - governance-people Current steering council and institutional partners: dev/governance/people.html#governance-people guidelines Guidelines : dev/index.html#guidelines how-to-how-to How to write a NumPy how-to : user/how-to-how-to.html#how-to-how-to how-to-io Reading and writing files : user/how-to-io.html#how-to-io how-to-io-large-arrays Write or read large arrays : user/how-to-io.html#how-to-io-large-arrays how-to-io-pickle-file Save/restore using a pickle file : user/how-to-io.html#how-to-io-pickle-file - howto-build-docs Building the NumPy API and reference docs: docs/howto_build_docs.html#howto-build-docs + how-todoc.prerequisites Prerequisites : dev/howto_build_docs.html#how-todoc-prerequisites + howto-build-docs Building the NumPy API and reference docs: dev/howto_build_docs.html#howto-build-docs howto-docs How to contribute to the NumPy documentation: dev/howto-docs.html#howto-docs - howto-document A Guide to NumPy Documentation : docs/howto_document.html#howto-document + howto-document Documentation style : dev/howto-docs.html#howto-document howtos NumPy How Tos : user/howtos_index.html#howtos independent-streams Independent Streams : reference/random/parallel.html#independent-streams install-git dev/gitwash/index.html#install-git @@ -7456,9 +7564,9 @@ std:label new-or-different What’s New or Different : reference/random/new-or-different.html#new-or-different numpy-for-matlab-users NumPy for MATLAB users : user/numpy-for-matlab-users.html#numpy-for-matlab-users numpy-for-matlab-users.notes Notes : user/numpy-for-matlab-users.html#numpy-for-matlab-users-notes - numpy-internals NumPy internals : reference/internals.html#numpy-internals + numpy-internals Internal organization of NumPy arrays : dev/internals.html#numpy-internals numpy.ma.constants Constants of the numpy.ma module : reference/maskedarray.baseclass.html#numpy-ma-constants - numpy_docs_mainpage NumPy Documentation : index.html#numpy-docs-mainpage + numpy_docs_mainpage NumPy documentation : index.html#numpy-docs-mainpage numpy_tutorials NumPy tutorials : dev/howto-docs.html#numpy-tutorials numpyrandom reference/random/index.html#numpyrandom offsets-and-alignment Automatic Byte Offsets and Alignment : user/basics.rec.html#offsets-and-alignment @@ -7476,9 +7584,11 @@ std:label quickstart.stacking-arrays Stacking together different arrays : user/quickstart.html#quickstart-stacking-arrays quickstart.the-basics The Basics : user/quickstart.html#quickstart-the-basics r01a8f58ef25b-1 reference/generated/numpy.roots.html#r01a8f58ef25b-1 + r02de30f409d2-1 reference/generated/numpy.nanquantile.html#r02de30f409d2-1 r03a512939777-1 reference/random/generated/numpy.random.RandomState.zipf.html#r03a512939777-1 r068cb77115ef-1 reference/random/generated/numpy.random.f.html#r068cb77115ef-1 r068cb77115ef-2 reference/random/generated/numpy.random.f.html#r068cb77115ef-2 + r08bde0ebf37b-1 reference/generated/numpy.percentile.html#r08bde0ebf37b-1 r09f005d8254d-1 reference/random/generated/numpy.random.negative_binomial.html#r09f005d8254d-1 r09f005d8254d-2 reference/random/generated/numpy.random.negative_binomial.html#r09f005d8254d-2 r09f32ab11221-1 reference/random/generated/numpy.random.RandomState.f.html#r09f32ab11221-1 @@ -7655,7 +7765,6 @@ std:label r8dad45cadf16-2 reference/random/generated/numpy.random.standard_cauchy.html#r8dad45cadf16-2 r8dad45cadf16-3 reference/random/generated/numpy.random.standard_cauchy.html#r8dad45cadf16-3 r907366b089c1-1 reference/generated/numpy.around.html#r907366b089c1-1 - r907366b089c1-2 reference/generated/numpy.around.html#r907366b089c1-2 r92eba0d55cbe-1 reference/generated/numpy.polyfit.html#r92eba0d55cbe-1 r92eba0d55cbe-2 reference/generated/numpy.polyfit.html#r92eba0d55cbe-2 r93153ef3fabc-1 reference/random/generated/numpy.random.poisson.html#r93153ef3fabc-1 @@ -7748,6 +7857,8 @@ std:label rd8967f61b44d-3 reference/generated/numpy.hanning.html#rd8967f61b44d-3 rd8967f61b44d-4 reference/generated/numpy.hanning.html#rd8967f61b44d-4 rde927b304c4f-1 reference/generated/numpy.invert.html#rde927b304c4f-1 + re01cd3f3acfe-1 reference/generated/numpy.quantile.html#re01cd3f3acfe-1 + re21b1d0b0470-1 reference/generated/numpy.nanpercentile.html#re21b1d0b0470-1 re3df8af29897-1 reference/random/generated/numpy.random.RandomState.chisquare.html#re3df8af29897-1 re3e5c8554f6d-1 reference/random/generated/numpy.random.Generator.noncentral_chisquare.html#re3e5c8554f6d-1 re708645e50a8-1 reference/random/generated/numpy.random.Generator.vonmises.html#re708645e50a8-1 @@ -7764,7 +7875,7 @@ std:label redb98c78ab31-1 reference/random/generated/numpy.random.Generator.standard_cauchy.html#redb98c78ab31-1 redb98c78ab31-2 reference/random/generated/numpy.random.Generator.standard_cauchy.html#redb98c78ab31-2 redb98c78ab31-3 reference/random/generated/numpy.random.Generator.standard_cauchy.html#redb98c78ab31-3 - reference reference/index.html#reference + reference NumPy Reference : reference/index.html#reference reviewer-guidelines Reviewer Guidelines : dev/reviewer_guidelines.html#reviewer-guidelines rewriting-commit-history Rewriting commit history : dev/development_workflow.html#rewriting-commit-history rf09e3aaadee4-1 reference/random/generated/numpy.random.Generator.gamma.html#rf09e3aaadee4-1 @@ -7797,7 +7908,7 @@ std:label routines.dtype Data type routines : reference/routines.dtype.html#routines-dtype routines.fft reference/routines.fft.html#routines-fft routines.help NumPy-specific help functions : reference/routines.help.html#routines-help - routines.indexing Indexing routines : reference/routines.indexing.html#routines-indexing + routines.indexing Indexing routines : reference/arrays.indexing.html#routines-indexing routines.io Input and output : reference/routines.io.html#routines-io routines.linalg reference/routines.linalg.html#routines-linalg routines.linalg-broadcasting Linear algebra on several matrices at once: reference/routines.linalg.html#routines-linalg-broadcasting @@ -7815,6 +7926,7 @@ std:label seedsequence-spawn SeedSequence spawning : reference/random/parallel.html#seedsequence-spawn set-up-and-configure-a-github-account Create a GitHub account : dev/gitwash/development_setup.html#set-up-and-configure-a-github-account set-up-fork Make the local copy : dev/gitwash/development_setup.html#set-up-fork + single-element-indexing Single element indexing : user/basics.indexing.html#single-element-indexing sized-aliases Sized aliases : reference/arrays.scalars.html#sized-aliases special-options Special options : reference/simd/simd-optimizations.html#special-options string-dtype-note reference/arrays.dtypes.html#string-dtype-note @@ -7825,23 +7937,26 @@ std:label testing-builds Testing builds : dev/development_environment.html#testing-builds testing-guidelines Testing Guidelines : reference/testing.html#testing-guidelines titles Field Titles : user/basics.rec.html#titles - tutorials NumPy Tutorials : user/tutorials_index.html#tutorials tutorials_howtos_explanations Documentation framework : dev/howto-docs.html#tutorials-howtos-explanations typing reference/typing.html#typing ufuncs Universal functions (ufunc) : reference/ufuncs.html#ufuncs - ufuncs-output-type Output type determination : reference/ufuncs.html#ufuncs-output-type - ufuncs.broadcasting Broadcasting : reference/ufuncs.html#ufuncs-broadcasting - ufuncs.casting Casting Rules : reference/ufuncs.html#ufuncs-casting + ufuncs-basics Universal functions (ufunc) basics : user/basics.ufuncs.html#ufuncs-basics + ufuncs-internals Universal functions : dev/internals.code-explanations.html#ufuncs-internals + ufuncs-output-type Output type determination : user/basics.ufuncs.html#ufuncs-output-type + ufuncs.broadcasting Broadcasting : user/basics.ufuncs.html#ufuncs-broadcasting + ufuncs.casting Type casting rules : user/basics.ufuncs.html#ufuncs-casting ufuncs.kwargs Optional keyword arguments : reference/ufuncs.html#ufuncs-kwargs ufuncs.methods Methods : reference/ufuncs.html#ufuncs-methods - ufuncs.overrides Overriding Ufunc behavior : reference/ufuncs.html#ufuncs-overrides + ufuncs.overrides Overriding ufunc behavior : user/basics.ufuncs.html#ufuncs-overrides underthehood Under-the-hood Documentation for developers: dev/underthehood.html#underthehood upgrading-pcg64 Upgrading PCG64 with PCG64DXSM : reference/random/upgrading-pcg64.html#upgrading-pcg64 upgrading-pcg64-details Technical Details : reference/random/upgrading-pcg64.html#upgrading-pcg64-details + use-of-internal-buffers Use of internal buffers : user/basics.ufuncs.html#use-of-internal-buffers user NumPy user guide : user/index.html#user user.user-defined-data-types User-defined data-types : user/c-info.beyond-basics.html#user-user-defined-data-types - userdoc_guide User documentation : docs/howto_document.html#userdoc-guide + userdoc_guide User documentation : dev/howto-docs.html#userdoc-guide using-git Git for development : dev/gitwash/index.html#using-git + view View : user/basics.copies.html#view view-casting View casting : user/basics.subclassing.html#view-casting whatis-vectorization Why is NumPy Fast? : user/whatisnumpy.html#whatis-vectorization whatisnumpy What is NumPy? : user/whatisnumpy.html#whatisnumpy diff --git a/doc/_intersphinx/python3.inv b/doc/_intersphinx/python3.inv index 1470cce..dc78759 100644 Binary files a/doc/_intersphinx/python3.inv and b/doc/_intersphinx/python3.inv differ diff --git a/doc/_intersphinx/python3.txt b/doc/_intersphinx/python3.txt index b264aef..bf50bbb 100644 --- a/doc/_intersphinx/python3.txt +++ b/doc/_intersphinx/python3.txt @@ -2233,6 +2233,9 @@ py:attribute types.ModuleType.__spec__ library/types.html#types.ModuleType.__spec__ typing.ParamSpec.args library/typing.html#typing.ParamSpec.args typing.ParamSpec.kwargs library/typing.html#typing.ParamSpec.kwargs + typing.TypedDict.__optional_keys__ library/typing.html#typing.TypedDict.__optional_keys__ + typing.TypedDict.__required_keys__ library/typing.html#typing.TypedDict.__required_keys__ + typing.TypedDict.__total__ library/typing.html#typing.TypedDict.__total__ unittest.TestCase.failureException library/unittest.html#unittest.TestCase.failureException unittest.TestCase.longMessage library/unittest.html#unittest.TestCase.longMessage unittest.TestCase.maxDiff library/unittest.html#unittest.TestCase.maxDiff @@ -3051,6 +3054,8 @@ py:class tarfile.TarFile library/tarfile.html#tarfile.TarFile tarfile.TarInfo library/tarfile.html#tarfile.TarInfo telnetlib.Telnet library/telnetlib.html#telnetlib.Telnet + tempfile.SpooledTemporaryFile library/tempfile.html#tempfile.SpooledTemporaryFile + tempfile.TemporaryDirectory library/tempfile.html#tempfile.TemporaryDirectory test.support.BasicTestRunner library/test.html#test.support.BasicTestRunner test.support.Matcher library/test.html#test.support.Matcher test.support.SaveSignals library/test.html#test.support.SaveSignals @@ -3368,6 +3373,13 @@ py:data asyncio.asyncio.subprocess.DEVNULL library/asyncio-subprocess.html#asyncio.asyncio.subprocess.DEVNULL asyncio.asyncio.subprocess.PIPE library/asyncio-subprocess.html#asyncio.asyncio.subprocess.PIPE asyncio.asyncio.subprocess.STDOUT library/asyncio-subprocess.html#asyncio.asyncio.subprocess.STDOUT + calendar.FRIDAY library/calendar.html#calendar.FRIDAY + calendar.MONDAY library/calendar.html#calendar.MONDAY + calendar.SATURDAY library/calendar.html#calendar.SATURDAY + calendar.SUNDAY library/calendar.html#calendar.SUNDAY + calendar.THURSDAY library/calendar.html#calendar.THURSDAY + calendar.TUESDAY library/calendar.html#calendar.TUESDAY + calendar.WEDNESDAY library/calendar.html#calendar.WEDNESDAY calendar.day_abbr library/calendar.html#calendar.day_abbr calendar.day_name library/calendar.html#calendar.day_name calendar.month_abbr library/calendar.html#calendar.month_abbr @@ -6492,8 +6504,6 @@ py:function tarfile.is_tarfile library/tarfile.html#tarfile.is_tarfile tarfile.open library/tarfile.html#tarfile.open tempfile.NamedTemporaryFile library/tempfile.html#tempfile.NamedTemporaryFile - tempfile.SpooledTemporaryFile library/tempfile.html#tempfile.SpooledTemporaryFile - tempfile.TemporaryDirectory library/tempfile.html#tempfile.TemporaryDirectory tempfile.TemporaryFile library/tempfile.html#tempfile.TemporaryFile tempfile.gettempdir library/tempfile.html#tempfile.gettempdir tempfile.gettempdirb library/tempfile.html#tempfile.gettempdirb @@ -11187,7 +11197,6 @@ std:doc library/turtle turtle — Turtle graphics : library/turtle.html library/types types — Dynamic type creation and names for built-in types: library/types.html library/typing typing — Support for type hints : library/typing.html - library/undoc Undocumented Modules : library/undoc.html library/unicodedata unicodedata — Unicode Database : library/unicodedata.html library/unittest unittest — Unit testing framework : library/unittest.html library/unittest.mock unittest.mock — mock object library : library/unittest.mock.html @@ -11514,7 +11523,7 @@ std:label bpo-36085-whatsnew whatsnew/3.8.html#bpo-36085-whatsnew break The break statement : reference/simple_stmts.html#break browser-controllers Browser Controller Objects : library/webbrowser.html#browser-controllers - bsd0 ZERO-CLAUSE BSD LICENSE FOR CODE IN THE PYTHON 3.10.1 DOCUMENTATION: license.html#bsd0 + bsd0 ZERO-CLAUSE BSD LICENSE FOR CODE IN THE PYTHON 3.10.4 DOCUMENTATION: license.html#bsd0 buffer-request-types Buffer request types : c-api/buffer.html#buffer-request-types buffer-structs Buffer Object Structures : c-api/typeobj.html#buffer-structs buffer-structure Buffer structure : c-api/buffer.html#buffer-structure @@ -11555,6 +11564,7 @@ std:label cgi-intro library/cgi.html#cgi-intro cgi-security Caring about security : library/cgi.html#cgi-security changelog Changelog : whatsnew/changelog.html#changelog + changes-python-api Changes in the Python API : whatsnew/3.10.html#changes-python-api check-module library/idle.html#check-module class Class definitions : reference/compound_stmts.html#class class-customization Customizing class creation : reference/datamodel.html#class-customization @@ -11729,6 +11739,7 @@ std:label distinct NewType : library/typing.html#distinct distributing Distributing your extension modules : extending/building.html#distributing distributing-index Distributing Python Modules : distributing/index.html#distributing-index + distributions Distributions : library/importlib.metadata.html#distributions distutils-additional-files Installing Additional Files : distutils/setupscript.html#distutils-additional-files distutils-build-ext-inplace distutils/configfile.html#distutils-build-ext-inplace distutils-concepts Concepts & Terminology : distutils/introduction.html#distutils-concepts @@ -11924,6 +11935,7 @@ std:label handle-object Registry Handle Objects : library/winreg.html#handle-object handler Handler Objects : library/logging.html#handler handler-basic Handlers : howto/logging.html#handler-basic + handlers-and-exceptions Note on Signal Handlers and Exceptions : library/signal.html#handlers-and-exceptions hash-algorithms Hash algorithms : library/hashlib.html#hash-algorithms hashlib-usedforsecurity library/hashlib.html#hashlib-usedforsecurity heap-types Heap Types : c-api/typeobj.html#heap-types @@ -12180,6 +12192,7 @@ std:label new-27-interpreter Interpreter Changes : whatsnew/2.7.html#new-27-interpreter new-decimal decimal : whatsnew/3.3.html#new-decimal new-email email : whatsnew/3.3.html#new-email + new-feat-related-type-hints New Features Related to Type Hints : whatsnew/3.10.html#new-feat-related-type-hints new-module-contextlib The contextlib module : whatsnew/2.6.html#new-module-contextlib new-types-topics Defining Extension Types: Assorted Topics: extending/newtypes.html#new-types-topics newtypes Object Implementation Support : c-api/objimpl.html#newtypes @@ -12367,7 +12380,7 @@ std:label proxy-basic-auth-handler ProxyBasicAuthHandler Objects : library/urllib.request.html#proxy-basic-auth-handler proxy-digest-auth-handler ProxyDigestAuthHandler Objects : library/urllib.request.html#proxy-digest-auth-handler proxy-handler ProxyHandler Objects : library/urllib.request.html#proxy-handler - psf-license PSF LICENSE AGREEMENT FOR PYTHON 3.10.1 : license.html#psf-license + psf-license PSF LICENSE AGREEMENT FOR PYTHON 3.10.4 : license.html#psf-license publishing-python-packages Reading the Python Packaging User Guide : distributing/index.html#publishing-python-packages pure-embedding Pure Embedding : extending/embedding.html#pure-embedding pure-mod Pure Python distribution (by module) : distutils/examples.html#pure-mod @@ -12754,7 +12767,6 @@ std:label typesseq-range Ranges : library/stdtypes.html#typesseq-range typesseq-tuple Tuples : library/stdtypes.html#typesseq-tuple unary Unary arithmetic and bitwise operations : reference/expressions.html#unary - undoc Undocumented Modules : library/undoc.html#undoc unicode-howto Unicode HOWTO : howto/unicode.html#unicode-howto unicodeexceptions Unicode Exception Objects : c-api/exceptions.html#unicodeexceptions unicodemethodsandslots Methods and Slot Functions : c-api/unicode.html#unicodemethodsandslots diff --git a/doc/_intersphinx/rllib.inv b/doc/_intersphinx/rllib.inv index 3ff079b..e4b02ae 100644 Binary files a/doc/_intersphinx/rllib.inv and b/doc/_intersphinx/rllib.inv differ diff --git a/doc/_intersphinx/rllib.txt b/doc/_intersphinx/rllib.txt index 102e75c..5a3ff23 100644 --- a/doc/_intersphinx/rllib.txt +++ b/doc/_intersphinx/rllib.txt @@ -1,26 +1,22 @@ py:attribute ray.data.extensions.tensor_extension.ArrowTensorArray.OFFSET_DTYPE data/package-ref.html#ray.data.extensions.tensor_extension.ArrowTensorArray.OFFSET_DTYPE - ray.experimental.tf_utils.TensorFlowVariables.assignment_nodes using-ray-with-tensorflow.html#ray.experimental.tf_utils.TensorFlowVariables.assignment_nodes - ray.experimental.tf_utils.TensorFlowVariables.placeholders using-ray-with-tensorflow.html#ray.experimental.tf_utils.TensorFlowVariables.placeholders - ray.experimental.tf_utils.TensorFlowVariables.sess using-ray-with-tensorflow.html#ray.experimental.tf_utils.TensorFlowVariables.sess - ray.experimental.tf_utils.TensorFlowVariables.variables using-ray-with-tensorflow.html#ray.experimental.tf_utils.TensorFlowVariables.variables - ray.rllib.env.BaseEnv.action_space rllib-package-ref.html#ray.rllib.env.BaseEnv.action_space - ray.rllib.env.BaseEnv.observation_space rllib-package-ref.html#ray.rllib.env.BaseEnv.observation_space - ray.rllib.evaluation.Episode.add_extra_batch rllib-package-ref.html#ray.rllib.evaluation.Episode.add_extra_batch - ray.rllib.evaluation.Episode.agent_rewards rllib-package-ref.html#ray.rllib.evaluation.Episode.agent_rewards - ray.rllib.evaluation.Episode.batch_builder rllib-package-ref.html#ray.rllib.evaluation.Episode.batch_builder - ray.rllib.evaluation.Episode.custom_metrics rllib-package-ref.html#ray.rllib.evaluation.Episode.custom_metrics - ray.rllib.evaluation.Episode.episode_id rllib-package-ref.html#ray.rllib.evaluation.Episode.episode_id - ray.rllib.evaluation.Episode.hist_data rllib-package-ref.html#ray.rllib.evaluation.Episode.hist_data - ray.rllib.evaluation.Episode.length rllib-package-ref.html#ray.rllib.evaluation.Episode.length - ray.rllib.evaluation.Episode.new_batch_builder rllib-package-ref.html#ray.rllib.evaluation.Episode.new_batch_builder - ray.rllib.evaluation.Episode.total_reward rllib-package-ref.html#ray.rllib.evaluation.Episode.total_reward - ray.rllib.evaluation.Episode.user_data rllib-package-ref.html#ray.rllib.evaluation.Episode.user_data - ray.rllib.evaluation.MultiAgentBatch.count rllib-package-ref.html#ray.rllib.evaluation.MultiAgentBatch.count - ray.rllib.evaluation.MultiAgentBatch.policy_batches rllib-package-ref.html#ray.rllib.evaluation.MultiAgentBatch.policy_batches - ray.rllib.models.ActionDistribution.inputs rllib-package-ref.html#ray.rllib.models.ActionDistribution.inputs - ray.rllib.models.ActionDistribution.model rllib-package-ref.html#ray.rllib.models.ActionDistribution.model - ray.rllib.models.Preprocessor.shape rllib-package-ref.html#ray.rllib.models.Preprocessor.shape + ray.job_submission.JobInfo.end_time cluster/jobs-package-ref.html#ray.job_submission.JobInfo.end_time + ray.job_submission.JobInfo.entrypoint cluster/jobs-package-ref.html#ray.job_submission.JobInfo.entrypoint + ray.job_submission.JobInfo.message cluster/jobs-package-ref.html#ray.job_submission.JobInfo.message + ray.job_submission.JobInfo.metadata cluster/jobs-package-ref.html#ray.job_submission.JobInfo.metadata + ray.job_submission.JobInfo.runtime_env cluster/jobs-package-ref.html#ray.job_submission.JobInfo.runtime_env + ray.job_submission.JobInfo.start_time cluster/jobs-package-ref.html#ray.job_submission.JobInfo.start_time + ray.job_submission.JobInfo.status cluster/jobs-package-ref.html#ray.job_submission.JobInfo.status + ray.job_submission.JobStatus.FAILED cluster/jobs-package-ref.html#ray.job_submission.JobStatus.FAILED + ray.job_submission.JobStatus.PENDING cluster/jobs-package-ref.html#ray.job_submission.JobStatus.PENDING + ray.job_submission.JobStatus.RUNNING cluster/jobs-package-ref.html#ray.job_submission.JobStatus.RUNNING + ray.job_submission.JobStatus.STOPPED cluster/jobs-package-ref.html#ray.job_submission.JobStatus.STOPPED + ray.job_submission.JobStatus.SUCCEEDED cluster/jobs-package-ref.html#ray.job_submission.JobStatus.SUCCEEDED + ray.rllib.env.multi_agent_env.MultiAgentEnv rllib/package_ref/env/multi_agent_env.html#ray.rllib.env.multi_agent_env.MultiAgentEnv + ray.rllib.policy.sample_batch.MultiAgentBatch.count rllib/package_ref/evaluation/sample_batch.html#ray.rllib.policy.sample_batch.MultiAgentBatch.count + ray.rllib.policy.sample_batch.MultiAgentBatch.policy_batches rllib/package_ref/evaluation/sample_batch.html#ray.rllib.policy.sample_batch.MultiAgentBatch.policy_batches + ray.serve.model_wrappers.ModelWrapperDeployment ray-air/getting-started.html#ray.serve.model_wrappers.ModelWrapperDeployment + ray.train.backend.Backend.share_cuda_visible_devices train/api.html#ray.train.backend.Backend.share_cuda_visible_devices ray.tune.schedulers.ASHAScheduler tune/api_docs/schedulers.html#ray.tune.schedulers.ASHAScheduler ray.tune.schedulers.TrialScheduler.CONTINUE tune/api_docs/schedulers.html#ray.tune.schedulers.TrialScheduler.CONTINUE ray.tune.schedulers.TrialScheduler.PAUSE tune/api_docs/schedulers.html#ray.tune.schedulers.TrialScheduler.PAUSE @@ -39,101 +35,206 @@ py:attribute ray.tune.web_server.TuneClient.port_forward tune/api_docs/client.html#ray.tune.web_server.TuneClient.port_forward ray.tune.web_server.TuneClient.tune_address tune/api_docs/client.html#ray.tune.web_server.TuneClient.tune_address py:class - lightgbm_ray.RayLGBMClassifier lightgbm-ray.html#lightgbm_ray.RayLGBMClassifier - lightgbm_ray.RayLGBMRegressor lightgbm-ray.html#lightgbm_ray.RayLGBMRegressor - lightgbm_ray.RayParams lightgbm-ray.html#lightgbm_ray.RayParams - ray.cluster_utils.AutoscalingCluster fake-autoscaler.html#ray.cluster_utils.AutoscalingCluster + lightgbm_ray.RayLGBMClassifier ray-more-libs/lightgbm-ray.html#lightgbm_ray.RayLGBMClassifier + lightgbm_ray.RayLGBMRegressor ray-more-libs/lightgbm-ray.html#lightgbm_ray.RayLGBMRegressor + lightgbm_ray.RayParams ray-more-libs/lightgbm-ray.html#lightgbm_ray.RayParams + lightgbm_ray.main.RayParams ray-more-libs/lightgbm-ray.html#lightgbm_ray.RayParams + lightgbm_ray.sklearn.RayLGBMClassifier ray-more-libs/lightgbm-ray.html#lightgbm_ray.RayLGBMClassifier + lightgbm_ray.sklearn.RayLGBMRegressor ray-more-libs/lightgbm-ray.html#lightgbm_ray.RayLGBMRegressor + ray.autoscaler._private.fake_multi_node.test_utils.DockerCluster ray-contribute/fake-autoscaler.html#ray.autoscaler._private.fake_multi_node.test_utils.DockerCluster + ray.cluster_utils.AutoscalingCluster ray-contribute/fake-autoscaler.html#ray.cluster_utils.AutoscalingCluster + ray.dashboard.modules.job.common.JobInfo cluster/jobs-package-ref.html#ray.job_submission.JobInfo + ray.dashboard.modules.job.common.JobStatus cluster/jobs-package-ref.html#ray.job_submission.JobStatus + ray.dashboard.modules.job.sdk.JobSubmissionClient cluster/jobs-package-ref.html#ray.job_submission.JobSubmissionClient ray.data.Dataset data/package-ref.html#ray.data.Dataset ray.data.Datasource data/package-ref.html#ray.data.Datasource ray.data.ReadTask data/package-ref.html#ray.data.ReadTask + ray.data.dataset.Dataset data/package-ref.html#ray.data.Dataset ray.data.dataset_pipeline.DatasetPipeline data/package-ref.html#ray.data.dataset_pipeline.DatasetPipeline + ray.data.datasource.datasource.Datasource data/package-ref.html#ray.data.Datasource + ray.data.datasource.datasource.ReadTask data/package-ref.html#ray.data.ReadTask ray.data.extensions.tensor_extension.ArrowTensorArray data/package-ref.html#ray.data.extensions.tensor_extension.ArrowTensorArray ray.data.extensions.tensor_extension.ArrowTensorType data/package-ref.html#ray.data.extensions.tensor_extension.ArrowTensorType ray.data.extensions.tensor_extension.TensorArray data/package-ref.html#ray.data.extensions.tensor_extension.TensorArray ray.data.extensions.tensor_extension.TensorDtype data/package-ref.html#ray.data.extensions.tensor_extension.TensorDtype ray.data.grouped_dataset.GroupedDataset data/package-ref.html#ray.data.grouped_dataset.GroupedDataset - ray.experimental.tf_utils.TensorFlowVariables using-ray-with-tensorflow.html#ray.experimental.tf_utils.TensorFlowVariables - ray.rllib.agents.callbacks.DefaultCallbacks rllib-training.html#ray.rllib.agents.callbacks.DefaultCallbacks - ray.rllib.agents.callbacks.MemoryTrackingCallbacks rllib-dev.html#ray.rllib.agents.callbacks.MemoryTrackingCallbacks - ray.rllib.agents.callbacks.MultiCallbacks rllib-training.html#ray.rllib.agents.callbacks.MultiCallbacks - ray.rllib.env.BaseEnv rllib-package-ref.html#ray.rllib.env.BaseEnv - ray.rllib.env.EnvContext rllib-package-ref.html#ray.rllib.env.EnvContext - ray.rllib.env.ExternalEnv rllib-package-ref.html#ray.rllib.env.ExternalEnv - ray.rllib.env.ExternalMultiAgentEnv rllib-package-ref.html#ray.rllib.env.ExternalMultiAgentEnv - ray.rllib.env.PolicyClient rllib-package-ref.html#ray.rllib.env.PolicyClient - ray.rllib.env.PolicyServerInput rllib-package-ref.html#ray.rllib.env.PolicyServerInput - ray.rllib.env.RemoteVectorEnv rllib-package-ref.html#ray.rllib.env.RemoteVectorEnv - ray.rllib.env.VectorEnv rllib-package-ref.html#ray.rllib.env.VectorEnv - ray.rllib.env.policy_client.PolicyClient rllib-training.html#ray.rllib.env.policy_client.PolicyClient - ray.rllib.env.policy_server_input.PolicyServerInput rllib-training.html#ray.rllib.env.policy_server_input.PolicyServerInput - ray.rllib.evaluation.AsyncSampler rllib-package-ref.html#ray.rllib.evaluation.AsyncSampler - ray.rllib.evaluation.Episode rllib-package-ref.html#ray.rllib.evaluation.Episode - ray.rllib.evaluation.MultiAgentBatch rllib-package-ref.html#ray.rllib.evaluation.MultiAgentBatch - ray.rllib.evaluation.MultiAgentEpisode rllib-package-ref.html#ray.rllib.evaluation.MultiAgentEpisode - ray.rllib.evaluation.MultiAgentSampleBatchBuilder rllib-package-ref.html#ray.rllib.evaluation.MultiAgentSampleBatchBuilder - ray.rllib.evaluation.RolloutWorker rllib-package-ref.html#ray.rllib.evaluation.RolloutWorker - ray.rllib.evaluation.SampleBatch rllib-package-ref.html#ray.rllib.evaluation.SampleBatch - ray.rllib.evaluation.SampleBatchBuilder rllib-package-ref.html#ray.rllib.evaluation.SampleBatchBuilder - ray.rllib.evaluation.SyncSampler rllib-package-ref.html#ray.rllib.evaluation.SyncSampler - ray.rllib.execution.ApplyGradients rllib-package-ref.html#ray.rllib.execution.ApplyGradients - ray.rllib.execution.AverageGradients rllib-package-ref.html#ray.rllib.execution.AverageGradients - ray.rllib.execution.CollectMetrics rllib-package-ref.html#ray.rllib.execution.CollectMetrics - ray.rllib.execution.ComputeGradients rllib-package-ref.html#ray.rllib.execution.ComputeGradients - ray.rllib.execution.ConcatBatches rllib-package-ref.html#ray.rllib.execution.ConcatBatches - ray.rllib.execution.Enqueue rllib-package-ref.html#ray.rllib.execution.Enqueue - ray.rllib.execution.LearnerThread rllib-package-ref.html#ray.rllib.execution.LearnerThread - ray.rllib.execution.MixInReplay rllib-package-ref.html#ray.rllib.execution.MixInReplay - ray.rllib.execution.MultiGPULearnerThread rllib-package-ref.html#ray.rllib.execution.MultiGPULearnerThread - ray.rllib.execution.MultiGPUTrainOneStep rllib-package-ref.html#ray.rllib.execution.MultiGPUTrainOneStep - ray.rllib.execution.OncePerTimeInterval rllib-package-ref.html#ray.rllib.execution.OncePerTimeInterval - ray.rllib.execution.OncePerTimestepsElapsed rllib-package-ref.html#ray.rllib.execution.OncePerTimestepsElapsed - ray.rllib.execution.SelectExperiences rllib-package-ref.html#ray.rllib.execution.SelectExperiences - ray.rllib.execution.SimpleReplayBuffer rllib-package-ref.html#ray.rllib.execution.SimpleReplayBuffer - ray.rllib.execution.StandardizeFields rllib-package-ref.html#ray.rllib.execution.StandardizeFields - ray.rllib.execution.StoreToReplayBuffer rllib-package-ref.html#ray.rllib.execution.StoreToReplayBuffer - ray.rllib.execution.TrainOneStep rllib-package-ref.html#ray.rllib.execution.TrainOneStep - ray.rllib.execution.UpdateTargetNetwork rllib-package-ref.html#ray.rllib.execution.UpdateTargetNetwork - ray.rllib.models.ActionDistribution rllib-package-ref.html#ray.rllib.models.ActionDistribution - ray.rllib.models.ModelCatalog rllib-package-ref.html#ray.rllib.models.ModelCatalog - ray.rllib.models.ModelV2 rllib-package-ref.html#ray.rllib.models.ModelV2 - ray.rllib.models.Preprocessor rllib-package-ref.html#ray.rllib.models.Preprocessor - ray.rllib.models.tf.recurrent_net.RecurrentNetwork rllib-models.html#ray.rllib.models.tf.recurrent_net.RecurrentNetwork - ray.rllib.models.tf.tf_modelv2.TFModelV2 rllib-models.html#ray.rllib.models.tf.tf_modelv2.TFModelV2 - ray.rllib.models.torch.torch_modelv2.TorchModelV2 rllib-models.html#ray.rllib.models.torch.torch_modelv2.TorchModelV2 - ray.rllib.offline.IOContext rllib-offline.html#ray.rllib.offline.IOContext - ray.rllib.offline.InputReader rllib-offline.html#ray.rllib.offline.InputReader - ray.rllib.offline.OutputWriter rllib-offline.html#ray.rllib.offline.OutputWriter - ray.rllib.policy.Policy rllib-package-ref.html#ray.rllib.policy.Policy - ray.rllib.policy.TFPolicy rllib-package-ref.html#ray.rllib.policy.TFPolicy - ray.rllib.policy.TorchPolicy rllib-package-ref.html#ray.rllib.policy.TorchPolicy - ray.rllib.utils.ConstantSchedule rllib-package-ref.html#ray.rllib.utils.ConstantSchedule - ray.rllib.utils.ExponentialSchedule rllib-package-ref.html#ray.rllib.utils.ExponentialSchedule - ray.rllib.utils.Filter rllib-package-ref.html#ray.rllib.utils.Filter - ray.rllib.utils.FilterManager rllib-package-ref.html#ray.rllib.utils.FilterManager - ray.rllib.utils.LinearSchedule rllib-package-ref.html#ray.rllib.utils.LinearSchedule - ray.rllib.utils.PiecewiseSchedule rllib-package-ref.html#ray.rllib.utils.PiecewiseSchedule - ray.rllib.utils.PolynomialSchedule rllib-package-ref.html#ray.rllib.utils.PolynomialSchedule - ray.runtime_context.RuntimeContext package-ref.html#ray.runtime_context.RuntimeContext + ray.data.random_access_dataset.RandomAccessDataset data/package-ref.html#ray.data.random_access_dataset.RandomAccessDataset + ray.data.row.TableRow data/package-ref.html#ray.data.row.TableRow + ray.job_submission.JobInfo cluster/jobs-package-ref.html#ray.job_submission.JobInfo + ray.job_submission.JobStatus cluster/jobs-package-ref.html#ray.job_submission.JobStatus + ray.job_submission.JobSubmissionClient cluster/jobs-package-ref.html#ray.job_submission.JobSubmissionClient + ray.ml.checkpoint.Checkpoint ray-air/getting-started.html#ray.ml.checkpoint.Checkpoint + ray.ml.config.FailureConfig ray-air/getting-started.html#ray.ml.config.FailureConfig + ray.ml.config.RunConfig ray-air/getting-started.html#ray.ml.config.RunConfig + ray.ml.config.ScalingConfigDataClass ray-air/getting-started.html#ray.ml.config.ScalingConfigDataClass + ray.ml.predictor.Predictor ray-air/getting-started.html#ray.ml.predictor.Predictor + ray.ml.predictors.integrations.lightgbm.LightGBMPredictor ray-air/getting-started.html#ray.ml.predictors.integrations.lightgbm.LightGBMPredictor + ray.ml.predictors.integrations.lightgbm.lightgbm_predictor.LightGBMPredictor ray-air/getting-started.html#ray.ml.predictors.integrations.lightgbm.LightGBMPredictor + ray.ml.predictors.integrations.tensorflow.TensorflowPredictor ray-air/getting-started.html#ray.ml.predictors.integrations.tensorflow.TensorflowPredictor + ray.ml.predictors.integrations.tensorflow.tensorflow_predictor.TensorflowPredictor ray-air/getting-started.html#ray.ml.predictors.integrations.tensorflow.TensorflowPredictor + ray.ml.predictors.integrations.torch.TorchPredictor ray-air/getting-started.html#ray.ml.predictors.integrations.torch.TorchPredictor + ray.ml.predictors.integrations.torch.torch_predictor.TorchPredictor ray-air/getting-started.html#ray.ml.predictors.integrations.torch.TorchPredictor + ray.ml.predictors.integrations.xgboost.XGBoostPredictor ray-air/getting-started.html#ray.ml.predictors.integrations.xgboost.XGBoostPredictor + ray.ml.predictors.integrations.xgboost.xgboost_predictor.XGBoostPredictor ray-air/getting-started.html#ray.ml.predictors.integrations.xgboost.XGBoostPredictor + ray.ml.preprocessor.Preprocessor ray-air/getting-started.html#ray.ml.preprocessor.Preprocessor + ray.ml.preprocessors.Chain ray-air/getting-started.html#ray.ml.preprocessors.Chain + ray.ml.preprocessors.LabelEncoder ray-air/getting-started.html#ray.ml.preprocessors.LabelEncoder + ray.ml.preprocessors.MinMaxScaler ray-air/getting-started.html#ray.ml.preprocessors.MinMaxScaler + ray.ml.preprocessors.OneHotEncoder ray-air/getting-started.html#ray.ml.preprocessors.OneHotEncoder + ray.ml.preprocessors.OrdinalEncoder ray-air/getting-started.html#ray.ml.preprocessors.OrdinalEncoder + ray.ml.preprocessors.SimpleImputer ray-air/getting-started.html#ray.ml.preprocessors.SimpleImputer + ray.ml.preprocessors.StandardScaler ray-air/getting-started.html#ray.ml.preprocessors.StandardScaler + ray.ml.preprocessors.chain.Chain ray-air/getting-started.html#ray.ml.preprocessors.Chain + ray.ml.preprocessors.encoder.LabelEncoder ray-air/getting-started.html#ray.ml.preprocessors.LabelEncoder + ray.ml.preprocessors.encoder.OneHotEncoder ray-air/getting-started.html#ray.ml.preprocessors.OneHotEncoder + ray.ml.preprocessors.encoder.OrdinalEncoder ray-air/getting-started.html#ray.ml.preprocessors.OrdinalEncoder + ray.ml.preprocessors.imputer.SimpleImputer ray-air/getting-started.html#ray.ml.preprocessors.SimpleImputer + ray.ml.preprocessors.scaler.MinMaxScaler ray-air/getting-started.html#ray.ml.preprocessors.MinMaxScaler + ray.ml.preprocessors.scaler.StandardScaler ray-air/getting-started.html#ray.ml.preprocessors.StandardScaler + ray.ml.result.Result ray-air/getting-started.html#ray.ml.result.Result + ray.ml.train.data_parallel_trainer.DataParallelTrainer ray-air/getting-started.html#ray.ml.train.data_parallel_trainer.DataParallelTrainer + ray.ml.train.gbdt_trainer.GBDTTrainer ray-air/getting-started.html#ray.ml.train.gbdt_trainer.GBDTTrainer + ray.ml.train.integrations.lightgbm.LightGBMTrainer ray-air/getting-started.html#ray.ml.train.integrations.lightgbm.LightGBMTrainer + ray.ml.train.integrations.lightgbm.lightgbm_trainer.LightGBMTrainer ray-air/getting-started.html#ray.ml.train.integrations.lightgbm.LightGBMTrainer + ray.ml.train.integrations.tensorflow.TensorflowTrainer ray-air/getting-started.html#ray.ml.train.integrations.tensorflow.TensorflowTrainer + ray.ml.train.integrations.tensorflow.tensorflow_trainer.TensorflowTrainer ray-air/getting-started.html#ray.ml.train.integrations.tensorflow.TensorflowTrainer + ray.ml.train.integrations.torch.TorchTrainer ray-air/getting-started.html#ray.ml.train.integrations.torch.TorchTrainer + ray.ml.train.integrations.torch.torch_trainer.TorchTrainer ray-air/getting-started.html#ray.ml.train.integrations.torch.TorchTrainer + ray.ml.train.integrations.xgboost.XGBoostTrainer ray-air/getting-started.html#ray.ml.train.integrations.xgboost.XGBoostTrainer + ray.ml.train.integrations.xgboost.xgboost_trainer.XGBoostTrainer ray-air/getting-started.html#ray.ml.train.integrations.xgboost.XGBoostTrainer + ray.ml.trainer.Trainer ray-air/getting-started.html#ray.ml.trainer.Trainer + ray.rllib.agents.callbacks.DefaultCallbacks rllib/rllib-training.html#ray.rllib.agents.callbacks.DefaultCallbacks + ray.rllib.agents.callbacks.MemoryTrackingCallbacks rllib/rllib-dev.html#ray.rllib.agents.callbacks.MemoryTrackingCallbacks + ray.rllib.agents.callbacks.MultiCallbacks rllib/rllib-training.html#ray.rllib.agents.callbacks.MultiCallbacks + ray.rllib.agents.trainer.Trainer rllib/package_ref/trainer.html#ray.rllib.agents.trainer.Trainer + ray.rllib.env.base_env.BaseEnv rllib/package_ref/env/base_env.html#ray.rllib.env.base_env.BaseEnv + ray.rllib.env.external_env.ExternalEnv rllib/package_ref/env/external_env.html#ray.rllib.env.external_env.ExternalEnv + ray.rllib.env.external_multi_agent_env.ExternalMultiAgentEnv rllib/package_ref/env/external_env.html#ray.rllib.env.external_multi_agent_env.ExternalMultiAgentEnv + ray.rllib.env.policy_client.PolicyClient rllib/rllib-training.html#ray.rllib.env.policy_client.PolicyClient + ray.rllib.env.policy_server_input.PolicyServerInput rllib/rllib-training.html#ray.rllib.env.policy_server_input.PolicyServerInput + ray.rllib.env.vector_env.VectorEnv rllib/package_ref/env/vector_env.html#ray.rllib.env.vector_env.VectorEnv + ray.rllib.env.vector_env._VectorizedGymEnv rllib/package_ref/env/vector_env.html#ray.rllib.env.vector_env._VectorizedGymEnv + ray.rllib.evaluation.rollout_worker.RolloutWorker rllib/package_ref/evaluation/rollout_worker.html#ray.rllib.evaluation.rollout_worker.RolloutWorker + ray.rllib.evaluation.sampler.AsyncSampler rllib/package_ref/evaluation/samplers.html#ray.rllib.evaluation.sampler.AsyncSampler + ray.rllib.evaluation.sampler.SamplerInput rllib/package_ref/evaluation/samplers.html#ray.rllib.evaluation.sampler.SamplerInput + ray.rllib.evaluation.sampler.SyncSampler rllib/package_ref/evaluation/samplers.html#ray.rllib.evaluation.sampler.SyncSampler + ray.rllib.evaluation.worker_set.WorkerSet rllib/package_ref/evaluation/worker_set.html#ray.rllib.evaluation.worker_set.WorkerSet + ray.rllib.execution.ApplyGradients rllib/package_ref/execution.html#ray.rllib.execution.ApplyGradients + ray.rllib.execution.AverageGradients rllib/package_ref/execution.html#ray.rllib.execution.AverageGradients + ray.rllib.execution.CollectMetrics rllib/package_ref/execution.html#ray.rllib.execution.CollectMetrics + ray.rllib.execution.ComputeGradients rllib/package_ref/execution.html#ray.rllib.execution.ComputeGradients + ray.rllib.execution.ConcatBatches rllib/package_ref/execution.html#ray.rllib.execution.ConcatBatches + ray.rllib.execution.Enqueue rllib/package_ref/execution.html#ray.rllib.execution.Enqueue + ray.rllib.execution.LearnerThread rllib/package_ref/execution.html#ray.rllib.execution.LearnerThread + ray.rllib.execution.MixInReplay rllib/package_ref/execution.html#ray.rllib.execution.MixInReplay + ray.rllib.execution.MultiAgentReplayBuffer rllib/package_ref/execution.html#ray.rllib.execution.MultiAgentReplayBuffer + ray.rllib.execution.MultiGPULearnerThread rllib/package_ref/execution.html#ray.rllib.execution.MultiGPULearnerThread + ray.rllib.execution.MultiGPUTrainOneStep rllib/package_ref/execution.html#ray.rllib.execution.MultiGPUTrainOneStep + ray.rllib.execution.OncePerTimeInterval rllib/package_ref/execution.html#ray.rllib.execution.OncePerTimeInterval + ray.rllib.execution.OncePerTimestepsElapsed rllib/package_ref/execution.html#ray.rllib.execution.OncePerTimestepsElapsed + ray.rllib.execution.SelectExperiences rllib/package_ref/execution.html#ray.rllib.execution.SelectExperiences + ray.rllib.execution.SimpleReplayBuffer rllib/package_ref/execution.html#ray.rllib.execution.SimpleReplayBuffer + ray.rllib.execution.StandardizeFields rllib/package_ref/execution.html#ray.rllib.execution.StandardizeFields + ray.rllib.execution.StoreToReplayBuffer rllib/package_ref/execution.html#ray.rllib.execution.StoreToReplayBuffer + ray.rllib.execution.TrainOneStep rllib/package_ref/execution.html#ray.rllib.execution.TrainOneStep + ray.rllib.execution.UpdateTargetNetwork rllib/package_ref/execution.html#ray.rllib.execution.UpdateTargetNetwork + ray.rllib.execution.buffers.multi_agent_replay_buffer.MultiAgentReplayBuffer rllib/package_ref/execution.html#ray.rllib.execution.MultiAgentReplayBuffer + ray.rllib.execution.concurrency_ops.Enqueue rllib/package_ref/execution.html#ray.rllib.execution.Enqueue + ray.rllib.execution.learner_thread.LearnerThread rllib/package_ref/execution.html#ray.rllib.execution.LearnerThread + ray.rllib.execution.metric_ops.CollectMetrics rllib/package_ref/execution.html#ray.rllib.execution.CollectMetrics + ray.rllib.execution.metric_ops.OncePerTimeInterval rllib/package_ref/execution.html#ray.rllib.execution.OncePerTimeInterval + ray.rllib.execution.metric_ops.OncePerTimestepsElapsed rllib/package_ref/execution.html#ray.rllib.execution.OncePerTimestepsElapsed + ray.rllib.execution.multi_gpu_learner_thread.MultiGPULearnerThread rllib/package_ref/execution.html#ray.rllib.execution.MultiGPULearnerThread + ray.rllib.execution.replay_ops.MixInReplay rllib/package_ref/execution.html#ray.rllib.execution.MixInReplay + ray.rllib.execution.replay_ops.SimpleReplayBuffer rllib/package_ref/execution.html#ray.rllib.execution.SimpleReplayBuffer + ray.rllib.execution.replay_ops.StoreToReplayBuffer rllib/package_ref/execution.html#ray.rllib.execution.StoreToReplayBuffer + ray.rllib.execution.rollout_ops.ConcatBatches rllib/package_ref/execution.html#ray.rllib.execution.ConcatBatches + ray.rllib.execution.rollout_ops.SelectExperiences rllib/package_ref/execution.html#ray.rllib.execution.SelectExperiences + ray.rllib.execution.rollout_ops.StandardizeFields rllib/package_ref/execution.html#ray.rllib.execution.StandardizeFields + ray.rllib.execution.train_ops.ApplyGradients rllib/package_ref/execution.html#ray.rllib.execution.ApplyGradients + ray.rllib.execution.train_ops.AverageGradients rllib/package_ref/execution.html#ray.rllib.execution.AverageGradients + ray.rllib.execution.train_ops.ComputeGradients rllib/package_ref/execution.html#ray.rllib.execution.ComputeGradients + ray.rllib.execution.train_ops.MultiGPUTrainOneStep rllib/package_ref/execution.html#ray.rllib.execution.MultiGPUTrainOneStep + ray.rllib.execution.train_ops.TrainOneStep rllib/package_ref/execution.html#ray.rllib.execution.TrainOneStep + ray.rllib.execution.train_ops.UpdateTargetNetwork rllib/package_ref/execution.html#ray.rllib.execution.UpdateTargetNetwork + ray.rllib.models.modelv2.ModelV2 rllib/package_ref/models.html#ray.rllib.models.modelv2.ModelV2 + ray.rllib.models.tf.recurrent_net.RecurrentNetwork rllib/rllib-models.html#ray.rllib.models.tf.recurrent_net.RecurrentNetwork + ray.rllib.models.tf.tf_modelv2.TFModelV2 rllib/package_ref/models.html#ray.rllib.models.tf.tf_modelv2.TFModelV2 + ray.rllib.models.torch.torch_modelv2.TorchModelV2 rllib/package_ref/models.html#ray.rllib.models.torch.torch_modelv2.TorchModelV2 + ray.rllib.offline.d4rl_reader.D4RLReader rllib/package_ref/offline.html#ray.rllib.offline.d4rl_reader.D4RLReader + ray.rllib.offline.input_reader.InputReader rllib/package_ref/offline.html#ray.rllib.offline.input_reader.InputReader + ray.rllib.offline.io_context.IOContext rllib/package_ref/offline.html#ray.rllib.offline.io_context.IOContext + ray.rllib.offline.json_reader.JsonReader rllib/package_ref/offline.html#ray.rllib.offline.json_reader.JsonReader + ray.rllib.offline.mixed_input.MixedInput rllib/package_ref/offline.html#ray.rllib.offline.mixed_input.MixedInput + ray.rllib.policy.dynamic_tf_policy.DynamicTFPolicy rllib/package_ref/policy/tf_policies.html#ray.rllib.policy.dynamic_tf_policy.DynamicTFPolicy + ray.rllib.policy.policy.Policy rllib/package_ref/policy/policy.html#ray.rllib.policy.policy.Policy + ray.rllib.policy.policy_map.PolicyMap rllib/package_ref/evaluation/policy_map.html#ray.rllib.policy.policy_map.PolicyMap + ray.rllib.policy.sample_batch.MultiAgentBatch rllib/package_ref/evaluation/sample_batch.html#ray.rllib.policy.sample_batch.MultiAgentBatch + ray.rllib.policy.sample_batch.SampleBatch rllib/package_ref/evaluation/sample_batch.html#ray.rllib.policy.sample_batch.SampleBatch + ray.rllib.policy.tf_policy.TFPolicy rllib/package_ref/policy/tf_policies.html#ray.rllib.policy.tf_policy.TFPolicy + ray.rllib.policy.torch_policy.TorchPolicy rllib/package_ref/policy/torch_policy.html#ray.rllib.policy.torch_policy.TorchPolicy + ray.rllib.utils.exploration.curiosity.Curiosity rllib/package_ref/utils/exploration.html#ray.rllib.utils.exploration.curiosity.Curiosity + ray.rllib.utils.exploration.epsilon_greedy.EpsilonGreedy rllib/package_ref/utils/exploration.html#ray.rllib.utils.exploration.epsilon_greedy.EpsilonGreedy + ray.rllib.utils.exploration.exploration.Exploration rllib/package_ref/utils/exploration.html#ray.rllib.utils.exploration.exploration.Exploration + ray.rllib.utils.exploration.gaussian_noise.GaussianNoise rllib/package_ref/utils/exploration.html#ray.rllib.utils.exploration.gaussian_noise.GaussianNoise + ray.rllib.utils.exploration.ornstein_uhlenbeck_noise.OrnsteinUhlenbeckNoise rllib/package_ref/utils/exploration.html#ray.rllib.utils.exploration.ornstein_uhlenbeck_noise.OrnsteinUhlenbeckNoise + ray.rllib.utils.exploration.parameter_noise.ParameterNoise rllib/package_ref/utils/exploration.html#ray.rllib.utils.exploration.parameter_noise.ParameterNoise + ray.rllib.utils.exploration.random.Random rllib/package_ref/utils/exploration.html#ray.rllib.utils.exploration.random.Random + ray.rllib.utils.exploration.random_encoder.RE3 rllib/package_ref/utils/exploration.html#ray.rllib.utils.exploration.random_encoder.RE3 + ray.rllib.utils.exploration.stochastic_sampling.StochasticSampling rllib/package_ref/utils/exploration.html#ray.rllib.utils.exploration.stochastic_sampling.StochasticSampling + ray.rllib.utils.schedules.constant_schedule.ConstantSchedule rllib/package_ref/utils/schedules.html#ray.rllib.utils.schedules.constant_schedule.ConstantSchedule + ray.rllib.utils.schedules.exponential_schedule.ExponentialSchedule rllib/package_ref/utils/schedules.html#ray.rllib.utils.schedules.exponential_schedule.ExponentialSchedule + ray.rllib.utils.schedules.linear_schedule.LinearSchedule rllib/package_ref/utils/schedules.html#ray.rllib.utils.schedules.linear_schedule.LinearSchedule + ray.rllib.utils.schedules.piecewise_schedule.PiecewiseSchedule rllib/package_ref/utils/schedules.html#ray.rllib.utils.schedules.piecewise_schedule.PiecewiseSchedule + ray.rllib.utils.schedules.polynomial_schedule.PolynomialSchedule rllib/package_ref/utils/schedules.html#ray.rllib.utils.schedules.polynomial_schedule.PolynomialSchedule + ray.rllib.utils.schedules.schedule.Schedule rllib/package_ref/utils/schedules.html#ray.rllib.utils.schedules.schedule.Schedule + ray.runtime_context.RuntimeContext ray-core/package-ref.html#ray.runtime_context.RuntimeContext + ray.runtime_env.RuntimeEnv ray-core/package-ref.html#ray.runtime_env.RuntimeEnv + ray.runtime_env.RuntimeEnvConfig ray-core/package-ref.html#ray.runtime_env.RuntimeEnvConfig ray.serve.api.Deployment serve/package-ref.html#ray.serve.api.Deployment ray.serve.handle.RayServeHandle serve/package-ref.html#ray.serve.handle.RayServeHandle - ray.serve.pipeline.ExecutionMode serve/package-ref.html#ray.serve.pipeline.ExecutionMode - ray.serve.pipeline.PipelineStep serve/package-ref.html#ray.serve.pipeline.PipelineStep + ray.serve.model_wrappers.ModelWrapper ray-air/getting-started.html#ray.serve.model_wrappers.ModelWrapper ray.train.CheckpointStrategy train/api.html#ray.train.CheckpointStrategy ray.train.Trainer train/api.html#ray.train.Trainer ray.train.TrainingCallback train/api.html#ray.train.TrainingCallback ray.train.TrainingIterator train/api.html#ray.train.TrainingIterator + ray.train.backend.Backend train/api.html#ray.train.backend.Backend + ray.train.backend.BackendConfig train/api.html#ray.train.backend.BackendConfig ray.train.callbacks.JsonLoggerCallback train/api.html#ray.train.callbacks.JsonLoggerCallback + ray.train.callbacks.MLflowLoggerCallback train/api.html#ray.train.callbacks.MLflowLoggerCallback + ray.train.callbacks.PrintCallback train/api.html#ray.train.callbacks.PrintCallback ray.train.callbacks.TBXLoggerCallback train/api.html#ray.train.callbacks.TBXLoggerCallback + ray.train.callbacks.TorchTensorboardProfilerCallback train/api.html#ray.train.callbacks.TorchTensorboardProfilerCallback + ray.train.callbacks.callback.TrainingCallback train/api.html#ray.train.TrainingCallback + ray.train.callbacks.logging.JsonLoggerCallback train/api.html#ray.train.callbacks.JsonLoggerCallback + ray.train.callbacks.logging.MLflowLoggerCallback train/api.html#ray.train.callbacks.MLflowLoggerCallback + ray.train.callbacks.logging.TBXLoggerCallback train/api.html#ray.train.callbacks.TBXLoggerCallback + ray.train.callbacks.print.PrintCallback train/api.html#ray.train.callbacks.PrintCallback + ray.train.callbacks.profile.TorchTensorboardProfilerCallback train/api.html#ray.train.callbacks.TorchTensorboardProfilerCallback + ray.train.callbacks.results_preprocessors.ExcludedKeysResultsPreprocessor train/api.html#ray.train.callbacks.results_preprocessors.ExcludedKeysResultsPreprocessor + ray.train.callbacks.results_preprocessors.IndexedResultsPreprocessor train/api.html#ray.train.callbacks.results_preprocessors.IndexedResultsPreprocessor + ray.train.callbacks.results_preprocessors.ResultsPreprocessor train/api.html#ray.train.callbacks.results_preprocessors.ResultsPreprocessor + ray.train.callbacks.results_preprocessors.SequentialResultsPreprocessor train/api.html#ray.train.callbacks.results_preprocessors.SequentialResultsPreprocessor + ray.train.callbacks.results_preprocessors.index.IndexedResultsPreprocessor train/api.html#ray.train.callbacks.results_preprocessors.IndexedResultsPreprocessor + ray.train.callbacks.results_preprocessors.keys.ExcludedKeysResultsPreprocessor train/api.html#ray.train.callbacks.results_preprocessors.ExcludedKeysResultsPreprocessor + ray.train.callbacks.results_preprocessors.preprocessor.ResultsPreprocessor train/api.html#ray.train.callbacks.results_preprocessors.ResultsPreprocessor + ray.train.callbacks.results_preprocessors.preprocessor.SequentialResultsPreprocessor train/api.html#ray.train.callbacks.results_preprocessors.SequentialResultsPreprocessor + ray.train.checkpoint.CheckpointStrategy train/api.html#ray.train.CheckpointStrategy ray.train.horovod.HorovodConfig train/api.html#ray.train.horovod.HorovodConfig ray.train.tensorflow.TensorflowConfig train/api.html#ray.train.tensorflow.TensorflowConfig ray.train.torch.TorchConfig train/api.html#ray.train.torch.TorchConfig + ray.train.torch.TorchWorkerProfiler train/api.html#ray.train.torch.TorchWorkerProfiler + ray.train.trainer.Trainer train/api.html#ray.train.Trainer + ray.train.trainer.TrainingIterator train/api.html#ray.train.TrainingIterator ray.tune.CLIReporter tune/api_docs/reporters.html#ray.tune.CLIReporter ray.tune.ExperimentAnalysis tune/api_docs/analysis.html#ray.tune.ExperimentAnalysis ray.tune.JupyterNotebookReporter tune/api_docs/reporters.html#ray.tune.JupyterNotebookReporter ray.tune.ProgressReporter tune/api_docs/reporters.html#ray.tune.ProgressReporter ray.tune.Stopper tune/api_docs/stoppers.html#ray.tune.Stopper ray.tune.Trainable tune/api_docs/trainable.html#ray.tune.Trainable + ray.tune.analysis.experiment_analysis.ExperimentAnalysis tune/api_docs/analysis.html#ray.tune.ExperimentAnalysis ray.tune.callback.Callback tune/api_docs/internals.html#ray.tune.callback.Callback + ray.tune.cloud.TrialCheckpoint tune/api_docs/analysis.html#ray.tune.cloud.TrialCheckpoint ray.tune.function_runner.StatusReporter tune/api_docs/trainable.html#ray.tune.function_runner.StatusReporter ray.tune.integration.keras.TuneReportCallback tune/api_docs/integration.html#ray.tune.integration.keras.TuneReportCallback ray.tune.integration.keras.TuneReportCheckpointCallback tune/api_docs/integration.html#ray.tune.integration.keras.TuneReportCheckpointCallback @@ -151,7 +252,11 @@ py:class ray.tune.logger.JsonLoggerCallback tune/api_docs/logging.html#ray.tune.logger.JsonLoggerCallback ray.tune.logger.LoggerCallback tune/api_docs/logging.html#ray.tune.logger.LoggerCallback ray.tune.logger.TBXLoggerCallback tune/api_docs/logging.html#ray.tune.logger.TBXLoggerCallback + ray.tune.progress_reporter.CLIReporter tune/api_docs/reporters.html#ray.tune.CLIReporter + ray.tune.progress_reporter.JupyterNotebookReporter tune/api_docs/reporters.html#ray.tune.JupyterNotebookReporter + ray.tune.progress_reporter.ProgressReporter tune/api_docs/reporters.html#ray.tune.ProgressReporter ray.tune.ray_trial_executor.RayTrialExecutor tune/api_docs/internals.html#ray.tune.ray_trial_executor.RayTrialExecutor + ray.tune.result_grid.ResultGrid ray-air/getting-started.html#ray.tune.result_grid.ResultGrid ray.tune.schedulers.AsyncHyperBandScheduler tune/api_docs/schedulers.html#ray.tune.schedulers.AsyncHyperBandScheduler ray.tune.schedulers.FIFOScheduler tune/api_docs/schedulers.html#ray.tune.schedulers.FIFOScheduler ray.tune.schedulers.HyperBandForBOHB tune/api_docs/schedulers.html#ray.tune.schedulers.HyperBandForBOHB @@ -161,11 +266,23 @@ py:class ray.tune.schedulers.PopulationBasedTrainingReplay tune/api_docs/schedulers.html#ray.tune.schedulers.PopulationBasedTrainingReplay ray.tune.schedulers.ResourceChangingScheduler tune/api_docs/schedulers.html#ray.tune.schedulers.ResourceChangingScheduler ray.tune.schedulers.TrialScheduler tune/api_docs/schedulers.html#ray.tune.schedulers.TrialScheduler + ray.tune.schedulers.async_hyperband.AsyncHyperBandScheduler tune/api_docs/schedulers.html#ray.tune.schedulers.AsyncHyperBandScheduler + ray.tune.schedulers.hb_bohb.HyperBandForBOHB tune/api_docs/schedulers.html#ray.tune.schedulers.HyperBandForBOHB + ray.tune.schedulers.hyperband.HyperBandScheduler tune/api_docs/schedulers.html#ray.tune.schedulers.HyperBandScheduler + ray.tune.schedulers.median_stopping_rule.MedianStoppingRule tune/api_docs/schedulers.html#ray.tune.schedulers.MedianStoppingRule ray.tune.schedulers.pb2.PB2 tune/api_docs/schedulers.html#ray.tune.schedulers.pb2.PB2 + ray.tune.schedulers.pbt.PopulationBasedTraining tune/api_docs/schedulers.html#ray.tune.schedulers.PopulationBasedTraining + ray.tune.schedulers.pbt.PopulationBasedTrainingReplay tune/api_docs/schedulers.html#ray.tune.schedulers.PopulationBasedTrainingReplay + ray.tune.schedulers.resource_changing_scheduler.DistributeResources tune/api_docs/schedulers.html#ray.tune.schedulers.resource_changing_scheduler.DistributeResources + ray.tune.schedulers.resource_changing_scheduler.DistributeResourcesToTopJob tune/api_docs/schedulers.html#ray.tune.schedulers.resource_changing_scheduler.DistributeResourcesToTopJob + ray.tune.schedulers.resource_changing_scheduler.ResourceChangingScheduler tune/api_docs/schedulers.html#ray.tune.schedulers.ResourceChangingScheduler + ray.tune.schedulers.trial_scheduler.FIFOScheduler tune/api_docs/schedulers.html#ray.tune.schedulers.FIFOScheduler + ray.tune.schedulers.trial_scheduler.TrialScheduler tune/api_docs/schedulers.html#ray.tune.schedulers.TrialScheduler ray.tune.sklearn.TuneGridSearchCV tune/api_docs/sklearn.html#ray.tune.sklearn.TuneGridSearchCV ray.tune.sklearn.TuneSearchCV tune/api_docs/sklearn.html#ray.tune.sklearn.TuneSearchCV ray.tune.stopper.ExperimentPlateauStopper tune/api_docs/stoppers.html#ray.tune.stopper.ExperimentPlateauStopper ray.tune.stopper.MaximumIterationStopper tune/api_docs/stoppers.html#ray.tune.stopper.MaximumIterationStopper + ray.tune.stopper.Stopper tune/api_docs/stoppers.html#ray.tune.Stopper ray.tune.stopper.TimeoutStopper tune/api_docs/stoppers.html#ray.tune.stopper.TimeoutStopper ray.tune.stopper.TrialPlateauStopper tune/api_docs/stoppers.html#ray.tune.stopper.TrialPlateauStopper ray.tune.suggest.ConcurrencyLimiter tune/api_docs/suggestion.html#ray.tune.suggest.ConcurrencyLimiter @@ -180,50 +297,74 @@ py:class ray.tune.suggest.hyperopt.HyperOptSearch tune/api_docs/suggestion.html#ray.tune.suggest.hyperopt.HyperOptSearch ray.tune.suggest.nevergrad.NevergradSearch tune/api_docs/suggestion.html#ray.tune.suggest.nevergrad.NevergradSearch ray.tune.suggest.optuna.OptunaSearch tune/api_docs/suggestion.html#ray.tune.suggest.optuna.OptunaSearch + ray.tune.suggest.repeater.Repeater tune/api_docs/suggestion.html#ray.tune.suggest.Repeater ray.tune.suggest.sigopt.SigOptSearch tune/api_docs/suggestion.html#ray.tune.suggest.sigopt.SigOptSearch ray.tune.suggest.skopt.SkOptSearch tune/api_docs/suggestion.html#ray.tune.suggest.skopt.SkOptSearch + ray.tune.suggest.suggestion.ConcurrencyLimiter tune/api_docs/suggestion.html#ray.tune.suggest.ConcurrencyLimiter + ray.tune.suggest.suggestion.Searcher tune/api_docs/suggestion.html#ray.tune.suggest.Searcher ray.tune.suggest.zoopt.ZOOptSearch tune/api_docs/suggestion.html#ray.tune.suggest.zoopt.ZOOptSearch + ray.tune.trainable.Trainable tune/api_docs/trainable.html#ray.tune.Trainable ray.tune.trial.Trial tune/api_docs/internals.html#ray.tune.trial.Trial ray.tune.trial_executor.TrialExecutor tune/api_docs/internals.html#ray.tune.trial_executor.TrialExecutor ray.tune.trial_runner.TrialRunner tune/api_docs/internals.html#ray.tune.trial_runner.TrialRunner + ray.tune.tuner.Tuner ray-air/getting-started.html#ray.tune.tuner.Tuner ray.tune.utils.placement_groups.PlacementGroupFactory tune/api_docs/internals.html#ray.tune.utils.placement_groups.PlacementGroupFactory ray.tune.web_server.TuneClient tune/api_docs/client.html#ray.tune.web_server.TuneClient - ray.util.ActorPool package-ref.html#ray.util.ActorPool - ray.util.collective.collective.GroupManager ray-collective.html#ray.util.collective.collective.GroupManager - ray.util.metrics.Counter package-ref.html#ray.util.metrics.Counter - ray.util.metrics.Gauge package-ref.html#ray.util.metrics.Gauge - ray.util.metrics.Histogram package-ref.html#ray.util.metrics.Histogram - ray.util.placement_group.PlacementGroup package-ref.html#ray.util.placement_group.PlacementGroup - ray.util.queue.Queue package-ref.html#ray.util.queue.Queue + ray.util.ActorPool ray-core/package-ref.html#ray.util.ActorPool + ray.util.actor_pool.ActorPool ray-core/package-ref.html#ray.util.ActorPool + ray.util.collective.collective.GroupManager ray-more-libs/ray-collective.html#ray.util.collective.collective.GroupManager + ray.util.metrics.Counter ray-core/package-ref.html#ray.util.metrics.Counter + ray.util.metrics.Gauge ray-core/package-ref.html#ray.util.metrics.Gauge + ray.util.metrics.Histogram ray-core/package-ref.html#ray.util.metrics.Histogram + ray.util.placement_group.PlacementGroup ray-core/package-ref.html#ray.util.placement_group.PlacementGroup + ray.util.queue.Queue ray-core/package-ref.html#ray.util.queue.Queue ray.util.sgd.data.Dataset raysgd/raysgd_ref.html#ray.util.sgd.data.Dataset + ray.util.sgd.data.dataset.Dataset raysgd/raysgd_ref.html#ray.util.sgd.data.Dataset ray.util.sgd.tf.TFTrainer raysgd/raysgd_ref.html#ray.util.sgd.tf.TFTrainer + ray.util.sgd.tf.tf_trainer.TFTrainer raysgd/raysgd_ref.html#ray.util.sgd.tf.TFTrainer ray.util.sgd.torch.BaseTorchTrainable raysgd/raysgd_ref.html#ray.util.sgd.torch.BaseTorchTrainable ray.util.sgd.torch.TorchTrainer raysgd/raysgd_ref.html#ray.util.sgd.torch.TorchTrainer ray.util.sgd.torch.TrainingOperator raysgd/raysgd_ref.html#ray.util.sgd.torch.TrainingOperator + ray.util.sgd.torch.torch_trainer.BaseTorchTrainable raysgd/raysgd_ref.html#ray.util.sgd.torch.BaseTorchTrainable + ray.util.sgd.torch.torch_trainer.TorchTrainer raysgd/raysgd_ref.html#ray.util.sgd.torch.TorchTrainer ray.util.sgd.torch.training_operator.CreatorOperator raysgd/raysgd_ref.html#ray.util.sgd.torch.training_operator.CreatorOperator + ray.util.sgd.torch.training_operator.TrainingOperator raysgd/raysgd_ref.html#ray.util.sgd.torch.TrainingOperator ray.util.sgd.utils.AverageMeter raysgd/raysgd_ref.html#ray.util.sgd.utils.AverageMeter ray.util.sgd.utils.AverageMeterCollection raysgd/raysgd_ref.html#ray.util.sgd.utils.AverageMeterCollection ray.workflow.common.Workflow workflows/package-ref.html#ray.workflow.common.Workflow ray.workflow.virtual_actor_class.VirtualActorClass workflows/package-ref.html#ray.workflow.virtual_actor_class.VirtualActorClass - ray_lightning.HorovodRayPlugin ray-lightning.html#ray_lightning.HorovodRayPlugin - ray_lightning.RayPlugin ray-lightning.html#ray_lightning.RayPlugin - ray_lightning.RayShardedPlugin ray-lightning.html#ray_lightning.RayShardedPlugin - ray_lightning.tune.TuneReportCallback ray-lightning.html#ray_lightning.tune.TuneReportCallback - ray_lightning.tune.TuneReportCheckpointCallback ray-lightning.html#ray_lightning.tune.TuneReportCheckpointCallback - xgboost_ray.RayDMatrix xgboost-ray.html#xgboost_ray.RayDMatrix - xgboost_ray.RayParams xgboost-ray.html#xgboost_ray.RayParams - xgboost_ray.RayXGBClassifier xgboost-ray.html#xgboost_ray.RayXGBClassifier - xgboost_ray.RayXGBRFClassifier xgboost-ray.html#xgboost_ray.RayXGBRFClassifier - xgboost_ray.RayXGBRFRegressor xgboost-ray.html#xgboost_ray.RayXGBRFRegressor - xgboost_ray.RayXGBRegressor xgboost-ray.html#xgboost_ray.RayXGBRegressor + ray_lightning.HorovodRayPlugin ray-more-libs/ray-lightning.html#ray_lightning.HorovodRayPlugin + ray_lightning.RayPlugin ray-more-libs/ray-lightning.html#ray_lightning.RayPlugin + ray_lightning.RayShardedPlugin ray-more-libs/ray-lightning.html#ray_lightning.RayShardedPlugin + ray_lightning.ray_ddp.RayPlugin ray-more-libs/ray-lightning.html#ray_lightning.RayPlugin + ray_lightning.ray_ddp_sharded.RayShardedPlugin ray-more-libs/ray-lightning.html#ray_lightning.RayShardedPlugin + ray_lightning.ray_horovod.HorovodRayPlugin ray-more-libs/ray-lightning.html#ray_lightning.HorovodRayPlugin + ray_lightning.tune.TuneReportCallback ray-more-libs/ray-lightning.html#ray_lightning.tune.TuneReportCallback + ray_lightning.tune.TuneReportCheckpointCallback ray-more-libs/ray-lightning.html#ray_lightning.tune.TuneReportCheckpointCallback + tune_sklearn.tune_gridsearch.TuneGridSearchCV tune/api_docs/sklearn.html#ray.tune.sklearn.TuneGridSearchCV + tune_sklearn.tune_search.TuneSearchCV tune/api_docs/sklearn.html#ray.tune.sklearn.TuneSearchCV + xgboost_ray.RayDMatrix ray-more-libs/xgboost-ray.html#xgboost_ray.RayDMatrix + xgboost_ray.RayParams ray-more-libs/xgboost-ray.html#xgboost_ray.RayParams + xgboost_ray.RayXGBClassifier ray-more-libs/xgboost-ray.html#xgboost_ray.RayXGBClassifier + xgboost_ray.RayXGBRFClassifier ray-more-libs/xgboost-ray.html#xgboost_ray.RayXGBRFClassifier + xgboost_ray.RayXGBRFRegressor ray-more-libs/xgboost-ray.html#xgboost_ray.RayXGBRFRegressor + xgboost_ray.RayXGBRegressor ray-more-libs/xgboost-ray.html#xgboost_ray.RayXGBRegressor + xgboost_ray.main.RayParams ray-more-libs/xgboost-ray.html#xgboost_ray.RayParams + xgboost_ray.matrix.RayDMatrix ray-more-libs/xgboost-ray.html#xgboost_ray.RayDMatrix + xgboost_ray.sklearn.RayXGBClassifier ray-more-libs/xgboost-ray.html#xgboost_ray.RayXGBClassifier + xgboost_ray.sklearn.RayXGBRFClassifier ray-more-libs/xgboost-ray.html#xgboost_ray.RayXGBRFClassifier + xgboost_ray.sklearn.RayXGBRFRegressor ray-more-libs/xgboost-ray.html#xgboost_ray.RayXGBRFRegressor + xgboost_ray.sklearn.RayXGBRegressor ray-more-libs/xgboost-ray.html#xgboost_ray.RayXGBRegressor py:function - lightgbm_ray.predict lightgbm-ray.html#lightgbm_ray.predict - lightgbm_ray.train lightgbm-ray.html#lightgbm_ray.train - ray.actor.ActorClass.options package-ref.html#ray.actor.ActorClass.options + lightgbm_ray.predict ray-more-libs/lightgbm-ray.html#lightgbm_ray.predict + lightgbm_ray.train ray-more-libs/lightgbm-ray.html#lightgbm_ray.train + ray.actor.ActorClass.options ray-core/package-ref.html#ray.actor.ActorClass.options ray.autoscaler.sdk.request_resources cluster/sdk.html#ray.autoscaler.sdk.request_resources - ray.available_resources package-ref.html#ray.available_resources - ray.cancel package-ref.html#ray.cancel - ray.cluster_resources package-ref.html#ray.cluster_resources + ray.available_resources ray-core/package-ref.html#ray.available_resources + ray.cancel ray-core/package-ref.html#ray.cancel + ray.cluster_resources ray-core/package-ref.html#ray.cluster_resources + ray.cross_language.java_actor_class ray-core/package-ref.html#ray.cross_language.java_actor_class + ray.cross_language.java_function ray-core/package-ref.html#ray.cross_language.java_function ray.data.from_arrow data/package-ref.html#ray.data.from_arrow ray.data.from_arrow_refs data/package-ref.html#ray.data.from_arrow_refs ray.data.from_dask data/package-ref.html#ray.data.from_dask @@ -245,71 +386,102 @@ py:function ray.data.read_parquet data/package-ref.html#ray.data.read_parquet ray.data.read_text data/package-ref.html#ray.data.read_text ray.data.set_progress_bars data/package-ref.html#ray.data.set_progress_bars - ray.get package-ref.html#ray.get - ray.get_actor package-ref.html#ray.get_actor - ray.get_gpu_ids package-ref.html#ray.get_gpu_ids - ray.init package-ref.html#ray.init - ray.is_initialized package-ref.html#ray.is_initialized - ray.java_actor_class package-ref.html#ray.java_actor_class - ray.java_function package-ref.html#ray.java_function - ray.kill package-ref.html#ray.kill - ray.method package-ref.html#ray.method - ray.nodes package-ref.html#ray.nodes - ray.put package-ref.html#ray.put - ray.remote package-ref.html#ray.remote - ray.remote_function.RemoteFunction.options package-ref.html#ray.remote_function.RemoteFunction.options - ray.rllib.evaluation.collect_metrics rllib-package-ref.html#ray.rllib.evaluation.collect_metrics - ray.rllib.evaluation.compute_advantages rllib-package-ref.html#ray.rllib.evaluation.compute_advantages - ray.rllib.execution.AsyncGradients rllib-package-ref.html#ray.rllib.execution.AsyncGradients - ray.rllib.execution.Concurrently rllib-package-ref.html#ray.rllib.execution.Concurrently - ray.rllib.execution.Dequeue rllib-package-ref.html#ray.rllib.execution.Dequeue - ray.rllib.execution.ParallelRollouts rllib-package-ref.html#ray.rllib.execution.ParallelRollouts - ray.rllib.execution.Replay rllib-package-ref.html#ray.rllib.execution.Replay - ray.rllib.execution.StandardMetricsReporting rllib-package-ref.html#ray.rllib.execution.StandardMetricsReporting - ray.rllib.policy.build_policy_class rllib-package-ref.html#ray.rllib.policy.build_policy_class - ray.rllib.policy.build_tf_policy rllib-package-ref.html#ray.rllib.policy.build_tf_policy - ray.rllib.utils.DeveloperAPI rllib-package-ref.html#ray.rllib.utils.DeveloperAPI - ray.rllib.utils.PublicAPI rllib-package-ref.html#ray.rllib.utils.PublicAPI - ray.rllib.utils.add_mixins rllib-package-ref.html#ray.rllib.utils.add_mixins - ray.rllib.utils.annotations.DeveloperAPI rllib-dev.html#ray.rllib.utils.annotations.DeveloperAPI - ray.rllib.utils.annotations.PublicAPI rllib-dev.html#ray.rllib.utils.annotations.PublicAPI - ray.rllib.utils.check rllib-package-ref.html#ray.rllib.utils.check - ray.rllib.utils.check_compute_single_action rllib-package-ref.html#ray.rllib.utils.check_compute_single_action - ray.rllib.utils.check_train_results rllib-package-ref.html#ray.rllib.utils.check_train_results - ray.rllib.utils.deep_update rllib-package-ref.html#ray.rllib.utils.deep_update - ray.rllib.utils.deprecation_warning rllib-package-ref.html#ray.rllib.utils.deprecation_warning - ray.rllib.utils.fc rllib-package-ref.html#ray.rllib.utils.fc - ray.rllib.utils.force_list rllib-package-ref.html#ray.rllib.utils.force_list - ray.rllib.utils.force_tuple rllib-package-ref.html#ray.rllib.utils.force_tuple - ray.rllib.utils.framework_iterator rllib-package-ref.html#ray.rllib.utils.framework_iterator - ray.rllib.utils.lstm rllib-package-ref.html#ray.rllib.utils.lstm - ray.rllib.utils.merge_dicts rllib-package-ref.html#ray.rllib.utils.merge_dicts - ray.rllib.utils.one_hot rllib-package-ref.html#ray.rllib.utils.one_hot - ray.rllib.utils.override rllib-package-ref.html#ray.rllib.utils.override - ray.rllib.utils.relu rllib-package-ref.html#ray.rllib.utils.relu - ray.rllib.utils.sigmoid rllib-package-ref.html#ray.rllib.utils.sigmoid - ray.rllib.utils.softmax rllib-package-ref.html#ray.rllib.utils.softmax - ray.rllib.utils.try_import_tf rllib-package-ref.html#ray.rllib.utils.try_import_tf - ray.rllib.utils.try_import_tfp rllib-package-ref.html#ray.rllib.utils.try_import_tfp - ray.rllib.utils.try_import_torch rllib-package-ref.html#ray.rllib.utils.try_import_torch - ray.runtime_context.get_runtime_context package-ref.html#ray.runtime_context.get_runtime_context + ray.get ray-core/package-ref.html#ray.get + ray.get_actor ray-core/package-ref.html#ray.get_actor + ray.get_gpu_ids ray-core/package-ref.html#ray.get_gpu_ids + ray.init ray-core/package-ref.html#ray.init + ray.is_initialized ray-core/package-ref.html#ray.is_initialized + ray.kill ray-core/package-ref.html#ray.kill + ray.method ray-core/package-ref.html#ray.method + ray.nodes ray-core/package-ref.html#ray.nodes + ray.put ray-core/package-ref.html#ray.put + ray.remote ray-core/package-ref.html#ray.remote + ray.remote_function.RemoteFunction.options ray-core/package-ref.html#ray.remote_function.RemoteFunction.options + ray.rllib.env.multi_agent_env.make_multi_agent rllib/package_ref/env/multi_agent_env.html#ray.rllib.env.multi_agent_env.make_multi_agent + ray.rllib.execution.AsyncGradients rllib/package_ref/execution.html#ray.rllib.execution.AsyncGradients + ray.rllib.execution.Concurrently rllib/package_ref/execution.html#ray.rllib.execution.Concurrently + ray.rllib.execution.Dequeue rllib/package_ref/execution.html#ray.rllib.execution.Dequeue + ray.rllib.execution.ParallelRollouts rllib/package_ref/execution.html#ray.rllib.execution.ParallelRollouts + ray.rllib.execution.Replay rllib/package_ref/execution.html#ray.rllib.execution.Replay + ray.rllib.execution.StandardMetricsReporting rllib/package_ref/execution.html#ray.rllib.execution.StandardMetricsReporting + ray.rllib.execution.synchronous_parallel_sample rllib/package_ref/execution.html#ray.rllib.execution.synchronous_parallel_sample + ray.rllib.utils.annotations.DeveloperAPI rllib/package_ref/utils/annotations.html#ray.rllib.utils.annotations.DeveloperAPI + ray.rllib.utils.annotations.ExperimentalAPI rllib/package_ref/utils/annotations.html#ray.rllib.utils.annotations.ExperimentalAPI + ray.rllib.utils.annotations.OverrideToImplementCustomLogic rllib/package_ref/utils/annotations.html#ray.rllib.utils.annotations.OverrideToImplementCustomLogic + ray.rllib.utils.annotations.OverrideToImplementCustomLogic_CallToSuperRecommended rllib/package_ref/utils/annotations.html#ray.rllib.utils.annotations.OverrideToImplementCustomLogic_CallToSuperRecommended + ray.rllib.utils.annotations.PublicAPI rllib/package_ref/utils/annotations.html#ray.rllib.utils.annotations.PublicAPI + ray.rllib.utils.annotations.override rllib/package_ref/utils/annotations.html#ray.rllib.utils.annotations.override + ray.rllib.utils.deprecation.Deprecated rllib/package_ref/utils/deprecation.html#ray.rllib.utils.deprecation.Deprecated + ray.rllib.utils.deprecation.deprecation_warning rllib/package_ref/utils/deprecation.html#ray.rllib.utils.deprecation.deprecation_warning + ray.rllib.utils.framework.get_variable rllib/package_ref/utils/framework.html#ray.rllib.utils.framework.get_variable + ray.rllib.utils.framework.tf_function rllib/package_ref/utils/framework.html#ray.rllib.utils.framework.tf_function + ray.rllib.utils.framework.try_import_jax rllib/package_ref/utils/framework.html#ray.rllib.utils.framework.try_import_jax + ray.rllib.utils.framework.try_import_tf rllib/package_ref/utils/framework.html#ray.rllib.utils.framework.try_import_tf + ray.rllib.utils.framework.try_import_tfp rllib/package_ref/utils/framework.html#ray.rllib.utils.framework.try_import_tfp + ray.rllib.utils.framework.try_import_torch rllib/package_ref/utils/framework.html#ray.rllib.utils.framework.try_import_torch + ray.rllib.utils.numpy.aligned_array rllib/package_ref/utils/numpy.html#ray.rllib.utils.numpy.aligned_array + ray.rllib.utils.numpy.concat_aligned rllib/package_ref/utils/numpy.html#ray.rllib.utils.numpy.concat_aligned + ray.rllib.utils.numpy.convert_to_numpy rllib/package_ref/utils/numpy.html#ray.rllib.utils.numpy.convert_to_numpy + ray.rllib.utils.numpy.fc rllib/package_ref/utils/numpy.html#ray.rllib.utils.numpy.fc + ray.rllib.utils.numpy.flatten_inputs_to_1d_tensor rllib/package_ref/utils/numpy.html#ray.rllib.utils.numpy.flatten_inputs_to_1d_tensor + ray.rllib.utils.numpy.huber_loss rllib/package_ref/utils/numpy.html#ray.rllib.utils.numpy.huber_loss + ray.rllib.utils.numpy.l2_loss rllib/package_ref/utils/numpy.html#ray.rllib.utils.numpy.l2_loss + ray.rllib.utils.numpy.lstm rllib/package_ref/utils/numpy.html#ray.rllib.utils.numpy.lstm + ray.rllib.utils.numpy.one_hot rllib/package_ref/utils/numpy.html#ray.rllib.utils.numpy.one_hot + ray.rllib.utils.numpy.relu rllib/package_ref/utils/numpy.html#ray.rllib.utils.numpy.relu + ray.rllib.utils.numpy.sigmoid rllib/package_ref/utils/numpy.html#ray.rllib.utils.numpy.sigmoid + ray.rllib.utils.numpy.softmax rllib/package_ref/utils/numpy.html#ray.rllib.utils.numpy.softmax + ray.rllib.utils.tf_utils.explained_variance rllib/package_ref/utils/tf_utils.html#ray.rllib.utils.tf_utils.explained_variance + ray.rllib.utils.tf_utils.flatten_inputs_to_1d_tensor rllib/package_ref/utils/tf_utils.html#ray.rllib.utils.tf_utils.flatten_inputs_to_1d_tensor + ray.rllib.utils.tf_utils.get_gpu_devices rllib/package_ref/utils/tf_utils.html#ray.rllib.utils.tf_utils.get_gpu_devices + ray.rllib.utils.tf_utils.get_placeholder rllib/package_ref/utils/tf_utils.html#ray.rllib.utils.tf_utils.get_placeholder + ray.rllib.utils.tf_utils.get_tf_eager_cls_if_necessary rllib/package_ref/utils/tf_utils.html#ray.rllib.utils.tf_utils.get_tf_eager_cls_if_necessary + ray.rllib.utils.tf_utils.huber_loss rllib/package_ref/utils/tf_utils.html#ray.rllib.utils.tf_utils.huber_loss + ray.rllib.utils.tf_utils.make_tf_callable rllib/package_ref/utils/tf_utils.html#ray.rllib.utils.tf_utils.make_tf_callable + ray.rllib.utils.tf_utils.minimize_and_clip rllib/package_ref/utils/tf_utils.html#ray.rllib.utils.tf_utils.minimize_and_clip + ray.rllib.utils.tf_utils.one_hot rllib/package_ref/utils/tf_utils.html#ray.rllib.utils.tf_utils.one_hot + ray.rllib.utils.tf_utils.reduce_mean_ignore_inf rllib/package_ref/utils/tf_utils.html#ray.rllib.utils.tf_utils.reduce_mean_ignore_inf + ray.rllib.utils.tf_utils.scope_vars rllib/package_ref/utils/tf_utils.html#ray.rllib.utils.tf_utils.scope_vars + ray.rllib.utils.tf_utils.zero_logps_from_actions rllib/package_ref/utils/tf_utils.html#ray.rllib.utils.tf_utils.zero_logps_from_actions + ray.rllib.utils.torch_utils.apply_grad_clipping rllib/package_ref/utils/torch_utils.html#ray.rllib.utils.torch_utils.apply_grad_clipping + ray.rllib.utils.torch_utils.concat_multi_gpu_td_errors rllib/package_ref/utils/torch_utils.html#ray.rllib.utils.torch_utils.concat_multi_gpu_td_errors + ray.rllib.utils.torch_utils.convert_to_torch_tensor rllib/package_ref/utils/torch_utils.html#ray.rllib.utils.torch_utils.convert_to_torch_tensor + ray.rllib.utils.torch_utils.explained_variance rllib/package_ref/utils/torch_utils.html#ray.rllib.utils.torch_utils.explained_variance + ray.rllib.utils.torch_utils.flatten_inputs_to_1d_tensor rllib/package_ref/utils/torch_utils.html#ray.rllib.utils.torch_utils.flatten_inputs_to_1d_tensor + ray.rllib.utils.torch_utils.global_norm rllib/package_ref/utils/torch_utils.html#ray.rllib.utils.torch_utils.global_norm + ray.rllib.utils.torch_utils.huber_loss rllib/package_ref/utils/torch_utils.html#ray.rllib.utils.torch_utils.huber_loss + ray.rllib.utils.torch_utils.l2_loss rllib/package_ref/utils/torch_utils.html#ray.rllib.utils.torch_utils.l2_loss + ray.rllib.utils.torch_utils.minimize_and_clip rllib/package_ref/utils/torch_utils.html#ray.rllib.utils.torch_utils.minimize_and_clip + ray.rllib.utils.torch_utils.one_hot rllib/package_ref/utils/torch_utils.html#ray.rllib.utils.torch_utils.one_hot + ray.rllib.utils.torch_utils.reduce_mean_ignore_inf rllib/package_ref/utils/torch_utils.html#ray.rllib.utils.torch_utils.reduce_mean_ignore_inf + ray.rllib.utils.torch_utils.sequence_mask rllib/package_ref/utils/torch_utils.html#ray.rllib.utils.torch_utils.sequence_mask + ray.rllib.utils.torch_utils.set_torch_seed rllib/package_ref/utils/torch_utils.html#ray.rllib.utils.torch_utils.set_torch_seed + ray.rllib.utils.torch_utils.softmax_cross_entropy_with_logits rllib/package_ref/utils/torch_utils.html#ray.rllib.utils.torch_utils.softmax_cross_entropy_with_logits + ray.runtime_context.get_runtime_context ray-core/package-ref.html#ray.runtime_context.get_runtime_context ray.serve.batch serve/package-ref.html#ray.serve.batch ray.serve.deployment serve/package-ref.html#ray.serve.deployment ray.serve.get_deployment serve/package-ref.html#ray.serve.get_deployment ray.serve.get_replica_context serve/deployment.html#ray.serve.get_replica_context + ray.serve.http_adapters.image_to_ndarray serve/http-servehandle.html#ray.serve.http_adapters.image_to_ndarray + ray.serve.http_adapters.json_to_ndarray serve/http-servehandle.html#ray.serve.http_adapters.json_to_ndarray ray.serve.list_deployments serve/package-ref.html#ray.serve.list_deployments - ray.serve.pipeline.step serve/pipeline.html#ray.serve.pipeline.step ray.serve.shutdown serve/package-ref.html#ray.serve.shutdown ray.serve.start serve/package-ref.html#ray.serve.start - ray.shutdown package-ref.html#ray.shutdown - ray.timeline package-ref.html#ray.timeline + ray.shutdown ray-core/package-ref.html#ray.shutdown + ray.timeline ray-core/package-ref.html#ray.timeline + ray.train.get_dataset_shard train/api.html#ray.train.get_dataset_shard ray.train.load_checkpoint train/api.html#ray.train.load_checkpoint ray.train.local_rank train/api.html#ray.train.local_rank ray.train.report train/api.html#ray.train.report ray.train.save_checkpoint train/api.html#ray.train.save_checkpoint + ray.train.tensorflow.prepare_dataset_shard train/api.html#ray.train.tensorflow.prepare_dataset_shard + ray.train.torch.accelerate train/api.html#ray.train.torch.accelerate + ray.train.torch.backward train/api.html#ray.train.torch.backward + ray.train.torch.enable_reproducibility train/api.html#ray.train.torch.enable_reproducibility ray.train.torch.get_device train/api.html#ray.train.torch.get_device ray.train.torch.prepare_data_loader train/api.html#ray.train.torch.prepare_data_loader ray.train.torch.prepare_model train/api.html#ray.train.torch.prepare_model + ray.train.torch.prepare_optimizer train/api.html#ray.train.torch.prepare_optimizer ray.train.world_rank train/api.html#ray.train.world_rank ray.train.world_size train/api.html#ray.train.world_size ray.tune.Experiment tune/api_docs/execution.html#ray.tune.Experiment @@ -343,47 +515,46 @@ py:function ray.tune.run tune/api_docs/execution.html#ray.tune.run ray.tune.run_experiments tune/api_docs/execution.html#ray.tune.run_experiments ray.tune.sample_from tune/api_docs/search_space.html#ray.tune.sample_from - ray.tune.schedulers.resource_changing_scheduler.evenly_distribute_cpus_gpus tune/api_docs/schedulers.html#ray.tune.schedulers.resource_changing_scheduler.evenly_distribute_cpus_gpus - ray.tune.schedulers.resource_changing_scheduler.evenly_distribute_cpus_gpus_distributed tune/api_docs/schedulers.html#ray.tune.schedulers.resource_changing_scheduler.evenly_distribute_cpus_gpus_distributed ray.tune.uniform tune/api_docs/search_space.html#ray.tune.uniform ray.tune.utils.diagnose_serialization tune/api_docs/trainable.html#ray.tune.utils.diagnose_serialization ray.tune.utils.validate_save_restore tune/api_docs/trainable.html#ray.tune.utils.validate_save_restore ray.tune.utils.wait_for_gpu tune/api_docs/trainable.html#ray.tune.utils.wait_for_gpu ray.tune.with_parameters tune/api_docs/trainable.html#ray.tune.with_parameters - ray.util.annotations.Deprecated getting-involved.html#ray.util.annotations.Deprecated - ray.util.annotations.DeveloperAPI getting-involved.html#ray.util.annotations.DeveloperAPI - ray.util.annotations.PublicAPI getting-involved.html#ray.util.annotations.PublicAPI - ray.util.collective.collective.allgather ray-collective.html#ray.util.collective.collective.allgather - ray.util.collective.collective.allgather_multigpu ray-collective.html#ray.util.collective.collective.allgather_multigpu - ray.util.collective.collective.allreduce ray-collective.html#ray.util.collective.collective.allreduce - ray.util.collective.collective.allreduce_multigpu ray-collective.html#ray.util.collective.collective.allreduce_multigpu - ray.util.collective.collective.barrier ray-collective.html#ray.util.collective.collective.barrier - ray.util.collective.collective.broadcast ray-collective.html#ray.util.collective.collective.broadcast - ray.util.collective.collective.broadcast_multigpu ray-collective.html#ray.util.collective.collective.broadcast_multigpu - ray.util.collective.collective.create_collective_group ray-collective.html#ray.util.collective.collective.create_collective_group - ray.util.collective.collective.destroy_collective_group ray-collective.html#ray.util.collective.collective.destroy_collective_group - ray.util.collective.collective.get_collective_group_size ray-collective.html#ray.util.collective.collective.get_collective_group_size - ray.util.collective.collective.get_rank ray-collective.html#ray.util.collective.collective.get_rank - ray.util.collective.collective.init_collective_group ray-collective.html#ray.util.collective.collective.init_collective_group - ray.util.collective.collective.is_group_initialized ray-collective.html#ray.util.collective.collective.is_group_initialized - ray.util.collective.collective.recv ray-collective.html#ray.util.collective.collective.recv - ray.util.collective.collective.recv_multigpu ray-collective.html#ray.util.collective.collective.recv_multigpu - ray.util.collective.collective.reduce ray-collective.html#ray.util.collective.collective.reduce - ray.util.collective.collective.reduce_multigpu ray-collective.html#ray.util.collective.collective.reduce_multigpu - ray.util.collective.collective.reducescatter ray-collective.html#ray.util.collective.collective.reducescatter - ray.util.collective.collective.reducescatter_multigpu ray-collective.html#ray.util.collective.collective.reducescatter_multigpu - ray.util.collective.collective.send ray-collective.html#ray.util.collective.collective.send - ray.util.collective.collective.send_multigpu ray-collective.html#ray.util.collective.collective.send_multigpu - ray.util.collective.collective.synchronize ray-collective.html#ray.util.collective.collective.synchronize - ray.util.inspect_serializability package-ref.html#ray.util.inspect_serializability - ray.util.pdb.set_trace package-ref.html#ray.util.pdb.set_trace - ray.util.placement_group.get_current_placement_group package-ref.html#ray.util.placement_group.get_current_placement_group - ray.util.placement_group.placement_group package-ref.html#ray.util.placement_group.placement_group - ray.util.placement_group.placement_group_table package-ref.html#ray.util.placement_group.placement_group_table - ray.util.placement_group.remove_placement_group package-ref.html#ray.util.placement_group.remove_placement_group - ray.wait package-ref.html#ray.wait + ray.util.annotations.Deprecated ray-contribute/getting-involved.html#ray.util.annotations.Deprecated + ray.util.annotations.DeveloperAPI ray-contribute/getting-involved.html#ray.util.annotations.DeveloperAPI + ray.util.annotations.PublicAPI ray-contribute/getting-involved.html#ray.util.annotations.PublicAPI + ray.util.collective.collective.allgather ray-more-libs/ray-collective.html#ray.util.collective.collective.allgather + ray.util.collective.collective.allgather_multigpu ray-more-libs/ray-collective.html#ray.util.collective.collective.allgather_multigpu + ray.util.collective.collective.allreduce ray-more-libs/ray-collective.html#ray.util.collective.collective.allreduce + ray.util.collective.collective.allreduce_multigpu ray-more-libs/ray-collective.html#ray.util.collective.collective.allreduce_multigpu + ray.util.collective.collective.barrier ray-more-libs/ray-collective.html#ray.util.collective.collective.barrier + ray.util.collective.collective.broadcast ray-more-libs/ray-collective.html#ray.util.collective.collective.broadcast + ray.util.collective.collective.broadcast_multigpu ray-more-libs/ray-collective.html#ray.util.collective.collective.broadcast_multigpu + ray.util.collective.collective.create_collective_group ray-more-libs/ray-collective.html#ray.util.collective.collective.create_collective_group + ray.util.collective.collective.destroy_collective_group ray-more-libs/ray-collective.html#ray.util.collective.collective.destroy_collective_group + ray.util.collective.collective.get_collective_group_size ray-more-libs/ray-collective.html#ray.util.collective.collective.get_collective_group_size + ray.util.collective.collective.get_rank ray-more-libs/ray-collective.html#ray.util.collective.collective.get_rank + ray.util.collective.collective.init_collective_group ray-more-libs/ray-collective.html#ray.util.collective.collective.init_collective_group + ray.util.collective.collective.is_group_initialized ray-more-libs/ray-collective.html#ray.util.collective.collective.is_group_initialized + ray.util.collective.collective.recv ray-more-libs/ray-collective.html#ray.util.collective.collective.recv + ray.util.collective.collective.recv_multigpu ray-more-libs/ray-collective.html#ray.util.collective.collective.recv_multigpu + ray.util.collective.collective.reduce ray-more-libs/ray-collective.html#ray.util.collective.collective.reduce + ray.util.collective.collective.reduce_multigpu ray-more-libs/ray-collective.html#ray.util.collective.collective.reduce_multigpu + ray.util.collective.collective.reducescatter ray-more-libs/ray-collective.html#ray.util.collective.collective.reducescatter + ray.util.collective.collective.reducescatter_multigpu ray-more-libs/ray-collective.html#ray.util.collective.collective.reducescatter_multigpu + ray.util.collective.collective.send ray-more-libs/ray-collective.html#ray.util.collective.collective.send + ray.util.collective.collective.send_multigpu ray-more-libs/ray-collective.html#ray.util.collective.collective.send_multigpu + ray.util.collective.collective.synchronize ray-more-libs/ray-collective.html#ray.util.collective.collective.synchronize + ray.util.inspect_serializability ray-core/package-ref.html#ray.util.inspect_serializability + ray.util.pdb.set_trace ray-core/package-ref.html#ray.util.pdb.set_trace + ray.util.placement_group.get_current_placement_group ray-core/package-ref.html#ray.util.placement_group.get_current_placement_group + ray.util.placement_group.placement_group ray-core/package-ref.html#ray.util.placement_group.placement_group + ray.util.placement_group.placement_group_table ray-core/package-ref.html#ray.util.placement_group.placement_group_table + ray.util.placement_group.remove_placement_group ray-core/package-ref.html#ray.util.placement_group.remove_placement_group + ray.wait ray-core/package-ref.html#ray.wait ray.workflow.cancel workflows/package-ref.html#ray.workflow.cancel ray.workflow.get_actor workflows/package-ref.html#ray.workflow.get_actor + ray.workflow.get_metadata workflows/package-ref.html#ray.workflow.get_metadata ray.workflow.get_output workflows/package-ref.html#ray.workflow.get_output ray.workflow.get_status workflows/package-ref.html#ray.workflow.get_status ray.workflow.init workflows/package-ref.html#ray.workflow.init @@ -392,24 +563,34 @@ py:function ray.workflow.resume_all workflows/package-ref.html#ray.workflow.resume_all ray.workflow.step workflows/package-ref.html#ray.workflow.step ray.workflow.virtual_actor workflows/package-ref.html#ray.workflow.virtual_actor - ray_lightning.tune.get_tune_ddp_resources ray-lightning.html#ray_lightning.tune.get_tune_ddp_resources - xgboost_ray.predict xgboost-ray.html#xgboost_ray.predict - xgboost_ray.train xgboost-ray.html#xgboost_ray.train + ray_lightning.tune.get_tune_resources ray-more-libs/ray-lightning.html#ray_lightning.tune.get_tune_resources + xgboost_ray.predict ray-more-libs/xgboost-ray.html#xgboost_ray.predict + xgboost_ray.train ray-more-libs/xgboost-ray.html#xgboost_ray.train py:method - lightgbm_ray.RayLGBMClassifier.fit lightgbm-ray.html#lightgbm_ray.RayLGBMClassifier.fit - lightgbm_ray.RayLGBMClassifier.predict lightgbm-ray.html#lightgbm_ray.RayLGBMClassifier.predict - lightgbm_ray.RayLGBMClassifier.predict_proba lightgbm-ray.html#lightgbm_ray.RayLGBMClassifier.predict_proba - lightgbm_ray.RayLGBMClassifier.to_local lightgbm-ray.html#lightgbm_ray.RayLGBMClassifier.to_local - lightgbm_ray.RayLGBMRegressor.fit lightgbm-ray.html#lightgbm_ray.RayLGBMRegressor.fit - lightgbm_ray.RayLGBMRegressor.predict lightgbm-ray.html#lightgbm_ray.RayLGBMRegressor.predict - lightgbm_ray.RayLGBMRegressor.to_local lightgbm-ray.html#lightgbm_ray.RayLGBMRegressor.to_local - lightgbm_ray.RayParams.get_tune_resources lightgbm-ray.html#lightgbm_ray.RayParams.get_tune_resources - ray.cluster_utils.AutoscalingCluster.shutdown fake-autoscaler.html#ray.cluster_utils.AutoscalingCluster.shutdown - ray.cluster_utils.AutoscalingCluster.start fake-autoscaler.html#ray.cluster_utils.AutoscalingCluster.start + lightgbm_ray.RayLGBMClassifier.fit ray-more-libs/lightgbm-ray.html#lightgbm_ray.RayLGBMClassifier.fit + lightgbm_ray.RayLGBMClassifier.predict ray-more-libs/lightgbm-ray.html#lightgbm_ray.RayLGBMClassifier.predict + lightgbm_ray.RayLGBMClassifier.predict_proba ray-more-libs/lightgbm-ray.html#lightgbm_ray.RayLGBMClassifier.predict_proba + lightgbm_ray.RayLGBMClassifier.to_local ray-more-libs/lightgbm-ray.html#lightgbm_ray.RayLGBMClassifier.to_local + lightgbm_ray.RayLGBMRegressor.fit ray-more-libs/lightgbm-ray.html#lightgbm_ray.RayLGBMRegressor.fit + lightgbm_ray.RayLGBMRegressor.predict ray-more-libs/lightgbm-ray.html#lightgbm_ray.RayLGBMRegressor.predict + lightgbm_ray.RayLGBMRegressor.to_local ray-more-libs/lightgbm-ray.html#lightgbm_ray.RayLGBMRegressor.to_local + lightgbm_ray.RayParams.get_tune_resources ray-more-libs/lightgbm-ray.html#lightgbm_ray.RayParams.get_tune_resources + ray.autoscaler._private.fake_multi_node.test_utils.DockerCluster.connect ray-contribute/fake-autoscaler.html#ray.autoscaler._private.fake_multi_node.test_utils.DockerCluster.connect + ray.autoscaler._private.fake_multi_node.test_utils.DockerCluster.kill_node ray-contribute/fake-autoscaler.html#ray.autoscaler._private.fake_multi_node.test_utils.DockerCluster.kill_node + ray.autoscaler._private.fake_multi_node.test_utils.DockerCluster.setup ray-contribute/fake-autoscaler.html#ray.autoscaler._private.fake_multi_node.test_utils.DockerCluster.setup + ray.autoscaler._private.fake_multi_node.test_utils.DockerCluster.start ray-contribute/fake-autoscaler.html#ray.autoscaler._private.fake_multi_node.test_utils.DockerCluster.start + ray.autoscaler._private.fake_multi_node.test_utils.DockerCluster.stop ray-contribute/fake-autoscaler.html#ray.autoscaler._private.fake_multi_node.test_utils.DockerCluster.stop + ray.autoscaler._private.fake_multi_node.test_utils.DockerCluster.teardown ray-contribute/fake-autoscaler.html#ray.autoscaler._private.fake_multi_node.test_utils.DockerCluster.teardown + ray.autoscaler._private.fake_multi_node.test_utils.DockerCluster.update_config ray-contribute/fake-autoscaler.html#ray.autoscaler._private.fake_multi_node.test_utils.DockerCluster.update_config + ray.autoscaler._private.fake_multi_node.test_utils.DockerCluster.wait_for_resources ray-contribute/fake-autoscaler.html#ray.autoscaler._private.fake_multi_node.test_utils.DockerCluster.wait_for_resources + ray.cluster_utils.AutoscalingCluster.shutdown ray-contribute/fake-autoscaler.html#ray.cluster_utils.AutoscalingCluster.shutdown + ray.cluster_utils.AutoscalingCluster.start ray-contribute/fake-autoscaler.html#ray.cluster_utils.AutoscalingCluster.start + ray.data.Dataset.add_column data/package-ref.html#ray.data.Dataset.add_column ray.data.Dataset.aggregate data/package-ref.html#ray.data.Dataset.aggregate ray.data.Dataset.count data/package-ref.html#ray.data.Dataset.count ray.data.Dataset.filter data/package-ref.html#ray.data.Dataset.filter ray.data.Dataset.flat_map data/package-ref.html#ray.data.Dataset.flat_map + ray.data.Dataset.fully_executed data/package-ref.html#ray.data.Dataset.fully_executed ray.data.Dataset.get_internal_block_refs data/package-ref.html#ray.data.Dataset.get_internal_block_refs ray.data.Dataset.groupby data/package-ref.html#ray.data.Dataset.groupby ray.data.Dataset.input_files data/package-ref.html#ray.data.Dataset.input_files @@ -431,6 +612,7 @@ py:method ray.data.Dataset.sort data/package-ref.html#ray.data.Dataset.sort ray.data.Dataset.split data/package-ref.html#ray.data.Dataset.split ray.data.Dataset.split_at_indices data/package-ref.html#ray.data.Dataset.split_at_indices + ray.data.Dataset.stats data/package-ref.html#ray.data.Dataset.stats ray.data.Dataset.std data/package-ref.html#ray.data.Dataset.std ray.data.Dataset.sum data/package-ref.html#ray.data.Dataset.sum ray.data.Dataset.take data/package-ref.html#ray.data.Dataset.take @@ -442,6 +624,7 @@ py:method ray.data.Dataset.to_numpy_refs data/package-ref.html#ray.data.Dataset.to_numpy_refs ray.data.Dataset.to_pandas data/package-ref.html#ray.data.Dataset.to_pandas ray.data.Dataset.to_pandas_refs data/package-ref.html#ray.data.Dataset.to_pandas_refs + ray.data.Dataset.to_random_access_dataset data/package-ref.html#ray.data.Dataset.to_random_access_dataset ray.data.Dataset.to_spark data/package-ref.html#ray.data.Dataset.to_spark ray.data.Dataset.to_tf data/package-ref.html#ray.data.Dataset.to_tf ray.data.Dataset.to_torch data/package-ref.html#ray.data.Dataset.to_torch @@ -457,6 +640,7 @@ py:method ray.data.Datasource.on_write_complete data/package-ref.html#ray.data.Datasource.on_write_complete ray.data.Datasource.on_write_failed data/package-ref.html#ray.data.Datasource.on_write_failed ray.data.Datasource.prepare_read data/package-ref.html#ray.data.Datasource.prepare_read + ray.data.dataset_pipeline.DatasetPipeline.add_column data/package-ref.html#ray.data.dataset_pipeline.DatasetPipeline.add_column ray.data.dataset_pipeline.DatasetPipeline.count data/package-ref.html#ray.data.dataset_pipeline.DatasetPipeline.count ray.data.dataset_pipeline.DatasetPipeline.filter data/package-ref.html#ray.data.dataset_pipeline.DatasetPipeline.filter ray.data.dataset_pipeline.DatasetPipeline.flat_map data/package-ref.html#ray.data.dataset_pipeline.DatasetPipeline.flat_map @@ -478,6 +662,7 @@ py:method ray.data.dataset_pipeline.DatasetPipeline.sort_each_window data/package-ref.html#ray.data.dataset_pipeline.DatasetPipeline.sort_each_window ray.data.dataset_pipeline.DatasetPipeline.split data/package-ref.html#ray.data.dataset_pipeline.DatasetPipeline.split ray.data.dataset_pipeline.DatasetPipeline.split_at_indices data/package-ref.html#ray.data.dataset_pipeline.DatasetPipeline.split_at_indices + ray.data.dataset_pipeline.DatasetPipeline.stats data/package-ref.html#ray.data.dataset_pipeline.DatasetPipeline.stats ray.data.dataset_pipeline.DatasetPipeline.sum data/package-ref.html#ray.data.dataset_pipeline.DatasetPipeline.sum ray.data.dataset_pipeline.DatasetPipeline.take data/package-ref.html#ray.data.dataset_pipeline.DatasetPipeline.take ray.data.dataset_pipeline.DatasetPipeline.take_all data/package-ref.html#ray.data.dataset_pipeline.DatasetPipeline.take_all @@ -490,332 +675,443 @@ py:method ray.data.extensions.tensor_extension.ArrowTensorArray.from_numpy data/package-ref.html#ray.data.extensions.tensor_extension.ArrowTensorArray.from_numpy ray.data.extensions.tensor_extension.ArrowTensorArray.to_numpy data/package-ref.html#ray.data.extensions.tensor_extension.ArrowTensorArray.to_numpy ray.data.extensions.tensor_extension.ArrowTensorArray.to_pylist data/package-ref.html#ray.data.extensions.tensor_extension.ArrowTensorArray.to_pylist - ray.data.extensions.tensor_extension.ArrowTensorType.shape data/package-ref.html#ray.data.extensions.tensor_extension.ArrowTensorType.shape ray.data.extensions.tensor_extension.ArrowTensorType.to_pandas_dtype data/package-ref.html#ray.data.extensions.tensor_extension.ArrowTensorType.to_pandas_dtype ray.data.extensions.tensor_extension.TensorArray.all data/package-ref.html#ray.data.extensions.tensor_extension.TensorArray.all ray.data.extensions.tensor_extension.TensorArray.any data/package-ref.html#ray.data.extensions.tensor_extension.TensorArray.any ray.data.extensions.tensor_extension.TensorArray.astype data/package-ref.html#ray.data.extensions.tensor_extension.TensorArray.astype ray.data.extensions.tensor_extension.TensorArray.copy data/package-ref.html#ray.data.extensions.tensor_extension.TensorArray.copy - ray.data.extensions.tensor_extension.TensorArray.dtype data/package-ref.html#ray.data.extensions.tensor_extension.TensorArray.dtype ray.data.extensions.tensor_extension.TensorArray.isna data/package-ref.html#ray.data.extensions.tensor_extension.TensorArray.isna - ray.data.extensions.tensor_extension.TensorArray.nbytes data/package-ref.html#ray.data.extensions.tensor_extension.TensorArray.nbytes - ray.data.extensions.tensor_extension.TensorArray.numpy_dtype data/package-ref.html#ray.data.extensions.tensor_extension.TensorArray.numpy_dtype - ray.data.extensions.tensor_extension.TensorArray.numpy_ndim data/package-ref.html#ray.data.extensions.tensor_extension.TensorArray.numpy_ndim - ray.data.extensions.tensor_extension.TensorArray.numpy_shape data/package-ref.html#ray.data.extensions.tensor_extension.TensorArray.numpy_shape ray.data.extensions.tensor_extension.TensorArray.take data/package-ref.html#ray.data.extensions.tensor_extension.TensorArray.take ray.data.extensions.tensor_extension.TensorArray.to_numpy data/package-ref.html#ray.data.extensions.tensor_extension.TensorArray.to_numpy ray.data.extensions.tensor_extension.TensorDtype.construct_array_type data/package-ref.html#ray.data.extensions.tensor_extension.TensorDtype.construct_array_type ray.data.extensions.tensor_extension.TensorDtype.construct_from_string data/package-ref.html#ray.data.extensions.tensor_extension.TensorDtype.construct_from_string - ray.data.extensions.tensor_extension.TensorDtype.name data/package-ref.html#ray.data.extensions.tensor_extension.TensorDtype.name - ray.data.extensions.tensor_extension.TensorDtype.type data/package-ref.html#ray.data.extensions.tensor_extension.TensorDtype.type ray.data.grouped_dataset.GroupedDataset.aggregate data/package-ref.html#ray.data.grouped_dataset.GroupedDataset.aggregate ray.data.grouped_dataset.GroupedDataset.count data/package-ref.html#ray.data.grouped_dataset.GroupedDataset.count + ray.data.grouped_dataset.GroupedDataset.map_groups data/package-ref.html#ray.data.grouped_dataset.GroupedDataset.map_groups ray.data.grouped_dataset.GroupedDataset.max data/package-ref.html#ray.data.grouped_dataset.GroupedDataset.max ray.data.grouped_dataset.GroupedDataset.mean data/package-ref.html#ray.data.grouped_dataset.GroupedDataset.mean ray.data.grouped_dataset.GroupedDataset.min data/package-ref.html#ray.data.grouped_dataset.GroupedDataset.min ray.data.grouped_dataset.GroupedDataset.std data/package-ref.html#ray.data.grouped_dataset.GroupedDataset.std ray.data.grouped_dataset.GroupedDataset.sum data/package-ref.html#ray.data.grouped_dataset.GroupedDataset.sum - ray.experimental.tf_utils.TensorFlowVariables.get_flat using-ray-with-tensorflow.html#ray.experimental.tf_utils.TensorFlowVariables.get_flat - ray.experimental.tf_utils.TensorFlowVariables.get_flat_size using-ray-with-tensorflow.html#ray.experimental.tf_utils.TensorFlowVariables.get_flat_size - ray.experimental.tf_utils.TensorFlowVariables.get_weights using-ray-with-tensorflow.html#ray.experimental.tf_utils.TensorFlowVariables.get_weights - ray.experimental.tf_utils.TensorFlowVariables.set_flat using-ray-with-tensorflow.html#ray.experimental.tf_utils.TensorFlowVariables.set_flat - ray.experimental.tf_utils.TensorFlowVariables.set_weights using-ray-with-tensorflow.html#ray.experimental.tf_utils.TensorFlowVariables.set_weights - ray.rllib.agents.callbacks.DefaultCallbacks.on_episode_end rllib-training.html#ray.rllib.agents.callbacks.DefaultCallbacks.on_episode_end - ray.rllib.agents.callbacks.DefaultCallbacks.on_episode_start rllib-training.html#ray.rllib.agents.callbacks.DefaultCallbacks.on_episode_start - ray.rllib.agents.callbacks.DefaultCallbacks.on_episode_step rllib-training.html#ray.rllib.agents.callbacks.DefaultCallbacks.on_episode_step - ray.rllib.agents.callbacks.DefaultCallbacks.on_learn_on_batch rllib-training.html#ray.rllib.agents.callbacks.DefaultCallbacks.on_learn_on_batch - ray.rllib.agents.callbacks.DefaultCallbacks.on_postprocess_trajectory rllib-training.html#ray.rllib.agents.callbacks.DefaultCallbacks.on_postprocess_trajectory - ray.rllib.agents.callbacks.DefaultCallbacks.on_sample_end rllib-training.html#ray.rllib.agents.callbacks.DefaultCallbacks.on_sample_end - ray.rllib.agents.callbacks.DefaultCallbacks.on_train_result rllib-training.html#ray.rllib.agents.callbacks.DefaultCallbacks.on_train_result - ray.rllib.env.BaseEnv.get_sub_environments rllib-package-ref.html#ray.rllib.env.BaseEnv.get_sub_environments - ray.rllib.env.BaseEnv.poll rllib-package-ref.html#ray.rllib.env.BaseEnv.poll - ray.rllib.env.BaseEnv.send_actions rllib-package-ref.html#ray.rllib.env.BaseEnv.send_actions - ray.rllib.env.BaseEnv.stop rllib-package-ref.html#ray.rllib.env.BaseEnv.stop - ray.rllib.env.BaseEnv.to_base_env rllib-package-ref.html#ray.rllib.env.BaseEnv.to_base_env - ray.rllib.env.BaseEnv.try_render rllib-package-ref.html#ray.rllib.env.BaseEnv.try_render - ray.rllib.env.BaseEnv.try_reset rllib-package-ref.html#ray.rllib.env.BaseEnv.try_reset - ray.rllib.env.EnvContext.copy_with_overrides rllib-package-ref.html#ray.rllib.env.EnvContext.copy_with_overrides - ray.rllib.env.ExternalEnv.end_episode rllib-package-ref.html#ray.rllib.env.ExternalEnv.end_episode - ray.rllib.env.ExternalEnv.get_action rllib-package-ref.html#ray.rllib.env.ExternalEnv.get_action - ray.rllib.env.ExternalEnv.log_action rllib-package-ref.html#ray.rllib.env.ExternalEnv.log_action - ray.rllib.env.ExternalEnv.log_returns rllib-package-ref.html#ray.rllib.env.ExternalEnv.log_returns - ray.rllib.env.ExternalEnv.run rllib-package-ref.html#ray.rllib.env.ExternalEnv.run - ray.rllib.env.ExternalEnv.start_episode rllib-package-ref.html#ray.rllib.env.ExternalEnv.start_episode - ray.rllib.env.ExternalMultiAgentEnv.end_episode rllib-package-ref.html#ray.rllib.env.ExternalMultiAgentEnv.end_episode - ray.rllib.env.ExternalMultiAgentEnv.get_action rllib-package-ref.html#ray.rllib.env.ExternalMultiAgentEnv.get_action - ray.rllib.env.ExternalMultiAgentEnv.log_action rllib-package-ref.html#ray.rllib.env.ExternalMultiAgentEnv.log_action - ray.rllib.env.ExternalMultiAgentEnv.log_returns rllib-package-ref.html#ray.rllib.env.ExternalMultiAgentEnv.log_returns - ray.rllib.env.ExternalMultiAgentEnv.run rllib-package-ref.html#ray.rllib.env.ExternalMultiAgentEnv.run - ray.rllib.env.ExternalMultiAgentEnv.start_episode rllib-package-ref.html#ray.rllib.env.ExternalMultiAgentEnv.start_episode - ray.rllib.env.PolicyClient.end_episode rllib-package-ref.html#ray.rllib.env.PolicyClient.end_episode - ray.rllib.env.PolicyClient.get_action rllib-package-ref.html#ray.rllib.env.PolicyClient.get_action - ray.rllib.env.PolicyClient.log_action rllib-package-ref.html#ray.rllib.env.PolicyClient.log_action - ray.rllib.env.PolicyClient.log_returns rllib-package-ref.html#ray.rllib.env.PolicyClient.log_returns - ray.rllib.env.PolicyClient.start_episode rllib-package-ref.html#ray.rllib.env.PolicyClient.start_episode - ray.rllib.env.PolicyClient.update_policy_weights rllib-package-ref.html#ray.rllib.env.PolicyClient.update_policy_weights - ray.rllib.env.PolicyServerInput.next rllib-package-ref.html#ray.rllib.env.PolicyServerInput.next - ray.rllib.env.RemoteVectorEnv.get_sub_environments rllib-package-ref.html#ray.rllib.env.RemoteVectorEnv.get_sub_environments - ray.rllib.env.RemoteVectorEnv.poll rllib-package-ref.html#ray.rllib.env.RemoteVectorEnv.poll - ray.rllib.env.RemoteVectorEnv.send_actions rllib-package-ref.html#ray.rllib.env.RemoteVectorEnv.send_actions - ray.rllib.env.RemoteVectorEnv.stop rllib-package-ref.html#ray.rllib.env.RemoteVectorEnv.stop - ray.rllib.env.RemoteVectorEnv.try_reset rllib-package-ref.html#ray.rllib.env.RemoteVectorEnv.try_reset - ray.rllib.env.VectorEnv.get_sub_environments rllib-package-ref.html#ray.rllib.env.VectorEnv.get_sub_environments - ray.rllib.env.VectorEnv.reset_at rllib-package-ref.html#ray.rllib.env.VectorEnv.reset_at - ray.rllib.env.VectorEnv.try_render_at rllib-package-ref.html#ray.rllib.env.VectorEnv.try_render_at - ray.rllib.env.VectorEnv.vector_reset rllib-package-ref.html#ray.rllib.env.VectorEnv.vector_reset - ray.rllib.env.VectorEnv.vector_step rllib-package-ref.html#ray.rllib.env.VectorEnv.vector_step - ray.rllib.env.VectorEnv.vectorize_gym_envs rllib-package-ref.html#ray.rllib.env.VectorEnv.vectorize_gym_envs - ray.rllib.env.policy_client.PolicyClient.end_episode rllib-training.html#ray.rllib.env.policy_client.PolicyClient.end_episode - ray.rllib.env.policy_client.PolicyClient.get_action rllib-training.html#ray.rllib.env.policy_client.PolicyClient.get_action - ray.rllib.env.policy_client.PolicyClient.log_action rllib-training.html#ray.rllib.env.policy_client.PolicyClient.log_action - ray.rllib.env.policy_client.PolicyClient.log_returns rllib-training.html#ray.rllib.env.policy_client.PolicyClient.log_returns - ray.rllib.env.policy_client.PolicyClient.start_episode rllib-training.html#ray.rllib.env.policy_client.PolicyClient.start_episode - ray.rllib.env.policy_client.PolicyClient.update_policy_weights rllib-training.html#ray.rllib.env.policy_client.PolicyClient.update_policy_weights - ray.rllib.env.policy_server_input.PolicyServerInput.next rllib-training.html#ray.rllib.env.policy_server_input.PolicyServerInput.next - ray.rllib.evaluation.AsyncSampler.get_data rllib-package-ref.html#ray.rllib.evaluation.AsyncSampler.get_data - ray.rllib.evaluation.AsyncSampler.get_extra_batches rllib-package-ref.html#ray.rllib.evaluation.AsyncSampler.get_extra_batches - ray.rllib.evaluation.AsyncSampler.get_metrics rllib-package-ref.html#ray.rllib.evaluation.AsyncSampler.get_metrics - ray.rllib.evaluation.AsyncSampler.run rllib-package-ref.html#ray.rllib.evaluation.AsyncSampler.run - ray.rllib.evaluation.Episode.get_agents rllib-package-ref.html#ray.rllib.evaluation.Episode.get_agents - ray.rllib.evaluation.Episode.last_action_for rllib-package-ref.html#ray.rllib.evaluation.Episode.last_action_for - ray.rllib.evaluation.Episode.last_done_for rllib-package-ref.html#ray.rllib.evaluation.Episode.last_done_for - ray.rllib.evaluation.Episode.last_extra_action_outs_for rllib-package-ref.html#ray.rllib.evaluation.Episode.last_extra_action_outs_for - ray.rllib.evaluation.Episode.last_info_for rllib-package-ref.html#ray.rllib.evaluation.Episode.last_info_for - ray.rllib.evaluation.Episode.last_observation_for rllib-package-ref.html#ray.rllib.evaluation.Episode.last_observation_for - ray.rllib.evaluation.Episode.last_raw_obs_for rllib-package-ref.html#ray.rllib.evaluation.Episode.last_raw_obs_for - ray.rllib.evaluation.Episode.last_reward_for rllib-package-ref.html#ray.rllib.evaluation.Episode.last_reward_for - ray.rllib.evaluation.Episode.policy_for rllib-package-ref.html#ray.rllib.evaluation.Episode.policy_for - ray.rllib.evaluation.Episode.prev_action_for rllib-package-ref.html#ray.rllib.evaluation.Episode.prev_action_for - ray.rllib.evaluation.Episode.prev_reward_for rllib-package-ref.html#ray.rllib.evaluation.Episode.prev_reward_for - ray.rllib.evaluation.Episode.rnn_state_for rllib-package-ref.html#ray.rllib.evaluation.Episode.rnn_state_for - ray.rllib.evaluation.Episode.soft_reset rllib-package-ref.html#ray.rllib.evaluation.Episode.soft_reset - ray.rllib.evaluation.MultiAgentBatch.agent_steps rllib-package-ref.html#ray.rllib.evaluation.MultiAgentBatch.agent_steps - ray.rllib.evaluation.MultiAgentBatch.compress rllib-package-ref.html#ray.rllib.evaluation.MultiAgentBatch.compress - ray.rllib.evaluation.MultiAgentBatch.concat_samples rllib-package-ref.html#ray.rllib.evaluation.MultiAgentBatch.concat_samples - ray.rllib.evaluation.MultiAgentBatch.copy rllib-package-ref.html#ray.rllib.evaluation.MultiAgentBatch.copy - ray.rllib.evaluation.MultiAgentBatch.decompress_if_needed rllib-package-ref.html#ray.rllib.evaluation.MultiAgentBatch.decompress_if_needed - ray.rllib.evaluation.MultiAgentBatch.env_steps rllib-package-ref.html#ray.rllib.evaluation.MultiAgentBatch.env_steps - ray.rllib.evaluation.MultiAgentBatch.size_bytes rllib-package-ref.html#ray.rllib.evaluation.MultiAgentBatch.size_bytes - ray.rllib.evaluation.MultiAgentBatch.timeslices rllib-package-ref.html#ray.rllib.evaluation.MultiAgentBatch.timeslices - ray.rllib.evaluation.MultiAgentBatch.wrap_as_needed rllib-package-ref.html#ray.rllib.evaluation.MultiAgentBatch.wrap_as_needed - ray.rllib.evaluation.MultiAgentSampleBatchBuilder.add_values rllib-package-ref.html#ray.rllib.evaluation.MultiAgentSampleBatchBuilder.add_values - ray.rllib.evaluation.MultiAgentSampleBatchBuilder.build_and_reset rllib-package-ref.html#ray.rllib.evaluation.MultiAgentSampleBatchBuilder.build_and_reset - ray.rllib.evaluation.MultiAgentSampleBatchBuilder.has_pending_agent_data rllib-package-ref.html#ray.rllib.evaluation.MultiAgentSampleBatchBuilder.has_pending_agent_data - ray.rllib.evaluation.MultiAgentSampleBatchBuilder.postprocess_batch_so_far rllib-package-ref.html#ray.rllib.evaluation.MultiAgentSampleBatchBuilder.postprocess_batch_so_far - ray.rllib.evaluation.MultiAgentSampleBatchBuilder.total rllib-package-ref.html#ray.rllib.evaluation.MultiAgentSampleBatchBuilder.total - ray.rllib.evaluation.RolloutWorker.add_policy rllib-package-ref.html#ray.rllib.evaluation.RolloutWorker.add_policy - ray.rllib.evaluation.RolloutWorker.apply rllib-package-ref.html#ray.rllib.evaluation.RolloutWorker.apply - ray.rllib.evaluation.RolloutWorker.apply_gradients rllib-package-ref.html#ray.rllib.evaluation.RolloutWorker.apply_gradients - ray.rllib.evaluation.RolloutWorker.as_remote rllib-package-ref.html#ray.rllib.evaluation.RolloutWorker.as_remote - ray.rllib.evaluation.RolloutWorker.compute_gradients rllib-package-ref.html#ray.rllib.evaluation.RolloutWorker.compute_gradients - ray.rllib.evaluation.RolloutWorker.creation_args rllib-package-ref.html#ray.rllib.evaluation.RolloutWorker.creation_args - ray.rllib.evaluation.RolloutWorker.find_free_port rllib-package-ref.html#ray.rllib.evaluation.RolloutWorker.find_free_port - ray.rllib.evaluation.RolloutWorker.for_policy rllib-package-ref.html#ray.rllib.evaluation.RolloutWorker.for_policy - ray.rllib.evaluation.RolloutWorker.foreach_env rllib-package-ref.html#ray.rllib.evaluation.RolloutWorker.foreach_env - ray.rllib.evaluation.RolloutWorker.foreach_env_with_context rllib-package-ref.html#ray.rllib.evaluation.RolloutWorker.foreach_env_with_context - ray.rllib.evaluation.RolloutWorker.foreach_policy rllib-package-ref.html#ray.rllib.evaluation.RolloutWorker.foreach_policy - ray.rllib.evaluation.RolloutWorker.foreach_trainable_policy rllib-package-ref.html#ray.rllib.evaluation.RolloutWorker.foreach_trainable_policy - ray.rllib.evaluation.RolloutWorker.get_filters rllib-package-ref.html#ray.rllib.evaluation.RolloutWorker.get_filters - ray.rllib.evaluation.RolloutWorker.get_global_vars rllib-package-ref.html#ray.rllib.evaluation.RolloutWorker.get_global_vars - ray.rllib.evaluation.RolloutWorker.get_host rllib-package-ref.html#ray.rllib.evaluation.RolloutWorker.get_host - ray.rllib.evaluation.RolloutWorker.get_metrics rllib-package-ref.html#ray.rllib.evaluation.RolloutWorker.get_metrics - ray.rllib.evaluation.RolloutWorker.get_node_ip rllib-package-ref.html#ray.rllib.evaluation.RolloutWorker.get_node_ip - ray.rllib.evaluation.RolloutWorker.get_policy rllib-package-ref.html#ray.rllib.evaluation.RolloutWorker.get_policy - ray.rllib.evaluation.RolloutWorker.get_weights rllib-package-ref.html#ray.rllib.evaluation.RolloutWorker.get_weights - ray.rllib.evaluation.RolloutWorker.learn_on_batch rllib-package-ref.html#ray.rllib.evaluation.RolloutWorker.learn_on_batch - ray.rllib.evaluation.RolloutWorker.remove_policy rllib-package-ref.html#ray.rllib.evaluation.RolloutWorker.remove_policy - ray.rllib.evaluation.RolloutWorker.restore rllib-package-ref.html#ray.rllib.evaluation.RolloutWorker.restore - ray.rllib.evaluation.RolloutWorker.sample rllib-package-ref.html#ray.rllib.evaluation.RolloutWorker.sample - ray.rllib.evaluation.RolloutWorker.sample_and_learn rllib-package-ref.html#ray.rllib.evaluation.RolloutWorker.sample_and_learn - ray.rllib.evaluation.RolloutWorker.sample_with_count rllib-package-ref.html#ray.rllib.evaluation.RolloutWorker.sample_with_count - ray.rllib.evaluation.RolloutWorker.save rllib-package-ref.html#ray.rllib.evaluation.RolloutWorker.save - ray.rllib.evaluation.RolloutWorker.set_global_vars rllib-package-ref.html#ray.rllib.evaluation.RolloutWorker.set_global_vars - ray.rllib.evaluation.RolloutWorker.set_policies_to_train rllib-package-ref.html#ray.rllib.evaluation.RolloutWorker.set_policies_to_train - ray.rllib.evaluation.RolloutWorker.set_policy_mapping_fn rllib-package-ref.html#ray.rllib.evaluation.RolloutWorker.set_policy_mapping_fn - ray.rllib.evaluation.RolloutWorker.set_weights rllib-package-ref.html#ray.rllib.evaluation.RolloutWorker.set_weights - ray.rllib.evaluation.RolloutWorker.setup_torch_data_parallel rllib-package-ref.html#ray.rllib.evaluation.RolloutWorker.setup_torch_data_parallel - ray.rllib.evaluation.RolloutWorker.stop rllib-package-ref.html#ray.rllib.evaluation.RolloutWorker.stop - ray.rllib.evaluation.RolloutWorker.sync_filters rllib-package-ref.html#ray.rllib.evaluation.RolloutWorker.sync_filters - ray.rllib.evaluation.SampleBatch.columns rllib-package-ref.html#ray.rllib.evaluation.SampleBatch.columns - ray.rllib.evaluation.SampleBatch.compress rllib-package-ref.html#ray.rllib.evaluation.SampleBatch.compress - ray.rllib.evaluation.SampleBatch.concat rllib-package-ref.html#ray.rllib.evaluation.SampleBatch.concat - ray.rllib.evaluation.SampleBatch.concat_samples rllib-package-ref.html#ray.rllib.evaluation.SampleBatch.concat_samples - ray.rllib.evaluation.SampleBatch.copy rllib-package-ref.html#ray.rllib.evaluation.SampleBatch.copy - ray.rllib.evaluation.SampleBatch.decompress_if_needed rllib-package-ref.html#ray.rllib.evaluation.SampleBatch.decompress_if_needed - ray.rllib.evaluation.SampleBatch.get rllib-package-ref.html#ray.rllib.evaluation.SampleBatch.get - ray.rllib.evaluation.SampleBatch.get_single_step_input_dict rllib-package-ref.html#ray.rllib.evaluation.SampleBatch.get_single_step_input_dict - ray.rllib.evaluation.SampleBatch.right_zero_pad rllib-package-ref.html#ray.rllib.evaluation.SampleBatch.right_zero_pad - ray.rllib.evaluation.SampleBatch.rows rllib-package-ref.html#ray.rllib.evaluation.SampleBatch.rows - ray.rllib.evaluation.SampleBatch.shuffle rllib-package-ref.html#ray.rllib.evaluation.SampleBatch.shuffle - ray.rllib.evaluation.SampleBatch.size_bytes rllib-package-ref.html#ray.rllib.evaluation.SampleBatch.size_bytes - ray.rllib.evaluation.SampleBatch.split_by_episode rllib-package-ref.html#ray.rllib.evaluation.SampleBatch.split_by_episode - ray.rllib.evaluation.SampleBatch.timeslices rllib-package-ref.html#ray.rllib.evaluation.SampleBatch.timeslices - ray.rllib.evaluation.SampleBatch.to_device rllib-package-ref.html#ray.rllib.evaluation.SampleBatch.to_device - ray.rllib.evaluation.SampleBatchBuilder.add_batch rllib-package-ref.html#ray.rllib.evaluation.SampleBatchBuilder.add_batch - ray.rllib.evaluation.SampleBatchBuilder.add_values rllib-package-ref.html#ray.rllib.evaluation.SampleBatchBuilder.add_values - ray.rllib.evaluation.SampleBatchBuilder.build_and_reset rllib-package-ref.html#ray.rllib.evaluation.SampleBatchBuilder.build_and_reset - ray.rllib.evaluation.SyncSampler.get_data rllib-package-ref.html#ray.rllib.evaluation.SyncSampler.get_data - ray.rllib.evaluation.SyncSampler.get_extra_batches rllib-package-ref.html#ray.rllib.evaluation.SyncSampler.get_extra_batches - ray.rllib.evaluation.SyncSampler.get_metrics rllib-package-ref.html#ray.rllib.evaluation.SyncSampler.get_metrics - ray.rllib.execution.LearnerThread.add_learner_metrics rllib-package-ref.html#ray.rllib.execution.LearnerThread.add_learner_metrics - ray.rllib.execution.LearnerThread.run rllib-package-ref.html#ray.rllib.execution.LearnerThread.run - ray.rllib.models.ActionDistribution.deterministic_sample rllib-package-ref.html#ray.rllib.models.ActionDistribution.deterministic_sample - ray.rllib.models.ActionDistribution.entropy rllib-package-ref.html#ray.rllib.models.ActionDistribution.entropy - ray.rllib.models.ActionDistribution.kl rllib-package-ref.html#ray.rllib.models.ActionDistribution.kl - ray.rllib.models.ActionDistribution.logp rllib-package-ref.html#ray.rllib.models.ActionDistribution.logp - ray.rllib.models.ActionDistribution.multi_entropy rllib-package-ref.html#ray.rllib.models.ActionDistribution.multi_entropy - ray.rllib.models.ActionDistribution.multi_kl rllib-package-ref.html#ray.rllib.models.ActionDistribution.multi_kl - ray.rllib.models.ActionDistribution.required_model_output_shape rllib-package-ref.html#ray.rllib.models.ActionDistribution.required_model_output_shape - ray.rllib.models.ActionDistribution.sample rllib-package-ref.html#ray.rllib.models.ActionDistribution.sample - ray.rllib.models.ActionDistribution.sampled_action_logp rllib-package-ref.html#ray.rllib.models.ActionDistribution.sampled_action_logp - ray.rllib.models.ModelCatalog.get_action_dist rllib-package-ref.html#ray.rllib.models.ModelCatalog.get_action_dist - ray.rllib.models.ModelCatalog.get_action_placeholder rllib-package-ref.html#ray.rllib.models.ModelCatalog.get_action_placeholder - ray.rllib.models.ModelCatalog.get_action_shape rllib-package-ref.html#ray.rllib.models.ModelCatalog.get_action_shape - ray.rllib.models.ModelCatalog.get_model_v2 rllib-package-ref.html#ray.rllib.models.ModelCatalog.get_model_v2 - ray.rllib.models.ModelCatalog.get_preprocessor rllib-package-ref.html#ray.rllib.models.ModelCatalog.get_preprocessor - ray.rllib.models.ModelCatalog.get_preprocessor_for_space rllib-package-ref.html#ray.rllib.models.ModelCatalog.get_preprocessor_for_space - ray.rllib.models.ModelCatalog.register_custom_action_dist rllib-package-ref.html#ray.rllib.models.ModelCatalog.register_custom_action_dist - ray.rllib.models.ModelCatalog.register_custom_model rllib-package-ref.html#ray.rllib.models.ModelCatalog.register_custom_model - ray.rllib.models.ModelV2.context rllib-package-ref.html#ray.rllib.models.ModelV2.context - ray.rllib.models.ModelV2.custom_loss rllib-package-ref.html#ray.rllib.models.ModelV2.custom_loss - ray.rllib.models.ModelV2.forward rllib-package-ref.html#ray.rllib.models.ModelV2.forward - ray.rllib.models.ModelV2.get_initial_state rllib-package-ref.html#ray.rllib.models.ModelV2.get_initial_state - ray.rllib.models.ModelV2.import_from_h5 rllib-package-ref.html#ray.rllib.models.ModelV2.import_from_h5 - ray.rllib.models.ModelV2.is_time_major rllib-package-ref.html#ray.rllib.models.ModelV2.is_time_major - ray.rllib.models.ModelV2.last_output rllib-package-ref.html#ray.rllib.models.ModelV2.last_output - ray.rllib.models.ModelV2.metrics rllib-package-ref.html#ray.rllib.models.ModelV2.metrics - ray.rllib.models.ModelV2.trainable_variables rllib-package-ref.html#ray.rllib.models.ModelV2.trainable_variables - ray.rllib.models.ModelV2.value_function rllib-package-ref.html#ray.rllib.models.ModelV2.value_function - ray.rllib.models.ModelV2.variables rllib-package-ref.html#ray.rllib.models.ModelV2.variables - ray.rllib.models.Preprocessor.check_shape rllib-package-ref.html#ray.rllib.models.Preprocessor.check_shape - ray.rllib.models.Preprocessor.transform rllib-package-ref.html#ray.rllib.models.Preprocessor.transform - ray.rllib.models.Preprocessor.write rllib-package-ref.html#ray.rllib.models.Preprocessor.write - ray.rllib.models.tf.recurrent_net.RecurrentNetwork.__init__ rllib-models.html#ray.rllib.models.tf.recurrent_net.RecurrentNetwork.__init__ - ray.rllib.models.tf.recurrent_net.RecurrentNetwork.forward_rnn rllib-models.html#ray.rllib.models.tf.recurrent_net.RecurrentNetwork.forward_rnn - ray.rllib.models.tf.recurrent_net.RecurrentNetwork.get_initial_state rllib-models.html#ray.rllib.models.tf.recurrent_net.RecurrentNetwork.get_initial_state - ray.rllib.models.tf.tf_modelv2.TFModelV2.__init__ rllib-models.html#ray.rllib.models.tf.tf_modelv2.TFModelV2.__init__ - ray.rllib.models.tf.tf_modelv2.TFModelV2.custom_loss rllib-models.html#ray.rllib.models.tf.tf_modelv2.TFModelV2.custom_loss - ray.rllib.models.tf.tf_modelv2.TFModelV2.forward rllib-models.html#ray.rllib.models.tf.tf_modelv2.TFModelV2.forward - ray.rllib.models.tf.tf_modelv2.TFModelV2.metrics rllib-models.html#ray.rllib.models.tf.tf_modelv2.TFModelV2.metrics - ray.rllib.models.tf.tf_modelv2.TFModelV2.register_variables rllib-models.html#ray.rllib.models.tf.tf_modelv2.TFModelV2.register_variables - ray.rllib.models.tf.tf_modelv2.TFModelV2.trainable_variables rllib-models.html#ray.rllib.models.tf.tf_modelv2.TFModelV2.trainable_variables - ray.rllib.models.tf.tf_modelv2.TFModelV2.update_ops rllib-models.html#ray.rllib.models.tf.tf_modelv2.TFModelV2.update_ops - ray.rllib.models.tf.tf_modelv2.TFModelV2.value_function rllib-models.html#ray.rllib.models.tf.tf_modelv2.TFModelV2.value_function - ray.rllib.models.tf.tf_modelv2.TFModelV2.variables rllib-models.html#ray.rllib.models.tf.tf_modelv2.TFModelV2.variables - ray.rllib.models.torch.torch_modelv2.TorchModelV2.__init__ rllib-models.html#ray.rllib.models.torch.torch_modelv2.TorchModelV2.__init__ - ray.rllib.models.torch.torch_modelv2.TorchModelV2.custom_loss rllib-models.html#ray.rllib.models.torch.torch_modelv2.TorchModelV2.custom_loss - ray.rllib.models.torch.torch_modelv2.TorchModelV2.forward rllib-models.html#ray.rllib.models.torch.torch_modelv2.TorchModelV2.forward - ray.rllib.models.torch.torch_modelv2.TorchModelV2.get_initial_state rllib-models.html#ray.rllib.models.torch.torch_modelv2.TorchModelV2.get_initial_state - ray.rllib.models.torch.torch_modelv2.TorchModelV2.metrics rllib-models.html#ray.rllib.models.torch.torch_modelv2.TorchModelV2.metrics - ray.rllib.models.torch.torch_modelv2.TorchModelV2.trainable_variables rllib-models.html#ray.rllib.models.torch.torch_modelv2.TorchModelV2.trainable_variables - ray.rllib.models.torch.torch_modelv2.TorchModelV2.value_function rllib-models.html#ray.rllib.models.torch.torch_modelv2.TorchModelV2.value_function - ray.rllib.models.torch.torch_modelv2.TorchModelV2.variables rllib-models.html#ray.rllib.models.torch.torch_modelv2.TorchModelV2.variables - ray.rllib.offline.IOContext.default_sampler_input rllib-offline.html#ray.rllib.offline.IOContext.default_sampler_input - ray.rllib.offline.InputReader.next rllib-offline.html#ray.rllib.offline.InputReader.next - ray.rllib.offline.InputReader.tf_input_ops rllib-offline.html#ray.rllib.offline.InputReader.tf_input_ops - ray.rllib.offline.OutputWriter.write rllib-offline.html#ray.rllib.offline.OutputWriter.write - ray.rllib.policy.Policy.apply_gradients rllib-package-ref.html#ray.rllib.policy.Policy.apply_gradients - ray.rllib.policy.Policy.compute_actions rllib-package-ref.html#ray.rllib.policy.Policy.compute_actions - ray.rllib.policy.Policy.compute_actions_from_input_dict rllib-package-ref.html#ray.rllib.policy.Policy.compute_actions_from_input_dict - ray.rllib.policy.Policy.compute_gradients rllib-package-ref.html#ray.rllib.policy.Policy.compute_gradients - ray.rllib.policy.Policy.compute_log_likelihoods rllib-package-ref.html#ray.rllib.policy.Policy.compute_log_likelihoods - ray.rllib.policy.Policy.compute_single_action rllib-package-ref.html#ray.rllib.policy.Policy.compute_single_action - ray.rllib.policy.Policy.export_checkpoint rllib-package-ref.html#ray.rllib.policy.Policy.export_checkpoint - ray.rllib.policy.Policy.export_model rllib-package-ref.html#ray.rllib.policy.Policy.export_model - ray.rllib.policy.Policy.get_exploration_state rllib-package-ref.html#ray.rllib.policy.Policy.get_exploration_state - ray.rllib.policy.Policy.get_initial_state rllib-package-ref.html#ray.rllib.policy.Policy.get_initial_state - ray.rllib.policy.Policy.get_num_samples_loaded_into_buffer rllib-package-ref.html#ray.rllib.policy.Policy.get_num_samples_loaded_into_buffer - ray.rllib.policy.Policy.get_session rllib-package-ref.html#ray.rllib.policy.Policy.get_session - ray.rllib.policy.Policy.get_state rllib-package-ref.html#ray.rllib.policy.Policy.get_state - ray.rllib.policy.Policy.get_weights rllib-package-ref.html#ray.rllib.policy.Policy.get_weights - ray.rllib.policy.Policy.import_model_from_h5 rllib-package-ref.html#ray.rllib.policy.Policy.import_model_from_h5 - ray.rllib.policy.Policy.is_recurrent rllib-package-ref.html#ray.rllib.policy.Policy.is_recurrent - ray.rllib.policy.Policy.learn_on_batch rllib-package-ref.html#ray.rllib.policy.Policy.learn_on_batch - ray.rllib.policy.Policy.learn_on_loaded_batch rllib-package-ref.html#ray.rllib.policy.Policy.learn_on_loaded_batch - ray.rllib.policy.Policy.load_batch_into_buffer rllib-package-ref.html#ray.rllib.policy.Policy.load_batch_into_buffer - ray.rllib.policy.Policy.loss rllib-package-ref.html#ray.rllib.policy.Policy.loss - ray.rllib.policy.Policy.num_state_tensors rllib-package-ref.html#ray.rllib.policy.Policy.num_state_tensors - ray.rllib.policy.Policy.on_global_var_update rllib-package-ref.html#ray.rllib.policy.Policy.on_global_var_update - ray.rllib.policy.Policy.postprocess_trajectory rllib-package-ref.html#ray.rllib.policy.Policy.postprocess_trajectory - ray.rllib.policy.Policy.set_state rllib-package-ref.html#ray.rllib.policy.Policy.set_state - ray.rllib.policy.Policy.set_weights rllib-package-ref.html#ray.rllib.policy.Policy.set_weights - ray.rllib.policy.TFPolicy.apply_gradients rllib-package-ref.html#ray.rllib.policy.TFPolicy.apply_gradients - ray.rllib.policy.TFPolicy.build_apply_op rllib-package-ref.html#ray.rllib.policy.TFPolicy.build_apply_op - ray.rllib.policy.TFPolicy.compute_actions rllib-package-ref.html#ray.rllib.policy.TFPolicy.compute_actions - ray.rllib.policy.TFPolicy.compute_actions_from_input_dict rllib-package-ref.html#ray.rllib.policy.TFPolicy.compute_actions_from_input_dict - ray.rllib.policy.TFPolicy.compute_gradients rllib-package-ref.html#ray.rllib.policy.TFPolicy.compute_gradients - ray.rllib.policy.TFPolicy.compute_log_likelihoods rllib-package-ref.html#ray.rllib.policy.TFPolicy.compute_log_likelihoods - ray.rllib.policy.TFPolicy.copy rllib-package-ref.html#ray.rllib.policy.TFPolicy.copy - ray.rllib.policy.TFPolicy.export_checkpoint rllib-package-ref.html#ray.rllib.policy.TFPolicy.export_checkpoint - ray.rllib.policy.TFPolicy.export_model rllib-package-ref.html#ray.rllib.policy.TFPolicy.export_model - ray.rllib.policy.TFPolicy.extra_compute_action_feed_dict rllib-package-ref.html#ray.rllib.policy.TFPolicy.extra_compute_action_feed_dict - ray.rllib.policy.TFPolicy.extra_compute_action_fetches rllib-package-ref.html#ray.rllib.policy.TFPolicy.extra_compute_action_fetches - ray.rllib.policy.TFPolicy.extra_compute_grad_feed_dict rllib-package-ref.html#ray.rllib.policy.TFPolicy.extra_compute_grad_feed_dict - ray.rllib.policy.TFPolicy.extra_compute_grad_fetches rllib-package-ref.html#ray.rllib.policy.TFPolicy.extra_compute_grad_fetches - ray.rllib.policy.TFPolicy.get_exploration_state rllib-package-ref.html#ray.rllib.policy.TFPolicy.get_exploration_state - ray.rllib.policy.TFPolicy.get_placeholder rllib-package-ref.html#ray.rllib.policy.TFPolicy.get_placeholder - ray.rllib.policy.TFPolicy.get_session rllib-package-ref.html#ray.rllib.policy.TFPolicy.get_session - ray.rllib.policy.TFPolicy.get_state rllib-package-ref.html#ray.rllib.policy.TFPolicy.get_state - ray.rllib.policy.TFPolicy.get_weights rllib-package-ref.html#ray.rllib.policy.TFPolicy.get_weights - ray.rllib.policy.TFPolicy.gradients rllib-package-ref.html#ray.rllib.policy.TFPolicy.gradients - ray.rllib.policy.TFPolicy.import_model_from_h5 rllib-package-ref.html#ray.rllib.policy.TFPolicy.import_model_from_h5 - ray.rllib.policy.TFPolicy.is_recurrent rllib-package-ref.html#ray.rllib.policy.TFPolicy.is_recurrent - ray.rllib.policy.TFPolicy.learn_on_batch rllib-package-ref.html#ray.rllib.policy.TFPolicy.learn_on_batch - ray.rllib.policy.TFPolicy.loss_initialized rllib-package-ref.html#ray.rllib.policy.TFPolicy.loss_initialized - ray.rllib.policy.TFPolicy.num_state_tensors rllib-package-ref.html#ray.rllib.policy.TFPolicy.num_state_tensors - ray.rllib.policy.TFPolicy.optimizer rllib-package-ref.html#ray.rllib.policy.TFPolicy.optimizer - ray.rllib.policy.TFPolicy.set_state rllib-package-ref.html#ray.rllib.policy.TFPolicy.set_state - ray.rllib.policy.TFPolicy.set_weights rllib-package-ref.html#ray.rllib.policy.TFPolicy.set_weights - ray.rllib.policy.TFPolicy.variables rllib-package-ref.html#ray.rllib.policy.TFPolicy.variables - ray.rllib.policy.TorchPolicy.apply_gradients rllib-package-ref.html#ray.rllib.policy.TorchPolicy.apply_gradients - ray.rllib.policy.TorchPolicy.compute_actions rllib-package-ref.html#ray.rllib.policy.TorchPolicy.compute_actions - ray.rllib.policy.TorchPolicy.compute_actions_from_input_dict rllib-package-ref.html#ray.rllib.policy.TorchPolicy.compute_actions_from_input_dict - ray.rllib.policy.TorchPolicy.export_checkpoint rllib-package-ref.html#ray.rllib.policy.TorchPolicy.export_checkpoint - ray.rllib.policy.TorchPolicy.export_model rllib-package-ref.html#ray.rllib.policy.TorchPolicy.export_model - ray.rllib.policy.TorchPolicy.extra_action_out rllib-package-ref.html#ray.rllib.policy.TorchPolicy.extra_action_out - ray.rllib.policy.TorchPolicy.extra_compute_grad_fetches rllib-package-ref.html#ray.rllib.policy.TorchPolicy.extra_compute_grad_fetches - ray.rllib.policy.TorchPolicy.extra_grad_info rllib-package-ref.html#ray.rllib.policy.TorchPolicy.extra_grad_info - ray.rllib.policy.TorchPolicy.extra_grad_process rllib-package-ref.html#ray.rllib.policy.TorchPolicy.extra_grad_process - ray.rllib.policy.TorchPolicy.get_initial_state rllib-package-ref.html#ray.rllib.policy.TorchPolicy.get_initial_state - ray.rllib.policy.TorchPolicy.get_num_samples_loaded_into_buffer rllib-package-ref.html#ray.rllib.policy.TorchPolicy.get_num_samples_loaded_into_buffer - ray.rllib.policy.TorchPolicy.get_state rllib-package-ref.html#ray.rllib.policy.TorchPolicy.get_state - ray.rllib.policy.TorchPolicy.get_tower_stats rllib-package-ref.html#ray.rllib.policy.TorchPolicy.get_tower_stats - ray.rllib.policy.TorchPolicy.get_weights rllib-package-ref.html#ray.rllib.policy.TorchPolicy.get_weights - ray.rllib.policy.TorchPolicy.import_model_from_h5 rllib-package-ref.html#ray.rllib.policy.TorchPolicy.import_model_from_h5 - ray.rllib.policy.TorchPolicy.is_recurrent rllib-package-ref.html#ray.rllib.policy.TorchPolicy.is_recurrent - ray.rllib.policy.TorchPolicy.learn_on_loaded_batch rllib-package-ref.html#ray.rllib.policy.TorchPolicy.learn_on_loaded_batch - ray.rllib.policy.TorchPolicy.load_batch_into_buffer rllib-package-ref.html#ray.rllib.policy.TorchPolicy.load_batch_into_buffer - ray.rllib.policy.TorchPolicy.num_state_tensors rllib-package-ref.html#ray.rllib.policy.TorchPolicy.num_state_tensors - ray.rllib.policy.TorchPolicy.optimizer rllib-package-ref.html#ray.rllib.policy.TorchPolicy.optimizer - ray.rllib.policy.TorchPolicy.set_state rllib-package-ref.html#ray.rllib.policy.TorchPolicy.set_state - ray.rllib.policy.TorchPolicy.set_weights rllib-package-ref.html#ray.rllib.policy.TorchPolicy.set_weights - ray.rllib.utils.Filter.apply_changes rllib-package-ref.html#ray.rllib.utils.Filter.apply_changes - ray.rllib.utils.Filter.clear_buffer rllib-package-ref.html#ray.rllib.utils.Filter.clear_buffer - ray.rllib.utils.Filter.copy rllib-package-ref.html#ray.rllib.utils.Filter.copy - ray.rllib.utils.Filter.sync rllib-package-ref.html#ray.rllib.utils.Filter.sync - ray.rllib.utils.FilterManager.synchronize rllib-package-ref.html#ray.rllib.utils.FilterManager.synchronize - ray.runtime_context.RuntimeContext.actor_id package-ref.html#ray.runtime_context.RuntimeContext.actor_id - ray.runtime_context.RuntimeContext.current_actor package-ref.html#ray.runtime_context.RuntimeContext.current_actor - ray.runtime_context.RuntimeContext.current_placement_group_id package-ref.html#ray.runtime_context.RuntimeContext.current_placement_group_id - ray.runtime_context.RuntimeContext.get package-ref.html#ray.runtime_context.RuntimeContext.get - ray.runtime_context.RuntimeContext.job_id package-ref.html#ray.runtime_context.RuntimeContext.job_id - ray.runtime_context.RuntimeContext.node_id package-ref.html#ray.runtime_context.RuntimeContext.node_id - ray.runtime_context.RuntimeContext.runtime_env package-ref.html#ray.runtime_context.RuntimeContext.runtime_env - ray.runtime_context.RuntimeContext.should_capture_child_tasks_in_placement_group package-ref.html#ray.runtime_context.RuntimeContext.should_capture_child_tasks_in_placement_group - ray.runtime_context.RuntimeContext.task_id package-ref.html#ray.runtime_context.RuntimeContext.task_id - ray.runtime_context.RuntimeContext.was_current_actor_reconstructed package-ref.html#ray.runtime_context.RuntimeContext.was_current_actor_reconstructed + ray.data.random_access_dataset.RandomAccessDataset.get_async data/package-ref.html#ray.data.random_access_dataset.RandomAccessDataset.get_async + ray.data.random_access_dataset.RandomAccessDataset.multiget data/package-ref.html#ray.data.random_access_dataset.RandomAccessDataset.multiget + ray.data.random_access_dataset.RandomAccessDataset.stats data/package-ref.html#ray.data.random_access_dataset.RandomAccessDataset.stats + ray.data.row.TableRow.as_pydict data/package-ref.html#ray.data.row.TableRow.as_pydict + ray.job_submission.JobStatus.is_terminal cluster/jobs-package-ref.html#ray.job_submission.JobStatus.is_terminal + ray.job_submission.JobSubmissionClient.get_job_info cluster/jobs-package-ref.html#ray.job_submission.JobSubmissionClient.get_job_info + ray.job_submission.JobSubmissionClient.get_job_logs cluster/jobs-package-ref.html#ray.job_submission.JobSubmissionClient.get_job_logs + ray.job_submission.JobSubmissionClient.get_job_status cluster/jobs-package-ref.html#ray.job_submission.JobSubmissionClient.get_job_status + ray.job_submission.JobSubmissionClient.list_jobs cluster/jobs-package-ref.html#ray.job_submission.JobSubmissionClient.list_jobs + ray.job_submission.JobSubmissionClient.stop_job cluster/jobs-package-ref.html#ray.job_submission.JobSubmissionClient.stop_job + ray.job_submission.JobSubmissionClient.submit_job cluster/jobs-package-ref.html#ray.job_submission.JobSubmissionClient.submit_job + ray.job_submission.JobSubmissionClient.tail_job_logs cluster/jobs-package-ref.html#ray.job_submission.JobSubmissionClient.tail_job_logs + ray.ml.checkpoint.Checkpoint.from_bytes ray-air/getting-started.html#ray.ml.checkpoint.Checkpoint.from_bytes + ray.ml.checkpoint.Checkpoint.from_dict ray-air/getting-started.html#ray.ml.checkpoint.Checkpoint.from_dict + ray.ml.checkpoint.Checkpoint.from_directory ray-air/getting-started.html#ray.ml.checkpoint.Checkpoint.from_directory + ray.ml.checkpoint.Checkpoint.from_object_ref ray-air/getting-started.html#ray.ml.checkpoint.Checkpoint.from_object_ref + ray.ml.checkpoint.Checkpoint.from_uri ray-air/getting-started.html#ray.ml.checkpoint.Checkpoint.from_uri + ray.ml.checkpoint.Checkpoint.get_internal_representation ray-air/getting-started.html#ray.ml.checkpoint.Checkpoint.get_internal_representation + ray.ml.checkpoint.Checkpoint.to_bytes ray-air/getting-started.html#ray.ml.checkpoint.Checkpoint.to_bytes + ray.ml.checkpoint.Checkpoint.to_dict ray-air/getting-started.html#ray.ml.checkpoint.Checkpoint.to_dict + ray.ml.checkpoint.Checkpoint.to_directory ray-air/getting-started.html#ray.ml.checkpoint.Checkpoint.to_directory + ray.ml.checkpoint.Checkpoint.to_object_ref ray-air/getting-started.html#ray.ml.checkpoint.Checkpoint.to_object_ref + ray.ml.checkpoint.Checkpoint.to_uri ray-air/getting-started.html#ray.ml.checkpoint.Checkpoint.to_uri + ray.ml.config.ScalingConfigDataClass.as_placement_group_factory ray-air/getting-started.html#ray.ml.config.ScalingConfigDataClass.as_placement_group_factory + ray.ml.predictor.Predictor.from_checkpoint ray-air/getting-started.html#ray.ml.predictor.Predictor.from_checkpoint + ray.ml.predictor.Predictor.predict ray-air/getting-started.html#ray.ml.predictor.Predictor.predict + ray.ml.predictors.integrations.lightgbm.LightGBMPredictor.from_checkpoint ray-air/getting-started.html#ray.ml.predictors.integrations.lightgbm.LightGBMPredictor.from_checkpoint + ray.ml.predictors.integrations.lightgbm.LightGBMPredictor.predict ray-air/getting-started.html#ray.ml.predictors.integrations.lightgbm.LightGBMPredictor.predict + ray.ml.predictors.integrations.tensorflow.TensorflowPredictor.from_checkpoint ray-air/getting-started.html#ray.ml.predictors.integrations.tensorflow.TensorflowPredictor.from_checkpoint + ray.ml.predictors.integrations.tensorflow.TensorflowPredictor.predict ray-air/getting-started.html#ray.ml.predictors.integrations.tensorflow.TensorflowPredictor.predict + ray.ml.predictors.integrations.torch.TorchPredictor.from_checkpoint ray-air/getting-started.html#ray.ml.predictors.integrations.torch.TorchPredictor.from_checkpoint + ray.ml.predictors.integrations.torch.TorchPredictor.predict ray-air/getting-started.html#ray.ml.predictors.integrations.torch.TorchPredictor.predict + ray.ml.predictors.integrations.xgboost.XGBoostPredictor.from_checkpoint ray-air/getting-started.html#ray.ml.predictors.integrations.xgboost.XGBoostPredictor.from_checkpoint + ray.ml.predictors.integrations.xgboost.XGBoostPredictor.predict ray-air/getting-started.html#ray.ml.predictors.integrations.xgboost.XGBoostPredictor.predict + ray.ml.preprocessor.Preprocessor.check_is_fitted ray-air/getting-started.html#ray.ml.preprocessor.Preprocessor.check_is_fitted + ray.ml.preprocessor.Preprocessor.fit ray-air/getting-started.html#ray.ml.preprocessor.Preprocessor.fit + ray.ml.preprocessor.Preprocessor.fit_transform ray-air/getting-started.html#ray.ml.preprocessor.Preprocessor.fit_transform + ray.ml.preprocessor.Preprocessor.transform ray-air/getting-started.html#ray.ml.preprocessor.Preprocessor.transform + ray.ml.preprocessor.Preprocessor.transform_batch ray-air/getting-started.html#ray.ml.preprocessor.Preprocessor.transform_batch + ray.ml.preprocessors.Chain.check_is_fitted ray-air/getting-started.html#ray.ml.preprocessors.Chain.check_is_fitted + ray.ml.preprocessors.Chain.fit_transform ray-air/getting-started.html#ray.ml.preprocessors.Chain.fit_transform + ray.ml.train.data_parallel_trainer.DataParallelTrainer.training_loop ray-air/getting-started.html#ray.ml.train.data_parallel_trainer.DataParallelTrainer.training_loop + ray.ml.train.gbdt_trainer.GBDTTrainer.as_trainable ray-air/getting-started.html#ray.ml.train.gbdt_trainer.GBDTTrainer.as_trainable + ray.ml.train.gbdt_trainer.GBDTTrainer.preprocess_datasets ray-air/getting-started.html#ray.ml.train.gbdt_trainer.GBDTTrainer.preprocess_datasets + ray.ml.train.gbdt_trainer.GBDTTrainer.training_loop ray-air/getting-started.html#ray.ml.train.gbdt_trainer.GBDTTrainer.training_loop + ray.ml.trainer.Trainer.as_trainable ray-air/getting-started.html#ray.ml.trainer.Trainer.as_trainable + ray.ml.trainer.Trainer.fit ray-air/getting-started.html#ray.ml.trainer.Trainer.fit + ray.ml.trainer.Trainer.preprocess_datasets ray-air/getting-started.html#ray.ml.trainer.Trainer.preprocess_datasets + ray.ml.trainer.Trainer.setup ray-air/getting-started.html#ray.ml.trainer.Trainer.setup + ray.ml.trainer.Trainer.training_loop ray-air/getting-started.html#ray.ml.trainer.Trainer.training_loop + ray.rllib.agents.callbacks.DefaultCallbacks.on_episode_end rllib/rllib-training.html#ray.rllib.agents.callbacks.DefaultCallbacks.on_episode_end + ray.rllib.agents.callbacks.DefaultCallbacks.on_episode_start rllib/rllib-training.html#ray.rllib.agents.callbacks.DefaultCallbacks.on_episode_start + ray.rllib.agents.callbacks.DefaultCallbacks.on_episode_step rllib/rllib-training.html#ray.rllib.agents.callbacks.DefaultCallbacks.on_episode_step + ray.rllib.agents.callbacks.DefaultCallbacks.on_learn_on_batch rllib/rllib-training.html#ray.rllib.agents.callbacks.DefaultCallbacks.on_learn_on_batch + ray.rllib.agents.callbacks.DefaultCallbacks.on_postprocess_trajectory rllib/rllib-training.html#ray.rllib.agents.callbacks.DefaultCallbacks.on_postprocess_trajectory + ray.rllib.agents.callbacks.DefaultCallbacks.on_sample_end rllib/rllib-training.html#ray.rllib.agents.callbacks.DefaultCallbacks.on_sample_end + ray.rllib.agents.callbacks.DefaultCallbacks.on_sub_environment_created rllib/rllib-training.html#ray.rllib.agents.callbacks.DefaultCallbacks.on_sub_environment_created + ray.rllib.agents.callbacks.DefaultCallbacks.on_train_result rllib/rllib-training.html#ray.rllib.agents.callbacks.DefaultCallbacks.on_train_result + ray.rllib.agents.callbacks.DefaultCallbacks.on_trainer_init rllib/rllib-training.html#ray.rllib.agents.callbacks.DefaultCallbacks.on_trainer_init + ray.rllib.agents.trainer.Trainer.__init__ rllib/package_ref/trainer.html#ray.rllib.agents.trainer.Trainer.__init__ + ray.rllib.agents.trainer.Trainer.add_policy rllib/package_ref/trainer.html#ray.rllib.agents.trainer.Trainer.add_policy + ray.rllib.agents.trainer.Trainer.cleanup rllib/package_ref/trainer.html#ray.rllib.agents.trainer.Trainer.cleanup + ray.rllib.agents.trainer.Trainer.compute_actions rllib/package_ref/trainer.html#ray.rllib.agents.trainer.Trainer.compute_actions + ray.rllib.agents.trainer.Trainer.compute_single_action rllib/package_ref/trainer.html#ray.rllib.agents.trainer.Trainer.compute_single_action + ray.rllib.agents.trainer.Trainer.default_resource_request rllib/package_ref/trainer.html#ray.rllib.agents.trainer.Trainer.default_resource_request + ray.rllib.agents.trainer.Trainer.evaluate rllib/package_ref/trainer.html#ray.rllib.agents.trainer.Trainer.evaluate + ray.rllib.agents.trainer.Trainer.export_policy_checkpoint rllib/package_ref/trainer.html#ray.rllib.agents.trainer.Trainer.export_policy_checkpoint + ray.rllib.agents.trainer.Trainer.export_policy_model rllib/package_ref/trainer.html#ray.rllib.agents.trainer.Trainer.export_policy_model + ray.rllib.agents.trainer.Trainer.get_default_policy_class rllib/package_ref/trainer.html#ray.rllib.agents.trainer.Trainer.get_default_policy_class + ray.rllib.agents.trainer.Trainer.get_policy rllib/package_ref/trainer.html#ray.rllib.agents.trainer.Trainer.get_policy + ray.rllib.agents.trainer.Trainer.get_weights rllib/package_ref/trainer.html#ray.rllib.agents.trainer.Trainer.get_weights + ray.rllib.agents.trainer.Trainer.import_model rllib/package_ref/trainer.html#ray.rllib.agents.trainer.Trainer.import_model + ray.rllib.agents.trainer.Trainer.import_policy_model_from_h5 rllib/package_ref/trainer.html#ray.rllib.agents.trainer.Trainer.import_policy_model_from_h5 + ray.rllib.agents.trainer.Trainer.load_checkpoint rllib/package_ref/trainer.html#ray.rllib.agents.trainer.Trainer.load_checkpoint + ray.rllib.agents.trainer.Trainer.log_result rllib/package_ref/trainer.html#ray.rllib.agents.trainer.Trainer.log_result + ray.rllib.agents.trainer.Trainer.merge_trainer_configs rllib/package_ref/trainer.html#ray.rllib.agents.trainer.Trainer.merge_trainer_configs + ray.rllib.agents.trainer.Trainer.remove_policy rllib/package_ref/trainer.html#ray.rllib.agents.trainer.Trainer.remove_policy + ray.rllib.agents.trainer.Trainer.resource_help rllib/package_ref/trainer.html#ray.rllib.agents.trainer.Trainer.resource_help + ray.rllib.agents.trainer.Trainer.save_checkpoint rllib/package_ref/trainer.html#ray.rllib.agents.trainer.Trainer.save_checkpoint + ray.rllib.agents.trainer.Trainer.set_weights rllib/package_ref/trainer.html#ray.rllib.agents.trainer.Trainer.set_weights + ray.rllib.agents.trainer.Trainer.setup rllib/package_ref/trainer.html#ray.rllib.agents.trainer.Trainer.setup + ray.rllib.agents.trainer.Trainer.step rllib/package_ref/trainer.html#ray.rllib.agents.trainer.Trainer.step + ray.rllib.agents.trainer.Trainer.step_attempt rllib/package_ref/trainer.html#ray.rllib.agents.trainer.Trainer.step_attempt + ray.rllib.agents.trainer.Trainer.training_iteration rllib/package_ref/trainer.html#ray.rllib.agents.trainer.Trainer.training_iteration + ray.rllib.agents.trainer.Trainer.try_recover_from_step_attempt rllib/package_ref/trainer.html#ray.rllib.agents.trainer.Trainer.try_recover_from_step_attempt + ray.rllib.agents.trainer.Trainer.validate_config rllib/package_ref/trainer.html#ray.rllib.agents.trainer.Trainer.validate_config + ray.rllib.agents.trainer.Trainer.validate_env rllib/package_ref/trainer.html#ray.rllib.agents.trainer.Trainer.validate_env + ray.rllib.agents.trainer.Trainer.validate_framework rllib/package_ref/trainer.html#ray.rllib.agents.trainer.Trainer.validate_framework + ray.rllib.env.base_env.BaseEnv.action_space_contains rllib/package_ref/env/base_env.html#ray.rllib.env.base_env.BaseEnv.action_space_contains + ray.rllib.env.base_env.BaseEnv.action_space_sample rllib/package_ref/env/base_env.html#ray.rllib.env.base_env.BaseEnv.action_space_sample + ray.rllib.env.base_env.BaseEnv.get_agent_ids rllib/package_ref/env/base_env.html#ray.rllib.env.base_env.BaseEnv.get_agent_ids + ray.rllib.env.base_env.BaseEnv.get_sub_environments rllib/package_ref/env/base_env.html#ray.rllib.env.base_env.BaseEnv.get_sub_environments + ray.rllib.env.base_env.BaseEnv.last rllib/package_ref/env/base_env.html#ray.rllib.env.base_env.BaseEnv.last + ray.rllib.env.base_env.BaseEnv.observation_space_contains rllib/package_ref/env/base_env.html#ray.rllib.env.base_env.BaseEnv.observation_space_contains + ray.rllib.env.base_env.BaseEnv.observation_space_sample rllib/package_ref/env/base_env.html#ray.rllib.env.base_env.BaseEnv.observation_space_sample + ray.rllib.env.base_env.BaseEnv.poll rllib/package_ref/env/base_env.html#ray.rllib.env.base_env.BaseEnv.poll + ray.rllib.env.base_env.BaseEnv.send_actions rllib/package_ref/env/base_env.html#ray.rllib.env.base_env.BaseEnv.send_actions + ray.rllib.env.base_env.BaseEnv.stop rllib/package_ref/env/base_env.html#ray.rllib.env.base_env.BaseEnv.stop + ray.rllib.env.base_env.BaseEnv.to_base_env rllib/package_ref/env/base_env.html#ray.rllib.env.base_env.BaseEnv.to_base_env + ray.rllib.env.base_env.BaseEnv.try_render rllib/package_ref/env/base_env.html#ray.rllib.env.base_env.BaseEnv.try_render + ray.rllib.env.base_env.BaseEnv.try_reset rllib/package_ref/env/base_env.html#ray.rllib.env.base_env.BaseEnv.try_reset + ray.rllib.env.external_env.ExternalEnv.__init__ rllib/package_ref/env/external_env.html#ray.rllib.env.external_env.ExternalEnv.__init__ + ray.rllib.env.external_env.ExternalEnv.end_episode rllib/package_ref/env/external_env.html#ray.rllib.env.external_env.ExternalEnv.end_episode + ray.rllib.env.external_env.ExternalEnv.get_action rllib/package_ref/env/external_env.html#ray.rllib.env.external_env.ExternalEnv.get_action + ray.rllib.env.external_env.ExternalEnv.log_action rllib/package_ref/env/external_env.html#ray.rllib.env.external_env.ExternalEnv.log_action + ray.rllib.env.external_env.ExternalEnv.log_returns rllib/package_ref/env/external_env.html#ray.rllib.env.external_env.ExternalEnv.log_returns + ray.rllib.env.external_env.ExternalEnv.run rllib/package_ref/env/external_env.html#ray.rllib.env.external_env.ExternalEnv.run + ray.rllib.env.external_env.ExternalEnv.start_episode rllib/package_ref/env/external_env.html#ray.rllib.env.external_env.ExternalEnv.start_episode + ray.rllib.env.external_env.ExternalEnv.to_base_env rllib/package_ref/env/external_env.html#ray.rllib.env.external_env.ExternalEnv.to_base_env + ray.rllib.env.external_multi_agent_env.ExternalMultiAgentEnv.__init__ rllib/package_ref/env/external_env.html#ray.rllib.env.external_multi_agent_env.ExternalMultiAgentEnv.__init__ + ray.rllib.env.external_multi_agent_env.ExternalMultiAgentEnv.end_episode rllib/package_ref/env/external_env.html#ray.rllib.env.external_multi_agent_env.ExternalMultiAgentEnv.end_episode + ray.rllib.env.external_multi_agent_env.ExternalMultiAgentEnv.get_action rllib/package_ref/env/external_env.html#ray.rllib.env.external_multi_agent_env.ExternalMultiAgentEnv.get_action + ray.rllib.env.external_multi_agent_env.ExternalMultiAgentEnv.log_action rllib/package_ref/env/external_env.html#ray.rllib.env.external_multi_agent_env.ExternalMultiAgentEnv.log_action + ray.rllib.env.external_multi_agent_env.ExternalMultiAgentEnv.log_returns rllib/package_ref/env/external_env.html#ray.rllib.env.external_multi_agent_env.ExternalMultiAgentEnv.log_returns + ray.rllib.env.external_multi_agent_env.ExternalMultiAgentEnv.run rllib/package_ref/env/external_env.html#ray.rllib.env.external_multi_agent_env.ExternalMultiAgentEnv.run + ray.rllib.env.external_multi_agent_env.ExternalMultiAgentEnv.start_episode rllib/package_ref/env/external_env.html#ray.rllib.env.external_multi_agent_env.ExternalMultiAgentEnv.start_episode + ray.rllib.env.policy_client.PolicyClient.end_episode rllib/rllib-training.html#ray.rllib.env.policy_client.PolicyClient.end_episode + ray.rllib.env.policy_client.PolicyClient.get_action rllib/rllib-training.html#ray.rllib.env.policy_client.PolicyClient.get_action + ray.rllib.env.policy_client.PolicyClient.log_action rllib/rllib-training.html#ray.rllib.env.policy_client.PolicyClient.log_action + ray.rllib.env.policy_client.PolicyClient.log_returns rllib/rllib-training.html#ray.rllib.env.policy_client.PolicyClient.log_returns + ray.rllib.env.policy_client.PolicyClient.start_episode rllib/rllib-training.html#ray.rllib.env.policy_client.PolicyClient.start_episode + ray.rllib.env.policy_client.PolicyClient.update_policy_weights rllib/rllib-training.html#ray.rllib.env.policy_client.PolicyClient.update_policy_weights + ray.rllib.env.policy_server_input.PolicyServerInput.next rllib/rllib-training.html#ray.rllib.env.policy_server_input.PolicyServerInput.next + ray.rllib.env.vector_env.VectorEnv.__init__ rllib/package_ref/env/vector_env.html#ray.rllib.env.vector_env.VectorEnv.__init__ + ray.rllib.env.vector_env.VectorEnv.get_sub_environments rllib/package_ref/env/vector_env.html#ray.rllib.env.vector_env.VectorEnv.get_sub_environments + ray.rllib.env.vector_env.VectorEnv.reset_at rllib/package_ref/env/vector_env.html#ray.rllib.env.vector_env.VectorEnv.reset_at + ray.rllib.env.vector_env.VectorEnv.to_base_env rllib/package_ref/env/vector_env.html#ray.rllib.env.vector_env.VectorEnv.to_base_env + ray.rllib.env.vector_env.VectorEnv.try_render_at rllib/package_ref/env/vector_env.html#ray.rllib.env.vector_env.VectorEnv.try_render_at + ray.rllib.env.vector_env.VectorEnv.vector_reset rllib/package_ref/env/vector_env.html#ray.rllib.env.vector_env.VectorEnv.vector_reset + ray.rllib.env.vector_env.VectorEnv.vector_step rllib/package_ref/env/vector_env.html#ray.rllib.env.vector_env.VectorEnv.vector_step + ray.rllib.env.vector_env.VectorEnv.vectorize_gym_envs rllib/package_ref/env/vector_env.html#ray.rllib.env.vector_env.VectorEnv.vectorize_gym_envs + ray.rllib.env.vector_env._VectorizedGymEnv.__init__ rllib/package_ref/env/vector_env.html#ray.rllib.env.vector_env._VectorizedGymEnv.__init__ + ray.rllib.env.vector_env._VectorizedGymEnv.get_sub_environments rllib/package_ref/env/vector_env.html#ray.rllib.env.vector_env._VectorizedGymEnv.get_sub_environments + ray.rllib.env.vector_env._VectorizedGymEnv.reset_at rllib/package_ref/env/vector_env.html#ray.rllib.env.vector_env._VectorizedGymEnv.reset_at + ray.rllib.env.vector_env._VectorizedGymEnv.try_render_at rllib/package_ref/env/vector_env.html#ray.rllib.env.vector_env._VectorizedGymEnv.try_render_at + ray.rllib.env.vector_env._VectorizedGymEnv.vector_reset rllib/package_ref/env/vector_env.html#ray.rllib.env.vector_env._VectorizedGymEnv.vector_reset + ray.rllib.env.vector_env._VectorizedGymEnv.vector_step rllib/package_ref/env/vector_env.html#ray.rllib.env.vector_env._VectorizedGymEnv.vector_step + ray.rllib.evaluation.rollout_worker.RolloutWorker.__init__ rllib/package_ref/evaluation/rollout_worker.html#ray.rllib.evaluation.rollout_worker.RolloutWorker.__init__ + ray.rllib.evaluation.rollout_worker.RolloutWorker.add_policy rllib/package_ref/evaluation/rollout_worker.html#ray.rllib.evaluation.rollout_worker.RolloutWorker.add_policy + ray.rllib.evaluation.rollout_worker.RolloutWorker.apply rllib/package_ref/evaluation/rollout_worker.html#ray.rllib.evaluation.rollout_worker.RolloutWorker.apply + ray.rllib.evaluation.rollout_worker.RolloutWorker.apply_gradients rllib/package_ref/evaluation/rollout_worker.html#ray.rllib.evaluation.rollout_worker.RolloutWorker.apply_gradients + ray.rllib.evaluation.rollout_worker.RolloutWorker.as_remote rllib/package_ref/evaluation/rollout_worker.html#ray.rllib.evaluation.rollout_worker.RolloutWorker.as_remote + ray.rllib.evaluation.rollout_worker.RolloutWorker.compute_gradients rllib/package_ref/evaluation/rollout_worker.html#ray.rllib.evaluation.rollout_worker.RolloutWorker.compute_gradients + ray.rllib.evaluation.rollout_worker.RolloutWorker.creation_args rllib/package_ref/evaluation/rollout_worker.html#ray.rllib.evaluation.rollout_worker.RolloutWorker.creation_args + ray.rllib.evaluation.rollout_worker.RolloutWorker.find_free_port rllib/package_ref/evaluation/rollout_worker.html#ray.rllib.evaluation.rollout_worker.RolloutWorker.find_free_port + ray.rllib.evaluation.rollout_worker.RolloutWorker.for_policy rllib/package_ref/evaluation/rollout_worker.html#ray.rllib.evaluation.rollout_worker.RolloutWorker.for_policy + ray.rllib.evaluation.rollout_worker.RolloutWorker.foreach_env rllib/package_ref/evaluation/rollout_worker.html#ray.rllib.evaluation.rollout_worker.RolloutWorker.foreach_env + ray.rllib.evaluation.rollout_worker.RolloutWorker.foreach_env_with_context rllib/package_ref/evaluation/rollout_worker.html#ray.rllib.evaluation.rollout_worker.RolloutWorker.foreach_env_with_context + ray.rllib.evaluation.rollout_worker.RolloutWorker.foreach_policy rllib/package_ref/evaluation/rollout_worker.html#ray.rllib.evaluation.rollout_worker.RolloutWorker.foreach_policy + ray.rllib.evaluation.rollout_worker.RolloutWorker.foreach_policy_to_train rllib/package_ref/evaluation/rollout_worker.html#ray.rllib.evaluation.rollout_worker.RolloutWorker.foreach_policy_to_train + ray.rllib.evaluation.rollout_worker.RolloutWorker.get_filters rllib/package_ref/evaluation/rollout_worker.html#ray.rllib.evaluation.rollout_worker.RolloutWorker.get_filters + ray.rllib.evaluation.rollout_worker.RolloutWorker.get_global_vars rllib/package_ref/evaluation/rollout_worker.html#ray.rllib.evaluation.rollout_worker.RolloutWorker.get_global_vars + ray.rllib.evaluation.rollout_worker.RolloutWorker.get_host rllib/package_ref/evaluation/rollout_worker.html#ray.rllib.evaluation.rollout_worker.RolloutWorker.get_host + ray.rllib.evaluation.rollout_worker.RolloutWorker.get_metrics rllib/package_ref/evaluation/rollout_worker.html#ray.rllib.evaluation.rollout_worker.RolloutWorker.get_metrics + ray.rllib.evaluation.rollout_worker.RolloutWorker.get_node_ip rllib/package_ref/evaluation/rollout_worker.html#ray.rllib.evaluation.rollout_worker.RolloutWorker.get_node_ip + ray.rllib.evaluation.rollout_worker.RolloutWorker.get_policies_to_train rllib/package_ref/evaluation/rollout_worker.html#ray.rllib.evaluation.rollout_worker.RolloutWorker.get_policies_to_train + ray.rllib.evaluation.rollout_worker.RolloutWorker.get_policy rllib/package_ref/evaluation/rollout_worker.html#ray.rllib.evaluation.rollout_worker.RolloutWorker.get_policy + ray.rllib.evaluation.rollout_worker.RolloutWorker.get_weights rllib/package_ref/evaluation/rollout_worker.html#ray.rllib.evaluation.rollout_worker.RolloutWorker.get_weights + ray.rllib.evaluation.rollout_worker.RolloutWorker.learn_on_batch rllib/package_ref/evaluation/rollout_worker.html#ray.rllib.evaluation.rollout_worker.RolloutWorker.learn_on_batch + ray.rllib.evaluation.rollout_worker.RolloutWorker.remove_policy rllib/package_ref/evaluation/rollout_worker.html#ray.rllib.evaluation.rollout_worker.RolloutWorker.remove_policy + ray.rllib.evaluation.rollout_worker.RolloutWorker.restore rllib/package_ref/evaluation/rollout_worker.html#ray.rllib.evaluation.rollout_worker.RolloutWorker.restore + ray.rllib.evaluation.rollout_worker.RolloutWorker.sample rllib/package_ref/evaluation/rollout_worker.html#ray.rllib.evaluation.rollout_worker.RolloutWorker.sample + ray.rllib.evaluation.rollout_worker.RolloutWorker.sample_and_learn rllib/package_ref/evaluation/rollout_worker.html#ray.rllib.evaluation.rollout_worker.RolloutWorker.sample_and_learn + ray.rllib.evaluation.rollout_worker.RolloutWorker.sample_with_count rllib/package_ref/evaluation/rollout_worker.html#ray.rllib.evaluation.rollout_worker.RolloutWorker.sample_with_count + ray.rllib.evaluation.rollout_worker.RolloutWorker.save rllib/package_ref/evaluation/rollout_worker.html#ray.rllib.evaluation.rollout_worker.RolloutWorker.save + ray.rllib.evaluation.rollout_worker.RolloutWorker.set_global_vars rllib/package_ref/evaluation/rollout_worker.html#ray.rllib.evaluation.rollout_worker.RolloutWorker.set_global_vars + ray.rllib.evaluation.rollout_worker.RolloutWorker.set_is_policy_to_train rllib/package_ref/evaluation/rollout_worker.html#ray.rllib.evaluation.rollout_worker.RolloutWorker.set_is_policy_to_train + ray.rllib.evaluation.rollout_worker.RolloutWorker.set_policy_mapping_fn rllib/package_ref/evaluation/rollout_worker.html#ray.rllib.evaluation.rollout_worker.RolloutWorker.set_policy_mapping_fn + ray.rllib.evaluation.rollout_worker.RolloutWorker.set_weights rllib/package_ref/evaluation/rollout_worker.html#ray.rllib.evaluation.rollout_worker.RolloutWorker.set_weights + ray.rllib.evaluation.rollout_worker.RolloutWorker.setup_torch_data_parallel rllib/package_ref/evaluation/rollout_worker.html#ray.rllib.evaluation.rollout_worker.RolloutWorker.setup_torch_data_parallel + ray.rllib.evaluation.rollout_worker.RolloutWorker.stop rllib/package_ref/evaluation/rollout_worker.html#ray.rllib.evaluation.rollout_worker.RolloutWorker.stop + ray.rllib.evaluation.rollout_worker.RolloutWorker.sync_filters rllib/package_ref/evaluation/rollout_worker.html#ray.rllib.evaluation.rollout_worker.RolloutWorker.sync_filters + ray.rllib.evaluation.sampler.AsyncSampler.__init__ rllib/package_ref/evaluation/samplers.html#ray.rllib.evaluation.sampler.AsyncSampler.__init__ + ray.rllib.evaluation.sampler.AsyncSampler.get_data rllib/package_ref/evaluation/samplers.html#ray.rllib.evaluation.sampler.AsyncSampler.get_data + ray.rllib.evaluation.sampler.AsyncSampler.get_extra_batches rllib/package_ref/evaluation/samplers.html#ray.rllib.evaluation.sampler.AsyncSampler.get_extra_batches + ray.rllib.evaluation.sampler.AsyncSampler.get_metrics rllib/package_ref/evaluation/samplers.html#ray.rllib.evaluation.sampler.AsyncSampler.get_metrics + ray.rllib.evaluation.sampler.AsyncSampler.run rllib/package_ref/evaluation/samplers.html#ray.rllib.evaluation.sampler.AsyncSampler.run + ray.rllib.evaluation.sampler.SamplerInput.get_data rllib/package_ref/evaluation/samplers.html#ray.rllib.evaluation.sampler.SamplerInput.get_data + ray.rllib.evaluation.sampler.SamplerInput.get_extra_batches rllib/package_ref/evaluation/samplers.html#ray.rllib.evaluation.sampler.SamplerInput.get_extra_batches + ray.rllib.evaluation.sampler.SamplerInput.get_metrics rllib/package_ref/evaluation/samplers.html#ray.rllib.evaluation.sampler.SamplerInput.get_metrics + ray.rllib.evaluation.sampler.SamplerInput.next rllib/package_ref/evaluation/samplers.html#ray.rllib.evaluation.sampler.SamplerInput.next + ray.rllib.evaluation.sampler.SyncSampler.__init__ rllib/package_ref/evaluation/samplers.html#ray.rllib.evaluation.sampler.SyncSampler.__init__ + ray.rllib.evaluation.sampler.SyncSampler.get_data rllib/package_ref/evaluation/samplers.html#ray.rllib.evaluation.sampler.SyncSampler.get_data + ray.rllib.evaluation.sampler.SyncSampler.get_extra_batches rllib/package_ref/evaluation/samplers.html#ray.rllib.evaluation.sampler.SyncSampler.get_extra_batches + ray.rllib.evaluation.sampler.SyncSampler.get_metrics rllib/package_ref/evaluation/samplers.html#ray.rllib.evaluation.sampler.SyncSampler.get_metrics + ray.rllib.evaluation.worker_set.WorkerSet.__init__ rllib/package_ref/evaluation/worker_set.html#ray.rllib.evaluation.worker_set.WorkerSet.__init__ + ray.rllib.evaluation.worker_set.WorkerSet.add_workers rllib/package_ref/evaluation/worker_set.html#ray.rllib.evaluation.worker_set.WorkerSet.add_workers + ray.rllib.evaluation.worker_set.WorkerSet.foreach_env rllib/package_ref/evaluation/worker_set.html#ray.rllib.evaluation.worker_set.WorkerSet.foreach_env + ray.rllib.evaluation.worker_set.WorkerSet.foreach_env_with_context rllib/package_ref/evaluation/worker_set.html#ray.rllib.evaluation.worker_set.WorkerSet.foreach_env_with_context + ray.rllib.evaluation.worker_set.WorkerSet.foreach_policy rllib/package_ref/evaluation/worker_set.html#ray.rllib.evaluation.worker_set.WorkerSet.foreach_policy + ray.rllib.evaluation.worker_set.WorkerSet.foreach_policy_to_train rllib/package_ref/evaluation/worker_set.html#ray.rllib.evaluation.worker_set.WorkerSet.foreach_policy_to_train + ray.rllib.evaluation.worker_set.WorkerSet.foreach_worker rllib/package_ref/evaluation/worker_set.html#ray.rllib.evaluation.worker_set.WorkerSet.foreach_worker + ray.rllib.evaluation.worker_set.WorkerSet.foreach_worker_with_index rllib/package_ref/evaluation/worker_set.html#ray.rllib.evaluation.worker_set.WorkerSet.foreach_worker_with_index + ray.rllib.evaluation.worker_set.WorkerSet.is_policy_to_train rllib/package_ref/evaluation/worker_set.html#ray.rllib.evaluation.worker_set.WorkerSet.is_policy_to_train + ray.rllib.evaluation.worker_set.WorkerSet.local_worker rllib/package_ref/evaluation/worker_set.html#ray.rllib.evaluation.worker_set.WorkerSet.local_worker + ray.rllib.evaluation.worker_set.WorkerSet.remote_workers rllib/package_ref/evaluation/worker_set.html#ray.rllib.evaluation.worker_set.WorkerSet.remote_workers + ray.rllib.evaluation.worker_set.WorkerSet.reset rllib/package_ref/evaluation/worker_set.html#ray.rllib.evaluation.worker_set.WorkerSet.reset + ray.rllib.evaluation.worker_set.WorkerSet.stop rllib/package_ref/evaluation/worker_set.html#ray.rllib.evaluation.worker_set.WorkerSet.stop + ray.rllib.evaluation.worker_set.WorkerSet.sync_weights rllib/package_ref/evaluation/worker_set.html#ray.rllib.evaluation.worker_set.WorkerSet.sync_weights + ray.rllib.execution.LearnerThread.add_learner_metrics rllib/package_ref/execution.html#ray.rllib.execution.LearnerThread.add_learner_metrics + ray.rllib.execution.LearnerThread.run rllib/package_ref/execution.html#ray.rllib.execution.LearnerThread.run + ray.rllib.execution.MultiAgentReplayBuffer.add_batch rllib/package_ref/execution.html#ray.rllib.execution.MultiAgentReplayBuffer.add_batch + ray.rllib.execution.MultiAgentReplayBuffer.get_host rllib/package_ref/execution.html#ray.rllib.execution.MultiAgentReplayBuffer.get_host + ray.rllib.execution.MultiAgentReplayBuffer.get_instance_for_testing rllib/package_ref/execution.html#ray.rllib.execution.MultiAgentReplayBuffer.get_instance_for_testing + ray.rllib.execution.MultiAgentReplayBuffer.replay rllib/package_ref/execution.html#ray.rllib.execution.MultiAgentReplayBuffer.replay + ray.rllib.execution.MultiAgentReplayBuffer.stats rllib/package_ref/execution.html#ray.rllib.execution.MultiAgentReplayBuffer.stats + ray.rllib.execution.MultiAgentReplayBuffer.update_priorities rllib/package_ref/execution.html#ray.rllib.execution.MultiAgentReplayBuffer.update_priorities + ray.rllib.models.modelv2.ModelV2.context rllib/package_ref/models.html#ray.rllib.models.modelv2.ModelV2.context + ray.rllib.models.modelv2.ModelV2.custom_loss rllib/package_ref/models.html#ray.rllib.models.modelv2.ModelV2.custom_loss + ray.rllib.models.modelv2.ModelV2.forward rllib/package_ref/models.html#ray.rllib.models.modelv2.ModelV2.forward + ray.rllib.models.modelv2.ModelV2.get_initial_state rllib/package_ref/models.html#ray.rllib.models.modelv2.ModelV2.get_initial_state + ray.rllib.models.modelv2.ModelV2.import_from_h5 rllib/package_ref/models.html#ray.rllib.models.modelv2.ModelV2.import_from_h5 + ray.rllib.models.modelv2.ModelV2.is_time_major rllib/package_ref/models.html#ray.rllib.models.modelv2.ModelV2.is_time_major + ray.rllib.models.modelv2.ModelV2.last_output rllib/package_ref/models.html#ray.rllib.models.modelv2.ModelV2.last_output + ray.rllib.models.modelv2.ModelV2.metrics rllib/package_ref/models.html#ray.rllib.models.modelv2.ModelV2.metrics + ray.rllib.models.modelv2.ModelV2.trainable_variables rllib/package_ref/models.html#ray.rllib.models.modelv2.ModelV2.trainable_variables + ray.rllib.models.modelv2.ModelV2.value_function rllib/package_ref/models.html#ray.rllib.models.modelv2.ModelV2.value_function + ray.rllib.models.modelv2.ModelV2.variables rllib/package_ref/models.html#ray.rllib.models.modelv2.ModelV2.variables + ray.rllib.models.tf.recurrent_net.RecurrentNetwork.__init__ rllib/rllib-models.html#ray.rllib.models.tf.recurrent_net.RecurrentNetwork.__init__ + ray.rllib.models.tf.recurrent_net.RecurrentNetwork.forward_rnn rllib/rllib-models.html#ray.rllib.models.tf.recurrent_net.RecurrentNetwork.forward_rnn + ray.rllib.models.tf.recurrent_net.RecurrentNetwork.get_initial_state rllib/rllib-models.html#ray.rllib.models.tf.recurrent_net.RecurrentNetwork.get_initial_state + ray.rllib.models.tf.tf_modelv2.TFModelV2.context rllib/package_ref/models.html#ray.rllib.models.tf.tf_modelv2.TFModelV2.context + ray.rllib.models.tf.tf_modelv2.TFModelV2.register_variables rllib/package_ref/models.html#ray.rllib.models.tf.tf_modelv2.TFModelV2.register_variables + ray.rllib.models.tf.tf_modelv2.TFModelV2.trainable_variables rllib/package_ref/models.html#ray.rllib.models.tf.tf_modelv2.TFModelV2.trainable_variables + ray.rllib.models.tf.tf_modelv2.TFModelV2.update_ops rllib/package_ref/models.html#ray.rllib.models.tf.tf_modelv2.TFModelV2.update_ops + ray.rllib.models.tf.tf_modelv2.TFModelV2.variables rllib/package_ref/models.html#ray.rllib.models.tf.tf_modelv2.TFModelV2.variables + ray.rllib.models.torch.torch_modelv2.TorchModelV2.trainable_variables rllib/package_ref/models.html#ray.rllib.models.torch.torch_modelv2.TorchModelV2.trainable_variables + ray.rllib.models.torch.torch_modelv2.TorchModelV2.variables rllib/package_ref/models.html#ray.rllib.models.torch.torch_modelv2.TorchModelV2.variables + ray.rllib.offline.d4rl_reader.D4RLReader.__init__ rllib/package_ref/offline.html#ray.rllib.offline.d4rl_reader.D4RLReader.__init__ + ray.rllib.offline.d4rl_reader.D4RLReader.next rllib/package_ref/offline.html#ray.rllib.offline.d4rl_reader.D4RLReader.next + ray.rllib.offline.input_reader.InputReader.next rllib/package_ref/offline.html#ray.rllib.offline.input_reader.InputReader.next + ray.rllib.offline.input_reader.InputReader.tf_input_ops rllib/package_ref/offline.html#ray.rllib.offline.input_reader.InputReader.tf_input_ops + ray.rllib.offline.io_context.IOContext.__init__ rllib/package_ref/offline.html#ray.rllib.offline.io_context.IOContext.__init__ + ray.rllib.offline.io_context.IOContext.default_sampler_input rllib/package_ref/offline.html#ray.rllib.offline.io_context.IOContext.default_sampler_input + ray.rllib.offline.json_reader.JsonReader.__init__ rllib/package_ref/offline.html#ray.rllib.offline.json_reader.JsonReader.__init__ + ray.rllib.offline.json_reader.JsonReader.next rllib/package_ref/offline.html#ray.rllib.offline.json_reader.JsonReader.next + ray.rllib.offline.json_reader.JsonReader.read_all_files rllib/package_ref/offline.html#ray.rllib.offline.json_reader.JsonReader.read_all_files + ray.rllib.offline.mixed_input.MixedInput.__init__ rllib/package_ref/offline.html#ray.rllib.offline.mixed_input.MixedInput.__init__ + ray.rllib.offline.mixed_input.MixedInput.next rllib/package_ref/offline.html#ray.rllib.offline.mixed_input.MixedInput.next + ray.rllib.policy.dynamic_tf_policy.DynamicTFPolicy.__init__ rllib/package_ref/policy/tf_policies.html#ray.rllib.policy.dynamic_tf_policy.DynamicTFPolicy.__init__ + ray.rllib.policy.dynamic_tf_policy.DynamicTFPolicy.copy rllib/package_ref/policy/tf_policies.html#ray.rllib.policy.dynamic_tf_policy.DynamicTFPolicy.copy + ray.rllib.policy.dynamic_tf_policy.DynamicTFPolicy.get_initial_state rllib/package_ref/policy/tf_policies.html#ray.rllib.policy.dynamic_tf_policy.DynamicTFPolicy.get_initial_state + ray.rllib.policy.dynamic_tf_policy.DynamicTFPolicy.get_num_samples_loaded_into_buffer rllib/package_ref/policy/tf_policies.html#ray.rllib.policy.dynamic_tf_policy.DynamicTFPolicy.get_num_samples_loaded_into_buffer + ray.rllib.policy.dynamic_tf_policy.DynamicTFPolicy.learn_on_loaded_batch rllib/package_ref/policy/tf_policies.html#ray.rllib.policy.dynamic_tf_policy.DynamicTFPolicy.learn_on_loaded_batch + ray.rllib.policy.dynamic_tf_policy.DynamicTFPolicy.load_batch_into_buffer rllib/package_ref/policy/tf_policies.html#ray.rllib.policy.dynamic_tf_policy.DynamicTFPolicy.load_batch_into_buffer + ray.rllib.policy.policy.Policy.__init__ rllib/package_ref/policy/policy.html#ray.rllib.policy.policy.Policy.__init__ + ray.rllib.policy.policy.Policy.apply rllib/package_ref/policy/policy.html#ray.rllib.policy.policy.Policy.apply + ray.rllib.policy.policy.Policy.apply_gradients rllib/package_ref/policy/policy.html#ray.rllib.policy.policy.Policy.apply_gradients + ray.rllib.policy.policy.Policy.compute_actions rllib/package_ref/policy/policy.html#ray.rllib.policy.policy.Policy.compute_actions + ray.rllib.policy.policy.Policy.compute_actions_from_input_dict rllib/package_ref/policy/policy.html#ray.rllib.policy.policy.Policy.compute_actions_from_input_dict + ray.rllib.policy.policy.Policy.compute_gradients rllib/package_ref/policy/policy.html#ray.rllib.policy.policy.Policy.compute_gradients + ray.rllib.policy.policy.Policy.compute_log_likelihoods rllib/package_ref/policy/policy.html#ray.rllib.policy.policy.Policy.compute_log_likelihoods + ray.rllib.policy.policy.Policy.compute_single_action rllib/package_ref/policy/policy.html#ray.rllib.policy.policy.Policy.compute_single_action + ray.rllib.policy.policy.Policy.export_checkpoint rllib/package_ref/policy/policy.html#ray.rllib.policy.policy.Policy.export_checkpoint + ray.rllib.policy.policy.Policy.export_model rllib/package_ref/policy/policy.html#ray.rllib.policy.policy.Policy.export_model + ray.rllib.policy.policy.Policy.get_exploration_state rllib/package_ref/policy/policy.html#ray.rllib.policy.policy.Policy.get_exploration_state + ray.rllib.policy.policy.Policy.get_host rllib/package_ref/policy/policy.html#ray.rllib.policy.policy.Policy.get_host + ray.rllib.policy.policy.Policy.get_initial_state rllib/package_ref/policy/policy.html#ray.rllib.policy.policy.Policy.get_initial_state + ray.rllib.policy.policy.Policy.get_num_samples_loaded_into_buffer rllib/package_ref/policy/policy.html#ray.rllib.policy.policy.Policy.get_num_samples_loaded_into_buffer + ray.rllib.policy.policy.Policy.get_session rllib/package_ref/policy/policy.html#ray.rllib.policy.policy.Policy.get_session + ray.rllib.policy.policy.Policy.get_state rllib/package_ref/policy/policy.html#ray.rllib.policy.policy.Policy.get_state + ray.rllib.policy.policy.Policy.get_weights rllib/package_ref/policy/policy.html#ray.rllib.policy.policy.Policy.get_weights + ray.rllib.policy.policy.Policy.import_model_from_h5 rllib/package_ref/policy/policy.html#ray.rllib.policy.policy.Policy.import_model_from_h5 + ray.rllib.policy.policy.Policy.is_recurrent rllib/package_ref/policy/policy.html#ray.rllib.policy.policy.Policy.is_recurrent + ray.rllib.policy.policy.Policy.learn_on_batch rllib/package_ref/policy/policy.html#ray.rllib.policy.policy.Policy.learn_on_batch + ray.rllib.policy.policy.Policy.learn_on_batch_from_replay_buffer rllib/package_ref/policy/policy.html#ray.rllib.policy.policy.Policy.learn_on_batch_from_replay_buffer + ray.rllib.policy.policy.Policy.learn_on_loaded_batch rllib/package_ref/policy/policy.html#ray.rllib.policy.policy.Policy.learn_on_loaded_batch + ray.rllib.policy.policy.Policy.load_batch_into_buffer rllib/package_ref/policy/policy.html#ray.rllib.policy.policy.Policy.load_batch_into_buffer + ray.rllib.policy.policy.Policy.loss rllib/package_ref/policy/policy.html#ray.rllib.policy.policy.Policy.loss + ray.rllib.policy.policy.Policy.num_state_tensors rllib/package_ref/policy/policy.html#ray.rllib.policy.policy.Policy.num_state_tensors + ray.rllib.policy.policy.Policy.on_global_var_update rllib/package_ref/policy/policy.html#ray.rllib.policy.policy.Policy.on_global_var_update + ray.rllib.policy.policy.Policy.postprocess_trajectory rllib/package_ref/policy/policy.html#ray.rllib.policy.policy.Policy.postprocess_trajectory + ray.rllib.policy.policy.Policy.set_state rllib/package_ref/policy/policy.html#ray.rllib.policy.policy.Policy.set_state + ray.rllib.policy.policy.Policy.set_weights rllib/package_ref/policy/policy.html#ray.rllib.policy.policy.Policy.set_weights + ray.rllib.policy.policy_map.PolicyMap.create_policy rllib/package_ref/evaluation/policy_map.html#ray.rllib.policy.policy_map.PolicyMap.create_policy + ray.rllib.policy.policy_map.PolicyMap.get rllib/package_ref/evaluation/policy_map.html#ray.rllib.policy.policy_map.PolicyMap.get + ray.rllib.policy.policy_map.PolicyMap.items rllib/package_ref/evaluation/policy_map.html#ray.rllib.policy.policy_map.PolicyMap.items + ray.rllib.policy.policy_map.PolicyMap.keys rllib/package_ref/evaluation/policy_map.html#ray.rllib.policy.policy_map.PolicyMap.keys + ray.rllib.policy.policy_map.PolicyMap.update rllib/package_ref/evaluation/policy_map.html#ray.rllib.policy.policy_map.PolicyMap.update + ray.rllib.policy.policy_map.PolicyMap.values rllib/package_ref/evaluation/policy_map.html#ray.rllib.policy.policy_map.PolicyMap.values + ray.rllib.policy.sample_batch.MultiAgentBatch.agent_steps rllib/package_ref/evaluation/sample_batch.html#ray.rllib.policy.sample_batch.MultiAgentBatch.agent_steps + ray.rllib.policy.sample_batch.MultiAgentBatch.as_multi_agent rllib/package_ref/evaluation/sample_batch.html#ray.rllib.policy.sample_batch.MultiAgentBatch.as_multi_agent + ray.rllib.policy.sample_batch.MultiAgentBatch.compress rllib/package_ref/evaluation/sample_batch.html#ray.rllib.policy.sample_batch.MultiAgentBatch.compress + ray.rllib.policy.sample_batch.MultiAgentBatch.concat_samples rllib/package_ref/evaluation/sample_batch.html#ray.rllib.policy.sample_batch.MultiAgentBatch.concat_samples + ray.rllib.policy.sample_batch.MultiAgentBatch.copy rllib/package_ref/evaluation/sample_batch.html#ray.rllib.policy.sample_batch.MultiAgentBatch.copy + ray.rllib.policy.sample_batch.MultiAgentBatch.decompress_if_needed rllib/package_ref/evaluation/sample_batch.html#ray.rllib.policy.sample_batch.MultiAgentBatch.decompress_if_needed + ray.rllib.policy.sample_batch.MultiAgentBatch.env_steps rllib/package_ref/evaluation/sample_batch.html#ray.rllib.policy.sample_batch.MultiAgentBatch.env_steps + ray.rllib.policy.sample_batch.MultiAgentBatch.size_bytes rllib/package_ref/evaluation/sample_batch.html#ray.rllib.policy.sample_batch.MultiAgentBatch.size_bytes + ray.rllib.policy.sample_batch.MultiAgentBatch.timeslices rllib/package_ref/evaluation/sample_batch.html#ray.rllib.policy.sample_batch.MultiAgentBatch.timeslices + ray.rllib.policy.sample_batch.MultiAgentBatch.wrap_as_needed rllib/package_ref/evaluation/sample_batch.html#ray.rllib.policy.sample_batch.MultiAgentBatch.wrap_as_needed + ray.rllib.policy.sample_batch.SampleBatch.agent_steps rllib/package_ref/evaluation/sample_batch.html#ray.rllib.policy.sample_batch.SampleBatch.agent_steps + ray.rllib.policy.sample_batch.SampleBatch.as_multi_agent rllib/package_ref/evaluation/sample_batch.html#ray.rllib.policy.sample_batch.SampleBatch.as_multi_agent + ray.rllib.policy.sample_batch.SampleBatch.columns rllib/package_ref/evaluation/sample_batch.html#ray.rllib.policy.sample_batch.SampleBatch.columns + ray.rllib.policy.sample_batch.SampleBatch.compress rllib/package_ref/evaluation/sample_batch.html#ray.rllib.policy.sample_batch.SampleBatch.compress + ray.rllib.policy.sample_batch.SampleBatch.concat rllib/package_ref/evaluation/sample_batch.html#ray.rllib.policy.sample_batch.SampleBatch.concat + ray.rllib.policy.sample_batch.SampleBatch.concat_samples rllib/package_ref/evaluation/sample_batch.html#ray.rllib.policy.sample_batch.SampleBatch.concat_samples + ray.rllib.policy.sample_batch.SampleBatch.copy rllib/package_ref/evaluation/sample_batch.html#ray.rllib.policy.sample_batch.SampleBatch.copy + ray.rllib.policy.sample_batch.SampleBatch.decompress_if_needed rllib/package_ref/evaluation/sample_batch.html#ray.rllib.policy.sample_batch.SampleBatch.decompress_if_needed + ray.rllib.policy.sample_batch.SampleBatch.env_steps rllib/package_ref/evaluation/sample_batch.html#ray.rllib.policy.sample_batch.SampleBatch.env_steps + ray.rllib.policy.sample_batch.SampleBatch.get rllib/package_ref/evaluation/sample_batch.html#ray.rllib.policy.sample_batch.SampleBatch.get + ray.rllib.policy.sample_batch.SampleBatch.get_single_step_input_dict rllib/package_ref/evaluation/sample_batch.html#ray.rllib.policy.sample_batch.SampleBatch.get_single_step_input_dict + ray.rllib.policy.sample_batch.SampleBatch.right_zero_pad rllib/package_ref/evaluation/sample_batch.html#ray.rllib.policy.sample_batch.SampleBatch.right_zero_pad + ray.rllib.policy.sample_batch.SampleBatch.rows rllib/package_ref/evaluation/sample_batch.html#ray.rllib.policy.sample_batch.SampleBatch.rows + ray.rllib.policy.sample_batch.SampleBatch.shuffle rllib/package_ref/evaluation/sample_batch.html#ray.rllib.policy.sample_batch.SampleBatch.shuffle + ray.rllib.policy.sample_batch.SampleBatch.size_bytes rllib/package_ref/evaluation/sample_batch.html#ray.rllib.policy.sample_batch.SampleBatch.size_bytes + ray.rllib.policy.sample_batch.SampleBatch.split_by_episode rllib/package_ref/evaluation/sample_batch.html#ray.rllib.policy.sample_batch.SampleBatch.split_by_episode + ray.rllib.policy.sample_batch.SampleBatch.timeslices rllib/package_ref/evaluation/sample_batch.html#ray.rllib.policy.sample_batch.SampleBatch.timeslices + ray.rllib.policy.sample_batch.SampleBatch.to_device rllib/package_ref/evaluation/sample_batch.html#ray.rllib.policy.sample_batch.SampleBatch.to_device + ray.rllib.policy.tf_policy.TFPolicy.__init__ rllib/package_ref/policy/tf_policies.html#ray.rllib.policy.tf_policy.TFPolicy.__init__ + ray.rllib.policy.tf_policy.TFPolicy.apply_gradients rllib/package_ref/policy/tf_policies.html#ray.rllib.policy.tf_policy.TFPolicy.apply_gradients + ray.rllib.policy.tf_policy.TFPolicy.build_apply_op rllib/package_ref/policy/tf_policies.html#ray.rllib.policy.tf_policy.TFPolicy.build_apply_op + ray.rllib.policy.tf_policy.TFPolicy.compute_actions rllib/package_ref/policy/tf_policies.html#ray.rllib.policy.tf_policy.TFPolicy.compute_actions + ray.rllib.policy.tf_policy.TFPolicy.compute_actions_from_input_dict rllib/package_ref/policy/tf_policies.html#ray.rllib.policy.tf_policy.TFPolicy.compute_actions_from_input_dict + ray.rllib.policy.tf_policy.TFPolicy.compute_gradients rllib/package_ref/policy/tf_policies.html#ray.rllib.policy.tf_policy.TFPolicy.compute_gradients + ray.rllib.policy.tf_policy.TFPolicy.compute_log_likelihoods rllib/package_ref/policy/tf_policies.html#ray.rllib.policy.tf_policy.TFPolicy.compute_log_likelihoods + ray.rllib.policy.tf_policy.TFPolicy.copy rllib/package_ref/policy/tf_policies.html#ray.rllib.policy.tf_policy.TFPolicy.copy + ray.rllib.policy.tf_policy.TFPolicy.export_checkpoint rllib/package_ref/policy/tf_policies.html#ray.rllib.policy.tf_policy.TFPolicy.export_checkpoint + ray.rllib.policy.tf_policy.TFPolicy.export_model rllib/package_ref/policy/tf_policies.html#ray.rllib.policy.tf_policy.TFPolicy.export_model + ray.rllib.policy.tf_policy.TFPolicy.extra_compute_action_feed_dict rllib/package_ref/policy/tf_policies.html#ray.rllib.policy.tf_policy.TFPolicy.extra_compute_action_feed_dict + ray.rllib.policy.tf_policy.TFPolicy.extra_compute_action_fetches rllib/package_ref/policy/tf_policies.html#ray.rllib.policy.tf_policy.TFPolicy.extra_compute_action_fetches + ray.rllib.policy.tf_policy.TFPolicy.extra_compute_grad_feed_dict rllib/package_ref/policy/tf_policies.html#ray.rllib.policy.tf_policy.TFPolicy.extra_compute_grad_feed_dict + ray.rllib.policy.tf_policy.TFPolicy.extra_compute_grad_fetches rllib/package_ref/policy/tf_policies.html#ray.rllib.policy.tf_policy.TFPolicy.extra_compute_grad_fetches + ray.rllib.policy.tf_policy.TFPolicy.get_exploration_state rllib/package_ref/policy/tf_policies.html#ray.rllib.policy.tf_policy.TFPolicy.get_exploration_state + ray.rllib.policy.tf_policy.TFPolicy.get_placeholder rllib/package_ref/policy/tf_policies.html#ray.rllib.policy.tf_policy.TFPolicy.get_placeholder + ray.rllib.policy.tf_policy.TFPolicy.get_session rllib/package_ref/policy/tf_policies.html#ray.rllib.policy.tf_policy.TFPolicy.get_session + ray.rllib.policy.tf_policy.TFPolicy.get_state rllib/package_ref/policy/tf_policies.html#ray.rllib.policy.tf_policy.TFPolicy.get_state + ray.rllib.policy.tf_policy.TFPolicy.get_weights rllib/package_ref/policy/tf_policies.html#ray.rllib.policy.tf_policy.TFPolicy.get_weights + ray.rllib.policy.tf_policy.TFPolicy.gradients rllib/package_ref/policy/tf_policies.html#ray.rllib.policy.tf_policy.TFPolicy.gradients + ray.rllib.policy.tf_policy.TFPolicy.import_model_from_h5 rllib/package_ref/policy/tf_policies.html#ray.rllib.policy.tf_policy.TFPolicy.import_model_from_h5 + ray.rllib.policy.tf_policy.TFPolicy.is_recurrent rllib/package_ref/policy/tf_policies.html#ray.rllib.policy.tf_policy.TFPolicy.is_recurrent + ray.rllib.policy.tf_policy.TFPolicy.learn_on_batch rllib/package_ref/policy/tf_policies.html#ray.rllib.policy.tf_policy.TFPolicy.learn_on_batch + ray.rllib.policy.tf_policy.TFPolicy.loss_initialized rllib/package_ref/policy/tf_policies.html#ray.rllib.policy.tf_policy.TFPolicy.loss_initialized + ray.rllib.policy.tf_policy.TFPolicy.num_state_tensors rllib/package_ref/policy/tf_policies.html#ray.rllib.policy.tf_policy.TFPolicy.num_state_tensors + ray.rllib.policy.tf_policy.TFPolicy.optimizer rllib/package_ref/policy/tf_policies.html#ray.rllib.policy.tf_policy.TFPolicy.optimizer + ray.rllib.policy.tf_policy.TFPolicy.set_state rllib/package_ref/policy/tf_policies.html#ray.rllib.policy.tf_policy.TFPolicy.set_state + ray.rllib.policy.tf_policy.TFPolicy.set_weights rllib/package_ref/policy/tf_policies.html#ray.rllib.policy.tf_policy.TFPolicy.set_weights + ray.rllib.policy.tf_policy.TFPolicy.variables rllib/package_ref/policy/tf_policies.html#ray.rllib.policy.tf_policy.TFPolicy.variables + ray.rllib.policy.torch_policy.TorchPolicy.__init__ rllib/package_ref/policy/torch_policy.html#ray.rllib.policy.torch_policy.TorchPolicy.__init__ + ray.rllib.policy.torch_policy.TorchPolicy.apply_gradients rllib/package_ref/policy/torch_policy.html#ray.rllib.policy.torch_policy.TorchPolicy.apply_gradients + ray.rllib.policy.torch_policy.TorchPolicy.compute_actions rllib/package_ref/policy/torch_policy.html#ray.rllib.policy.torch_policy.TorchPolicy.compute_actions + ray.rllib.policy.torch_policy.TorchPolicy.compute_actions_from_input_dict rllib/package_ref/policy/torch_policy.html#ray.rllib.policy.torch_policy.TorchPolicy.compute_actions_from_input_dict + ray.rllib.policy.torch_policy.TorchPolicy.compute_gradients rllib/package_ref/policy/torch_policy.html#ray.rllib.policy.torch_policy.TorchPolicy.compute_gradients + ray.rllib.policy.torch_policy.TorchPolicy.compute_log_likelihoods rllib/package_ref/policy/torch_policy.html#ray.rllib.policy.torch_policy.TorchPolicy.compute_log_likelihoods + ray.rllib.policy.torch_policy.TorchPolicy.export_checkpoint rllib/package_ref/policy/torch_policy.html#ray.rllib.policy.torch_policy.TorchPolicy.export_checkpoint + ray.rllib.policy.torch_policy.TorchPolicy.export_model rllib/package_ref/policy/torch_policy.html#ray.rllib.policy.torch_policy.TorchPolicy.export_model + ray.rllib.policy.torch_policy.TorchPolicy.extra_action_out rllib/package_ref/policy/torch_policy.html#ray.rllib.policy.torch_policy.TorchPolicy.extra_action_out + ray.rllib.policy.torch_policy.TorchPolicy.extra_compute_grad_fetches rllib/package_ref/policy/torch_policy.html#ray.rllib.policy.torch_policy.TorchPolicy.extra_compute_grad_fetches + ray.rllib.policy.torch_policy.TorchPolicy.extra_grad_info rllib/package_ref/policy/torch_policy.html#ray.rllib.policy.torch_policy.TorchPolicy.extra_grad_info + ray.rllib.policy.torch_policy.TorchPolicy.extra_grad_process rllib/package_ref/policy/torch_policy.html#ray.rllib.policy.torch_policy.TorchPolicy.extra_grad_process + ray.rllib.policy.torch_policy.TorchPolicy.get_initial_state rllib/package_ref/policy/torch_policy.html#ray.rllib.policy.torch_policy.TorchPolicy.get_initial_state + ray.rllib.policy.torch_policy.TorchPolicy.get_num_samples_loaded_into_buffer rllib/package_ref/policy/torch_policy.html#ray.rllib.policy.torch_policy.TorchPolicy.get_num_samples_loaded_into_buffer + ray.rllib.policy.torch_policy.TorchPolicy.get_state rllib/package_ref/policy/torch_policy.html#ray.rllib.policy.torch_policy.TorchPolicy.get_state + ray.rllib.policy.torch_policy.TorchPolicy.get_tower_stats rllib/package_ref/policy/torch_policy.html#ray.rllib.policy.torch_policy.TorchPolicy.get_tower_stats + ray.rllib.policy.torch_policy.TorchPolicy.get_weights rllib/package_ref/policy/torch_policy.html#ray.rllib.policy.torch_policy.TorchPolicy.get_weights + ray.rllib.policy.torch_policy.TorchPolicy.import_model_from_h5 rllib/package_ref/policy/torch_policy.html#ray.rllib.policy.torch_policy.TorchPolicy.import_model_from_h5 + ray.rllib.policy.torch_policy.TorchPolicy.is_recurrent rllib/package_ref/policy/torch_policy.html#ray.rllib.policy.torch_policy.TorchPolicy.is_recurrent + ray.rllib.policy.torch_policy.TorchPolicy.learn_on_batch rllib/package_ref/policy/torch_policy.html#ray.rllib.policy.torch_policy.TorchPolicy.learn_on_batch + ray.rllib.policy.torch_policy.TorchPolicy.learn_on_loaded_batch rllib/package_ref/policy/torch_policy.html#ray.rllib.policy.torch_policy.TorchPolicy.learn_on_loaded_batch + ray.rllib.policy.torch_policy.TorchPolicy.load_batch_into_buffer rllib/package_ref/policy/torch_policy.html#ray.rllib.policy.torch_policy.TorchPolicy.load_batch_into_buffer + ray.rllib.policy.torch_policy.TorchPolicy.num_state_tensors rllib/package_ref/policy/torch_policy.html#ray.rllib.policy.torch_policy.TorchPolicy.num_state_tensors + ray.rllib.policy.torch_policy.TorchPolicy.optimizer rllib/package_ref/policy/torch_policy.html#ray.rllib.policy.torch_policy.TorchPolicy.optimizer + ray.rllib.policy.torch_policy.TorchPolicy.set_state rllib/package_ref/policy/torch_policy.html#ray.rllib.policy.torch_policy.TorchPolicy.set_state + ray.rllib.policy.torch_policy.TorchPolicy.set_weights rllib/package_ref/policy/torch_policy.html#ray.rllib.policy.torch_policy.TorchPolicy.set_weights + ray.rllib.utils.exploration.curiosity.Curiosity.__init__ rllib/package_ref/utils/exploration.html#ray.rllib.utils.exploration.curiosity.Curiosity.__init__ + ray.rllib.utils.exploration.curiosity.Curiosity.get_exploration_action rllib/package_ref/utils/exploration.html#ray.rllib.utils.exploration.curiosity.Curiosity.get_exploration_action + ray.rllib.utils.exploration.curiosity.Curiosity.get_exploration_optimizer rllib/package_ref/utils/exploration.html#ray.rllib.utils.exploration.curiosity.Curiosity.get_exploration_optimizer + ray.rllib.utils.exploration.curiosity.Curiosity.postprocess_trajectory rllib/package_ref/utils/exploration.html#ray.rllib.utils.exploration.curiosity.Curiosity.postprocess_trajectory + ray.rllib.utils.exploration.epsilon_greedy.EpsilonGreedy.__init__ rllib/package_ref/utils/exploration.html#ray.rllib.utils.exploration.epsilon_greedy.EpsilonGreedy.__init__ + ray.rllib.utils.exploration.epsilon_greedy.EpsilonGreedy.get_exploration_action rllib/package_ref/utils/exploration.html#ray.rllib.utils.exploration.epsilon_greedy.EpsilonGreedy.get_exploration_action + ray.rllib.utils.exploration.epsilon_greedy.EpsilonGreedy.get_state rllib/package_ref/utils/exploration.html#ray.rllib.utils.exploration.epsilon_greedy.EpsilonGreedy.get_state + ray.rllib.utils.exploration.epsilon_greedy.EpsilonGreedy.set_state rllib/package_ref/utils/exploration.html#ray.rllib.utils.exploration.epsilon_greedy.EpsilonGreedy.set_state + ray.rllib.utils.exploration.exploration.Exploration.before_compute_actions rllib/package_ref/utils/exploration.html#ray.rllib.utils.exploration.exploration.Exploration.before_compute_actions + ray.rllib.utils.exploration.exploration.Exploration.get_exploration_action rllib/package_ref/utils/exploration.html#ray.rllib.utils.exploration.exploration.Exploration.get_exploration_action + ray.rllib.utils.exploration.exploration.Exploration.get_exploration_optimizer rllib/package_ref/utils/exploration.html#ray.rllib.utils.exploration.exploration.Exploration.get_exploration_optimizer + ray.rllib.utils.exploration.exploration.Exploration.get_state rllib/package_ref/utils/exploration.html#ray.rllib.utils.exploration.exploration.Exploration.get_state + ray.rllib.utils.exploration.exploration.Exploration.on_episode_end rllib/package_ref/utils/exploration.html#ray.rllib.utils.exploration.exploration.Exploration.on_episode_end + ray.rllib.utils.exploration.exploration.Exploration.on_episode_start rllib/package_ref/utils/exploration.html#ray.rllib.utils.exploration.exploration.Exploration.on_episode_start + ray.rllib.utils.exploration.exploration.Exploration.postprocess_trajectory rllib/package_ref/utils/exploration.html#ray.rllib.utils.exploration.exploration.Exploration.postprocess_trajectory + ray.rllib.utils.exploration.exploration.Exploration.set_state rllib/package_ref/utils/exploration.html#ray.rllib.utils.exploration.exploration.Exploration.set_state + ray.rllib.utils.exploration.gaussian_noise.GaussianNoise.__init__ rllib/package_ref/utils/exploration.html#ray.rllib.utils.exploration.gaussian_noise.GaussianNoise.__init__ + ray.rllib.utils.exploration.gaussian_noise.GaussianNoise.get_exploration_action rllib/package_ref/utils/exploration.html#ray.rllib.utils.exploration.gaussian_noise.GaussianNoise.get_exploration_action + ray.rllib.utils.exploration.gaussian_noise.GaussianNoise.get_state rllib/package_ref/utils/exploration.html#ray.rllib.utils.exploration.gaussian_noise.GaussianNoise.get_state + ray.rllib.utils.exploration.gaussian_noise.GaussianNoise.set_state rllib/package_ref/utils/exploration.html#ray.rllib.utils.exploration.gaussian_noise.GaussianNoise.set_state + ray.rllib.utils.exploration.ornstein_uhlenbeck_noise.OrnsteinUhlenbeckNoise.__init__ rllib/package_ref/utils/exploration.html#ray.rllib.utils.exploration.ornstein_uhlenbeck_noise.OrnsteinUhlenbeckNoise.__init__ + ray.rllib.utils.exploration.ornstein_uhlenbeck_noise.OrnsteinUhlenbeckNoise.get_state rllib/package_ref/utils/exploration.html#ray.rllib.utils.exploration.ornstein_uhlenbeck_noise.OrnsteinUhlenbeckNoise.get_state + ray.rllib.utils.exploration.ornstein_uhlenbeck_noise.OrnsteinUhlenbeckNoise.set_state rllib/package_ref/utils/exploration.html#ray.rllib.utils.exploration.ornstein_uhlenbeck_noise.OrnsteinUhlenbeckNoise.set_state + ray.rllib.utils.exploration.parameter_noise.ParameterNoise.__init__ rllib/package_ref/utils/exploration.html#ray.rllib.utils.exploration.parameter_noise.ParameterNoise.__init__ + ray.rllib.utils.exploration.parameter_noise.ParameterNoise.before_compute_actions rllib/package_ref/utils/exploration.html#ray.rllib.utils.exploration.parameter_noise.ParameterNoise.before_compute_actions + ray.rllib.utils.exploration.parameter_noise.ParameterNoise.get_exploration_action rllib/package_ref/utils/exploration.html#ray.rllib.utils.exploration.parameter_noise.ParameterNoise.get_exploration_action + ray.rllib.utils.exploration.parameter_noise.ParameterNoise.get_state rllib/package_ref/utils/exploration.html#ray.rllib.utils.exploration.parameter_noise.ParameterNoise.get_state + ray.rllib.utils.exploration.parameter_noise.ParameterNoise.on_episode_end rllib/package_ref/utils/exploration.html#ray.rllib.utils.exploration.parameter_noise.ParameterNoise.on_episode_end + ray.rllib.utils.exploration.parameter_noise.ParameterNoise.on_episode_start rllib/package_ref/utils/exploration.html#ray.rllib.utils.exploration.parameter_noise.ParameterNoise.on_episode_start + ray.rllib.utils.exploration.parameter_noise.ParameterNoise.postprocess_trajectory rllib/package_ref/utils/exploration.html#ray.rllib.utils.exploration.parameter_noise.ParameterNoise.postprocess_trajectory + ray.rllib.utils.exploration.parameter_noise.ParameterNoise.set_state rllib/package_ref/utils/exploration.html#ray.rllib.utils.exploration.parameter_noise.ParameterNoise.set_state + ray.rllib.utils.exploration.random.Random.__init__ rllib/package_ref/utils/exploration.html#ray.rllib.utils.exploration.random.Random.__init__ + ray.rllib.utils.exploration.random.Random.get_exploration_action rllib/package_ref/utils/exploration.html#ray.rllib.utils.exploration.random.Random.get_exploration_action + ray.rllib.utils.exploration.random_encoder.RE3.__init__ rllib/package_ref/utils/exploration.html#ray.rllib.utils.exploration.random_encoder.RE3.__init__ + ray.rllib.utils.exploration.random_encoder.RE3.get_exploration_action rllib/package_ref/utils/exploration.html#ray.rllib.utils.exploration.random_encoder.RE3.get_exploration_action + ray.rllib.utils.exploration.random_encoder.RE3.postprocess_trajectory rllib/package_ref/utils/exploration.html#ray.rllib.utils.exploration.random_encoder.RE3.postprocess_trajectory + ray.rllib.utils.exploration.stochastic_sampling.StochasticSampling.__init__ rllib/package_ref/utils/exploration.html#ray.rllib.utils.exploration.stochastic_sampling.StochasticSampling.__init__ + ray.rllib.utils.exploration.stochastic_sampling.StochasticSampling.get_exploration_action rllib/package_ref/utils/exploration.html#ray.rllib.utils.exploration.stochastic_sampling.StochasticSampling.get_exploration_action + ray.rllib.utils.schedules.constant_schedule.ConstantSchedule.__init__ rllib/package_ref/utils/schedules.html#ray.rllib.utils.schedules.constant_schedule.ConstantSchedule.__init__ + ray.rllib.utils.schedules.exponential_schedule.ExponentialSchedule.__init__ rllib/package_ref/utils/schedules.html#ray.rllib.utils.schedules.exponential_schedule.ExponentialSchedule.__init__ + ray.rllib.utils.schedules.linear_schedule.LinearSchedule.__init__ rllib/package_ref/utils/schedules.html#ray.rllib.utils.schedules.linear_schedule.LinearSchedule.__init__ + ray.rllib.utils.schedules.piecewise_schedule.PiecewiseSchedule.__init__ rllib/package_ref/utils/schedules.html#ray.rllib.utils.schedules.piecewise_schedule.PiecewiseSchedule.__init__ + ray.rllib.utils.schedules.polynomial_schedule.PolynomialSchedule.__init__ rllib/package_ref/utils/schedules.html#ray.rllib.utils.schedules.polynomial_schedule.PolynomialSchedule.__init__ + ray.rllib.utils.schedules.schedule.Schedule.value rllib/package_ref/utils/schedules.html#ray.rllib.utils.schedules.schedule.Schedule.value + ray.runtime_context.RuntimeContext.get ray-core/package-ref.html#ray.runtime_context.RuntimeContext.get + ray.runtime_context.RuntimeContext.get_runtime_env_string ray-core/package-ref.html#ray.runtime_context.RuntimeContext.get_runtime_env_string + ray.runtime_env.RuntimeEnv.plugin_uris ray-core/package-ref.html#ray.runtime_env.RuntimeEnv.plugin_uris ray.serve.api.Deployment.delete serve/package-ref.html#ray.serve.api.Deployment.delete ray.serve.api.Deployment.deploy serve/package-ref.html#ray.serve.api.Deployment.deploy ray.serve.api.Deployment.get_handle serve/package-ref.html#ray.serve.api.Deployment.get_handle ray.serve.api.Deployment.options serve/package-ref.html#ray.serve.api.Deployment.options ray.serve.handle.RayServeHandle.options serve/package-ref.html#ray.serve.handle.RayServeHandle.options ray.serve.handle.RayServeHandle.remote serve/package-ref.html#ray.serve.handle.RayServeHandle.remote - ray.train.Trainer.best_checkpoint_path train/api.html#ray.train.Trainer.best_checkpoint_path ray.train.Trainer.create_logdir train/api.html#ray.train.Trainer.create_logdir ray.train.Trainer.create_run_dir train/api.html#ray.train.Trainer.create_run_dir - ray.train.Trainer.latest_checkpoint train/api.html#ray.train.Trainer.latest_checkpoint - ray.train.Trainer.latest_checkpoint_dir train/api.html#ray.train.Trainer.latest_checkpoint_dir - ray.train.Trainer.latest_run_dir train/api.html#ray.train.Trainer.latest_run_dir + ray.train.Trainer.load_checkpoint_from_path train/api.html#ray.train.Trainer.load_checkpoint_from_path ray.train.Trainer.run train/api.html#ray.train.Trainer.run ray.train.Trainer.run_iterator train/api.html#ray.train.Trainer.run_iterator ray.train.Trainer.shutdown train/api.html#ray.train.Trainer.shutdown @@ -824,16 +1120,13 @@ py:method ray.train.Trainer.to_worker_group train/api.html#ray.train.Trainer.to_worker_group ray.train.TrainingCallback.finish_training train/api.html#ray.train.TrainingCallback.finish_training ray.train.TrainingCallback.handle_result train/api.html#ray.train.TrainingCallback.handle_result + ray.train.TrainingCallback.process_results train/api.html#ray.train.TrainingCallback.process_results ray.train.TrainingCallback.start_training train/api.html#ray.train.TrainingCallback.start_training ray.train.TrainingIterator.get_final_results train/api.html#ray.train.TrainingIterator.get_final_results + ray.train.callbacks.results_preprocessors.ResultsPreprocessor.preprocess train/api.html#ray.train.callbacks.results_preprocessors.ResultsPreprocessor.preprocess + ray.train.torch.TorchWorkerProfiler.get_and_clear_profile_traces train/api.html#ray.train.torch.TorchWorkerProfiler.get_and_clear_profile_traces + ray.train.torch.TorchWorkerProfiler.trace_handler train/api.html#ray.train.torch.TorchWorkerProfiler.trace_handler ray.tune.CLIReporter.add_metric_column tune/api_docs/reporters.html#ray.tune.CLIReporter.add_metric_column - ray.tune.ExperimentAnalysis.best_checkpoint tune/api_docs/analysis.html#ray.tune.ExperimentAnalysis.best_checkpoint - ray.tune.ExperimentAnalysis.best_config tune/api_docs/analysis.html#ray.tune.ExperimentAnalysis.best_config - ray.tune.ExperimentAnalysis.best_dataframe tune/api_docs/analysis.html#ray.tune.ExperimentAnalysis.best_dataframe - ray.tune.ExperimentAnalysis.best_logdir tune/api_docs/analysis.html#ray.tune.ExperimentAnalysis.best_logdir - ray.tune.ExperimentAnalysis.best_result tune/api_docs/analysis.html#ray.tune.ExperimentAnalysis.best_result - ray.tune.ExperimentAnalysis.best_result_df tune/api_docs/analysis.html#ray.tune.ExperimentAnalysis.best_result_df - ray.tune.ExperimentAnalysis.best_trial tune/api_docs/analysis.html#ray.tune.ExperimentAnalysis.best_trial ray.tune.ExperimentAnalysis.dataframe tune/api_docs/analysis.html#ray.tune.ExperimentAnalysis.dataframe ray.tune.ExperimentAnalysis.fetch_trial_dataframes tune/api_docs/analysis.html#ray.tune.ExperimentAnalysis.fetch_trial_dataframes ray.tune.ExperimentAnalysis.get_all_configs tune/api_docs/analysis.html#ray.tune.ExperimentAnalysis.get_all_configs @@ -843,12 +1136,9 @@ py:method ray.tune.ExperimentAnalysis.get_best_trial tune/api_docs/analysis.html#ray.tune.ExperimentAnalysis.get_best_trial ray.tune.ExperimentAnalysis.get_last_checkpoint tune/api_docs/analysis.html#ray.tune.ExperimentAnalysis.get_last_checkpoint ray.tune.ExperimentAnalysis.get_trial_checkpoints_paths tune/api_docs/analysis.html#ray.tune.ExperimentAnalysis.get_trial_checkpoints_paths - ray.tune.ExperimentAnalysis.results tune/api_docs/analysis.html#ray.tune.ExperimentAnalysis.results - ray.tune.ExperimentAnalysis.results_df tune/api_docs/analysis.html#ray.tune.ExperimentAnalysis.results_df ray.tune.ExperimentAnalysis.runner_data tune/api_docs/analysis.html#ray.tune.ExperimentAnalysis.runner_data ray.tune.ExperimentAnalysis.set_filetype tune/api_docs/analysis.html#ray.tune.ExperimentAnalysis.set_filetype ray.tune.ExperimentAnalysis.stats tune/api_docs/analysis.html#ray.tune.ExperimentAnalysis.stats - ray.tune.ExperimentAnalysis.trial_dataframes tune/api_docs/analysis.html#ray.tune.ExperimentAnalysis.trial_dataframes ray.tune.JupyterNotebookReporter.add_metric_column tune/api_docs/reporters.html#ray.tune.JupyterNotebookReporter.add_metric_column ray.tune.ProgressReporter.report tune/api_docs/reporters.html#ray.tune.ProgressReporter.report ray.tune.ProgressReporter.should_report tune/api_docs/reporters.html#ray.tune.ProgressReporter.should_report @@ -859,17 +1149,16 @@ py:method ray.tune.Trainable._create_storage_client tune/api_docs/trainable.html#ray.tune.Trainable._create_storage_client ray.tune.Trainable._export_model tune/api_docs/trainable.html#ray.tune.Trainable._export_model ray.tune.Trainable._open_logfiles tune/api_docs/trainable.html#ray.tune.Trainable._open_logfiles - ray.tune.Trainable._update_resources tune/api_docs/trainable.html#ray.tune.Trainable._update_resources + ray.tune.Trainable._postprocess_checkpoint tune/api_docs/trainable.html#ray.tune.Trainable._postprocess_checkpoint + ray.tune.Trainable._storage_path tune/api_docs/trainable.html#ray.tune.Trainable._storage_path ray.tune.Trainable.cleanup tune/api_docs/trainable.html#ray.tune.Trainable.cleanup ray.tune.Trainable.default_resource_request tune/api_docs/trainable.html#ray.tune.Trainable.default_resource_request ray.tune.Trainable.delete_checkpoint tune/api_docs/trainable.html#ray.tune.Trainable.delete_checkpoint ray.tune.Trainable.export_model tune/api_docs/trainable.html#ray.tune.Trainable.export_model ray.tune.Trainable.get_auto_filled_metrics tune/api_docs/trainable.html#ray.tune.Trainable.get_auto_filled_metrics ray.tune.Trainable.get_config tune/api_docs/trainable.html#ray.tune.Trainable.get_config - ray.tune.Trainable.iteration tune/api_docs/trainable.html#ray.tune.Trainable.iteration ray.tune.Trainable.load_checkpoint tune/api_docs/trainable.html#ray.tune.Trainable.load_checkpoint ray.tune.Trainable.log_result tune/api_docs/trainable.html#ray.tune.Trainable.log_result - ray.tune.Trainable.logdir tune/api_docs/trainable.html#ray.tune.Trainable.logdir ray.tune.Trainable.reset tune/api_docs/trainable.html#ray.tune.Trainable.reset ray.tune.Trainable.reset_config tune/api_docs/trainable.html#ray.tune.Trainable.reset_config ray.tune.Trainable.resource_help tune/api_docs/trainable.html#ray.tune.Trainable.resource_help @@ -883,11 +1172,6 @@ py:method ray.tune.Trainable.stop tune/api_docs/trainable.html#ray.tune.Trainable.stop ray.tune.Trainable.train tune/api_docs/trainable.html#ray.tune.Trainable.train ray.tune.Trainable.train_buffered tune/api_docs/trainable.html#ray.tune.Trainable.train_buffered - ray.tune.Trainable.training_iteration tune/api_docs/trainable.html#ray.tune.Trainable.training_iteration - ray.tune.Trainable.trial_id tune/api_docs/trainable.html#ray.tune.Trainable.trial_id - ray.tune.Trainable.trial_name tune/api_docs/trainable.html#ray.tune.Trainable.trial_name - ray.tune.Trainable.trial_resources tune/api_docs/trainable.html#ray.tune.Trainable.trial_resources - ray.tune.Trainable.update_resources tune/api_docs/trainable.html#ray.tune.Trainable.update_resources ray.tune.callback.Callback.on_checkpoint tune/api_docs/internals.html#ray.tune.callback.Callback.on_checkpoint ray.tune.callback.Callback.on_experiment_end tune/api_docs/internals.html#ray.tune.callback.Callback.on_experiment_end ray.tune.callback.Callback.on_step_begin tune/api_docs/internals.html#ray.tune.callback.Callback.on_step_begin @@ -899,6 +1183,9 @@ py:method ray.tune.callback.Callback.on_trial_save tune/api_docs/internals.html#ray.tune.callback.Callback.on_trial_save ray.tune.callback.Callback.on_trial_start tune/api_docs/internals.html#ray.tune.callback.Callback.on_trial_start ray.tune.callback.Callback.setup tune/api_docs/internals.html#ray.tune.callback.Callback.setup + ray.tune.cloud.TrialCheckpoint.download tune/api_docs/analysis.html#ray.tune.cloud.TrialCheckpoint.download + ray.tune.cloud.TrialCheckpoint.save tune/api_docs/analysis.html#ray.tune.cloud.TrialCheckpoint.save + ray.tune.cloud.TrialCheckpoint.upload tune/api_docs/analysis.html#ray.tune.cloud.TrialCheckpoint.upload ray.tune.create_scheduler tune/api_docs/schedulers.html#ray.tune.create_scheduler ray.tune.create_searcher tune/api_docs/suggestion.html#ray.tune.create_searcher ray.tune.function_runner.StatusReporter.__call__ tune/api_docs/trainable.html#ray.tune.function_runner.StatusReporter.__call__ @@ -911,24 +1198,19 @@ py:method ray.tune.ray_trial_executor.RayTrialExecutor.continue_training tune/api_docs/internals.html#ray.tune.ray_trial_executor.RayTrialExecutor.continue_training ray.tune.ray_trial_executor.RayTrialExecutor.debug_string tune/api_docs/internals.html#ray.tune.ray_trial_executor.RayTrialExecutor.debug_string ray.tune.ray_trial_executor.RayTrialExecutor.export_trial_if_needed tune/api_docs/internals.html#ray.tune.ray_trial_executor.RayTrialExecutor.export_trial_if_needed - ray.tune.ray_trial_executor.RayTrialExecutor.fetch_result tune/api_docs/internals.html#ray.tune.ray_trial_executor.RayTrialExecutor.fetch_result - ray.tune.ray_trial_executor.RayTrialExecutor.get_next_available_trial tune/api_docs/internals.html#ray.tune.ray_trial_executor.RayTrialExecutor.get_next_available_trial - ray.tune.ray_trial_executor.RayTrialExecutor.get_next_failed_trial tune/api_docs/internals.html#ray.tune.ray_trial_executor.RayTrialExecutor.get_next_failed_trial - ray.tune.ray_trial_executor.RayTrialExecutor.get_running_trials tune/api_docs/internals.html#ray.tune.ray_trial_executor.RayTrialExecutor.get_running_trials + ray.tune.ray_trial_executor.RayTrialExecutor.get_next_executor_event tune/api_docs/internals.html#ray.tune.ray_trial_executor.RayTrialExecutor.get_next_executor_event ray.tune.ray_trial_executor.RayTrialExecutor.get_staged_trial tune/api_docs/internals.html#ray.tune.ray_trial_executor.RayTrialExecutor.get_staged_trial ray.tune.ray_trial_executor.RayTrialExecutor.has_gpus tune/api_docs/internals.html#ray.tune.ray_trial_executor.RayTrialExecutor.has_gpus ray.tune.ray_trial_executor.RayTrialExecutor.has_resources_for_trial tune/api_docs/internals.html#ray.tune.ray_trial_executor.RayTrialExecutor.has_resources_for_trial - ray.tune.ray_trial_executor.RayTrialExecutor.in_staging_grace_period tune/api_docs/internals.html#ray.tune.ray_trial_executor.RayTrialExecutor.in_staging_grace_period ray.tune.ray_trial_executor.RayTrialExecutor.on_step_begin tune/api_docs/internals.html#ray.tune.ray_trial_executor.RayTrialExecutor.on_step_begin ray.tune.ray_trial_executor.RayTrialExecutor.on_step_end tune/api_docs/internals.html#ray.tune.ray_trial_executor.RayTrialExecutor.on_step_end - ray.tune.ray_trial_executor.RayTrialExecutor.pause_trial tune/api_docs/internals.html#ray.tune.ray_trial_executor.RayTrialExecutor.pause_trial ray.tune.ray_trial_executor.RayTrialExecutor.reset_trial tune/api_docs/internals.html#ray.tune.ray_trial_executor.RayTrialExecutor.reset_trial ray.tune.ray_trial_executor.RayTrialExecutor.restore tune/api_docs/internals.html#ray.tune.ray_trial_executor.RayTrialExecutor.restore ray.tune.ray_trial_executor.RayTrialExecutor.save tune/api_docs/internals.html#ray.tune.ray_trial_executor.RayTrialExecutor.save ray.tune.ray_trial_executor.RayTrialExecutor.set_max_pending_trials tune/api_docs/internals.html#ray.tune.ray_trial_executor.RayTrialExecutor.set_max_pending_trials - ray.tune.ray_trial_executor.RayTrialExecutor.stage_and_update_status tune/api_docs/internals.html#ray.tune.ray_trial_executor.RayTrialExecutor.stage_and_update_status ray.tune.ray_trial_executor.RayTrialExecutor.start_trial tune/api_docs/internals.html#ray.tune.ray_trial_executor.RayTrialExecutor.start_trial ray.tune.ray_trial_executor.RayTrialExecutor.stop_trial tune/api_docs/internals.html#ray.tune.ray_trial_executor.RayTrialExecutor.stop_trial + ray.tune.result_grid.ResultGrid.get_best_result ray-air/getting-started.html#ray.tune.result_grid.ResultGrid.get_best_result ray.tune.schedulers.TrialScheduler.choose_trial_to_run tune/api_docs/schedulers.html#ray.tune.schedulers.TrialScheduler.choose_trial_to_run ray.tune.schedulers.TrialScheduler.debug_string tune/api_docs/schedulers.html#ray.tune.schedulers.TrialScheduler.debug_string ray.tune.schedulers.TrialScheduler.on_trial_add tune/api_docs/schedulers.html#ray.tune.schedulers.TrialScheduler.on_trial_add @@ -939,57 +1221,15 @@ py:method ray.tune.schedulers.TrialScheduler.restore tune/api_docs/schedulers.html#ray.tune.schedulers.TrialScheduler.restore ray.tune.schedulers.TrialScheduler.save tune/api_docs/schedulers.html#ray.tune.schedulers.TrialScheduler.save ray.tune.schedulers.TrialScheduler.set_search_properties tune/api_docs/schedulers.html#ray.tune.schedulers.TrialScheduler.set_search_properties - ray.tune.sklearn.TuneGridSearchCV.best_estimator_ tune/api_docs/sklearn.html#ray.tune.sklearn.TuneGridSearchCV.best_estimator_ - ray.tune.sklearn.TuneGridSearchCV.best_index_ tune/api_docs/sklearn.html#ray.tune.sklearn.TuneGridSearchCV.best_index_ - ray.tune.sklearn.TuneGridSearchCV.best_params_ tune/api_docs/sklearn.html#ray.tune.sklearn.TuneGridSearchCV.best_params_ - ray.tune.sklearn.TuneGridSearchCV.best_score_ tune/api_docs/sklearn.html#ray.tune.sklearn.TuneGridSearchCV.best_score_ - ray.tune.sklearn.TuneGridSearchCV.classes_ tune/api_docs/sklearn.html#ray.tune.sklearn.TuneGridSearchCV.classes_ - ray.tune.sklearn.TuneGridSearchCV.decision_function tune/api_docs/sklearn.html#ray.tune.sklearn.TuneGridSearchCV.decision_function - ray.tune.sklearn.TuneGridSearchCV.fit tune/api_docs/sklearn.html#ray.tune.sklearn.TuneGridSearchCV.fit - ray.tune.sklearn.TuneGridSearchCV.get_params tune/api_docs/sklearn.html#ray.tune.sklearn.TuneGridSearchCV.get_params - ray.tune.sklearn.TuneGridSearchCV.inverse_transform tune/api_docs/sklearn.html#ray.tune.sklearn.TuneGridSearchCV.inverse_transform - ray.tune.sklearn.TuneGridSearchCV.multimetric_ tune/api_docs/sklearn.html#ray.tune.sklearn.TuneGridSearchCV.multimetric_ - ray.tune.sklearn.TuneGridSearchCV.n_features_in_ tune/api_docs/sklearn.html#ray.tune.sklearn.TuneGridSearchCV.n_features_in_ - ray.tune.sklearn.TuneGridSearchCV.n_splits_ tune/api_docs/sklearn.html#ray.tune.sklearn.TuneGridSearchCV.n_splits_ - ray.tune.sklearn.TuneGridSearchCV.predict tune/api_docs/sklearn.html#ray.tune.sklearn.TuneGridSearchCV.predict - ray.tune.sklearn.TuneGridSearchCV.predict_log_proba tune/api_docs/sklearn.html#ray.tune.sklearn.TuneGridSearchCV.predict_log_proba - ray.tune.sklearn.TuneGridSearchCV.predict_proba tune/api_docs/sklearn.html#ray.tune.sklearn.TuneGridSearchCV.predict_proba - ray.tune.sklearn.TuneGridSearchCV.refit_time_ tune/api_docs/sklearn.html#ray.tune.sklearn.TuneGridSearchCV.refit_time_ - ray.tune.sklearn.TuneGridSearchCV.score tune/api_docs/sklearn.html#ray.tune.sklearn.TuneGridSearchCV.score - ray.tune.sklearn.TuneGridSearchCV.score_samples tune/api_docs/sklearn.html#ray.tune.sklearn.TuneGridSearchCV.score_samples - ray.tune.sklearn.TuneGridSearchCV.scorer_ tune/api_docs/sklearn.html#ray.tune.sklearn.TuneGridSearchCV.scorer_ - ray.tune.sklearn.TuneGridSearchCV.set_params tune/api_docs/sklearn.html#ray.tune.sklearn.TuneGridSearchCV.set_params - ray.tune.sklearn.TuneGridSearchCV.transform tune/api_docs/sklearn.html#ray.tune.sklearn.TuneGridSearchCV.transform - ray.tune.sklearn.TuneSearchCV.best_estimator_ tune/api_docs/sklearn.html#ray.tune.sklearn.TuneSearchCV.best_estimator_ - ray.tune.sklearn.TuneSearchCV.best_index_ tune/api_docs/sklearn.html#ray.tune.sklearn.TuneSearchCV.best_index_ - ray.tune.sklearn.TuneSearchCV.best_params_ tune/api_docs/sklearn.html#ray.tune.sklearn.TuneSearchCV.best_params_ - ray.tune.sklearn.TuneSearchCV.best_score_ tune/api_docs/sklearn.html#ray.tune.sklearn.TuneSearchCV.best_score_ - ray.tune.sklearn.TuneSearchCV.classes_ tune/api_docs/sklearn.html#ray.tune.sklearn.TuneSearchCV.classes_ - ray.tune.sklearn.TuneSearchCV.decision_function tune/api_docs/sklearn.html#ray.tune.sklearn.TuneSearchCV.decision_function - ray.tune.sklearn.TuneSearchCV.fit tune/api_docs/sklearn.html#ray.tune.sklearn.TuneSearchCV.fit - ray.tune.sklearn.TuneSearchCV.get_params tune/api_docs/sklearn.html#ray.tune.sklearn.TuneSearchCV.get_params - ray.tune.sklearn.TuneSearchCV.inverse_transform tune/api_docs/sklearn.html#ray.tune.sklearn.TuneSearchCV.inverse_transform - ray.tune.sklearn.TuneSearchCV.multimetric_ tune/api_docs/sklearn.html#ray.tune.sklearn.TuneSearchCV.multimetric_ - ray.tune.sklearn.TuneSearchCV.n_features_in_ tune/api_docs/sklearn.html#ray.tune.sklearn.TuneSearchCV.n_features_in_ - ray.tune.sklearn.TuneSearchCV.n_splits_ tune/api_docs/sklearn.html#ray.tune.sklearn.TuneSearchCV.n_splits_ - ray.tune.sklearn.TuneSearchCV.predict tune/api_docs/sklearn.html#ray.tune.sklearn.TuneSearchCV.predict - ray.tune.sklearn.TuneSearchCV.predict_log_proba tune/api_docs/sklearn.html#ray.tune.sklearn.TuneSearchCV.predict_log_proba - ray.tune.sklearn.TuneSearchCV.predict_proba tune/api_docs/sklearn.html#ray.tune.sklearn.TuneSearchCV.predict_proba - ray.tune.sklearn.TuneSearchCV.refit_time_ tune/api_docs/sklearn.html#ray.tune.sklearn.TuneSearchCV.refit_time_ - ray.tune.sklearn.TuneSearchCV.score tune/api_docs/sklearn.html#ray.tune.sklearn.TuneSearchCV.score - ray.tune.sklearn.TuneSearchCV.score_samples tune/api_docs/sklearn.html#ray.tune.sklearn.TuneSearchCV.score_samples - ray.tune.sklearn.TuneSearchCV.scorer_ tune/api_docs/sklearn.html#ray.tune.sklearn.TuneSearchCV.scorer_ - ray.tune.sklearn.TuneSearchCV.set_params tune/api_docs/sklearn.html#ray.tune.sklearn.TuneSearchCV.set_params - ray.tune.sklearn.TuneSearchCV.transform tune/api_docs/sklearn.html#ray.tune.sklearn.TuneSearchCV.transform ray.tune.suggest.Searcher.add_evaluated_point tune/api_docs/suggestion.html#ray.tune.suggest.Searcher.add_evaluated_point - ray.tune.suggest.Searcher.metric tune/api_docs/suggestion.html#ray.tune.suggest.Searcher.metric - ray.tune.suggest.Searcher.mode tune/api_docs/suggestion.html#ray.tune.suggest.Searcher.mode + ray.tune.suggest.Searcher.add_evaluated_trials tune/api_docs/suggestion.html#ray.tune.suggest.Searcher.add_evaluated_trials ray.tune.suggest.Searcher.on_trial_complete tune/api_docs/suggestion.html#ray.tune.suggest.Searcher.on_trial_complete ray.tune.suggest.Searcher.on_trial_result tune/api_docs/suggestion.html#ray.tune.suggest.Searcher.on_trial_result ray.tune.suggest.Searcher.restore tune/api_docs/suggestion.html#ray.tune.suggest.Searcher.restore ray.tune.suggest.Searcher.restore_from_dir tune/api_docs/suggestion.html#ray.tune.suggest.Searcher.restore_from_dir ray.tune.suggest.Searcher.save tune/api_docs/suggestion.html#ray.tune.suggest.Searcher.save ray.tune.suggest.Searcher.save_to_dir tune/api_docs/suggestion.html#ray.tune.suggest.Searcher.save_to_dir + ray.tune.suggest.Searcher.set_max_concurrency tune/api_docs/suggestion.html#ray.tune.suggest.Searcher.set_max_concurrency ray.tune.suggest.Searcher.set_search_properties tune/api_docs/suggestion.html#ray.tune.suggest.Searcher.set_search_properties ray.tune.suggest.Searcher.suggest tune/api_docs/suggestion.html#ray.tune.suggest.Searcher.suggest ray.tune.suggest.bayesopt.BayesOptSearch.restore tune/api_docs/suggestion.html#ray.tune.suggest.bayesopt.BayesOptSearch.restore @@ -1010,67 +1250,55 @@ py:method ray.tune.trial_executor.TrialExecutor.continue_training tune/api_docs/internals.html#ray.tune.trial_executor.TrialExecutor.continue_training ray.tune.trial_executor.TrialExecutor.debug_string tune/api_docs/internals.html#ray.tune.trial_executor.TrialExecutor.debug_string ray.tune.trial_executor.TrialExecutor.export_trial_if_needed tune/api_docs/internals.html#ray.tune.trial_executor.TrialExecutor.export_trial_if_needed - ray.tune.trial_executor.TrialExecutor.fetch_result tune/api_docs/internals.html#ray.tune.trial_executor.TrialExecutor.fetch_result ray.tune.trial_executor.TrialExecutor.get_checkpoints tune/api_docs/internals.html#ray.tune.trial_executor.TrialExecutor.get_checkpoints - ray.tune.trial_executor.TrialExecutor.get_next_available_trial tune/api_docs/internals.html#ray.tune.trial_executor.TrialExecutor.get_next_available_trial - ray.tune.trial_executor.TrialExecutor.get_next_failed_trial tune/api_docs/internals.html#ray.tune.trial_executor.TrialExecutor.get_next_failed_trial - ray.tune.trial_executor.TrialExecutor.get_running_trials tune/api_docs/internals.html#ray.tune.trial_executor.TrialExecutor.get_running_trials ray.tune.trial_executor.TrialExecutor.has_gpus tune/api_docs/internals.html#ray.tune.trial_executor.TrialExecutor.has_gpus - ray.tune.trial_executor.TrialExecutor.has_resources tune/api_docs/internals.html#ray.tune.trial_executor.TrialExecutor.has_resources - ray.tune.trial_executor.TrialExecutor.in_staging_grace_period tune/api_docs/internals.html#ray.tune.trial_executor.TrialExecutor.in_staging_grace_period - ray.tune.trial_executor.TrialExecutor.on_no_available_trials tune/api_docs/internals.html#ray.tune.trial_executor.TrialExecutor.on_no_available_trials ray.tune.trial_executor.TrialExecutor.on_step_begin tune/api_docs/internals.html#ray.tune.trial_executor.TrialExecutor.on_step_begin ray.tune.trial_executor.TrialExecutor.on_step_end tune/api_docs/internals.html#ray.tune.trial_executor.TrialExecutor.on_step_end ray.tune.trial_executor.TrialExecutor.pause_trial tune/api_docs/internals.html#ray.tune.trial_executor.TrialExecutor.pause_trial ray.tune.trial_executor.TrialExecutor.reset_trial tune/api_docs/internals.html#ray.tune.trial_executor.TrialExecutor.reset_trial ray.tune.trial_executor.TrialExecutor.restore tune/api_docs/internals.html#ray.tune.trial_executor.TrialExecutor.restore - ray.tune.trial_executor.TrialExecutor.resume_trial tune/api_docs/internals.html#ray.tune.trial_executor.TrialExecutor.resume_trial ray.tune.trial_executor.TrialExecutor.save tune/api_docs/internals.html#ray.tune.trial_executor.TrialExecutor.save ray.tune.trial_executor.TrialExecutor.set_max_pending_trials tune/api_docs/internals.html#ray.tune.trial_executor.TrialExecutor.set_max_pending_trials ray.tune.trial_executor.TrialExecutor.set_status tune/api_docs/internals.html#ray.tune.trial_executor.TrialExecutor.set_status ray.tune.trial_executor.TrialExecutor.start_trial tune/api_docs/internals.html#ray.tune.trial_executor.TrialExecutor.start_trial ray.tune.trial_executor.TrialExecutor.stop_trial tune/api_docs/internals.html#ray.tune.trial_executor.TrialExecutor.stop_trial - ray.tune.trial_executor.TrialExecutor.try_checkpoint_metadata tune/api_docs/internals.html#ray.tune.trial_executor.TrialExecutor.try_checkpoint_metadata - ray.tune.trial_executor.TrialExecutor.unpause_trial tune/api_docs/internals.html#ray.tune.trial_executor.TrialExecutor.unpause_trial + ray.tune.tuner.Tuner.fit ray-air/getting-started.html#ray.tune.tuner.Tuner.fit + ray.tune.tuner.Tuner.restore ray-air/getting-started.html#ray.tune.tuner.Tuner.restore ray.tune.web_server.TuneClient.add_trial tune/api_docs/client.html#ray.tune.web_server.TuneClient.add_trial ray.tune.web_server.TuneClient.get_all_trials tune/api_docs/client.html#ray.tune.web_server.TuneClient.get_all_trials ray.tune.web_server.TuneClient.get_trial tune/api_docs/client.html#ray.tune.web_server.TuneClient.get_trial ray.tune.web_server.TuneClient.stop_experiment tune/api_docs/client.html#ray.tune.web_server.TuneClient.stop_experiment ray.tune.web_server.TuneClient.stop_trial tune/api_docs/client.html#ray.tune.web_server.TuneClient.stop_trial - ray.util.ActorPool.get_next package-ref.html#ray.util.ActorPool.get_next - ray.util.ActorPool.get_next_unordered package-ref.html#ray.util.ActorPool.get_next_unordered - ray.util.ActorPool.has_free package-ref.html#ray.util.ActorPool.has_free - ray.util.ActorPool.has_next package-ref.html#ray.util.ActorPool.has_next - ray.util.ActorPool.map package-ref.html#ray.util.ActorPool.map - ray.util.ActorPool.map_unordered package-ref.html#ray.util.ActorPool.map_unordered - ray.util.ActorPool.pop_idle package-ref.html#ray.util.ActorPool.pop_idle - ray.util.ActorPool.push package-ref.html#ray.util.ActorPool.push - ray.util.ActorPool.submit package-ref.html#ray.util.ActorPool.submit - ray.util.collective.collective.GroupManager.create_collective_group ray-collective.html#ray.util.collective.collective.GroupManager.create_collective_group - ray.util.collective.collective.GroupManager.destroy_collective_group ray-collective.html#ray.util.collective.collective.GroupManager.destroy_collective_group - ray.util.collective.collective.GroupManager.get_group_by_name ray-collective.html#ray.util.collective.collective.GroupManager.get_group_by_name - ray.util.metrics.Counter.inc package-ref.html#ray.util.metrics.Counter.inc - ray.util.metrics.Gauge.set package-ref.html#ray.util.metrics.Gauge.set - ray.util.metrics.Histogram.info package-ref.html#ray.util.metrics.Histogram.info - ray.util.metrics.Histogram.observe package-ref.html#ray.util.metrics.Histogram.observe - ray.util.placement_group.PlacementGroup.bundle_specs package-ref.html#ray.util.placement_group.PlacementGroup.bundle_specs - ray.util.placement_group.PlacementGroup.from_dict package-ref.html#ray.util.placement_group.PlacementGroup.from_dict - ray.util.placement_group.PlacementGroup.ready package-ref.html#ray.util.placement_group.PlacementGroup.ready - ray.util.placement_group.PlacementGroup.to_dict package-ref.html#ray.util.placement_group.PlacementGroup.to_dict - ray.util.placement_group.PlacementGroup.wait package-ref.html#ray.util.placement_group.PlacementGroup.wait - ray.util.queue.Queue.empty package-ref.html#ray.util.queue.Queue.empty - ray.util.queue.Queue.full package-ref.html#ray.util.queue.Queue.full - ray.util.queue.Queue.get package-ref.html#ray.util.queue.Queue.get - ray.util.queue.Queue.get_async package-ref.html#ray.util.queue.Queue.get_async - ray.util.queue.Queue.get_nowait package-ref.html#ray.util.queue.Queue.get_nowait - ray.util.queue.Queue.get_nowait_batch package-ref.html#ray.util.queue.Queue.get_nowait_batch - ray.util.queue.Queue.put package-ref.html#ray.util.queue.Queue.put - ray.util.queue.Queue.put_async package-ref.html#ray.util.queue.Queue.put_async - ray.util.queue.Queue.put_nowait package-ref.html#ray.util.queue.Queue.put_nowait - ray.util.queue.Queue.put_nowait_batch package-ref.html#ray.util.queue.Queue.put_nowait_batch - ray.util.queue.Queue.qsize package-ref.html#ray.util.queue.Queue.qsize - ray.util.queue.Queue.shutdown package-ref.html#ray.util.queue.Queue.shutdown - ray.util.queue.Queue.size package-ref.html#ray.util.queue.Queue.size + ray.util.ActorPool.get_next ray-core/package-ref.html#ray.util.ActorPool.get_next + ray.util.ActorPool.get_next_unordered ray-core/package-ref.html#ray.util.ActorPool.get_next_unordered + ray.util.ActorPool.has_free ray-core/package-ref.html#ray.util.ActorPool.has_free + ray.util.ActorPool.has_next ray-core/package-ref.html#ray.util.ActorPool.has_next + ray.util.ActorPool.map ray-core/package-ref.html#ray.util.ActorPool.map + ray.util.ActorPool.map_unordered ray-core/package-ref.html#ray.util.ActorPool.map_unordered + ray.util.ActorPool.pop_idle ray-core/package-ref.html#ray.util.ActorPool.pop_idle + ray.util.ActorPool.push ray-core/package-ref.html#ray.util.ActorPool.push + ray.util.ActorPool.submit ray-core/package-ref.html#ray.util.ActorPool.submit + ray.util.collective.collective.GroupManager.create_collective_group ray-more-libs/ray-collective.html#ray.util.collective.collective.GroupManager.create_collective_group + ray.util.collective.collective.GroupManager.destroy_collective_group ray-more-libs/ray-collective.html#ray.util.collective.collective.GroupManager.destroy_collective_group + ray.util.collective.collective.GroupManager.get_group_by_name ray-more-libs/ray-collective.html#ray.util.collective.collective.GroupManager.get_group_by_name + ray.util.metrics.Counter.inc ray-core/package-ref.html#ray.util.metrics.Counter.inc + ray.util.metrics.Gauge.set ray-core/package-ref.html#ray.util.metrics.Gauge.set + ray.util.metrics.Histogram.observe ray-core/package-ref.html#ray.util.metrics.Histogram.observe + ray.util.placement_group.PlacementGroup.ready ray-core/package-ref.html#ray.util.placement_group.PlacementGroup.ready + ray.util.placement_group.PlacementGroup.wait ray-core/package-ref.html#ray.util.placement_group.PlacementGroup.wait + ray.util.queue.Queue.empty ray-core/package-ref.html#ray.util.queue.Queue.empty + ray.util.queue.Queue.full ray-core/package-ref.html#ray.util.queue.Queue.full + ray.util.queue.Queue.get ray-core/package-ref.html#ray.util.queue.Queue.get + ray.util.queue.Queue.get_async ray-core/package-ref.html#ray.util.queue.Queue.get_async + ray.util.queue.Queue.get_nowait ray-core/package-ref.html#ray.util.queue.Queue.get_nowait + ray.util.queue.Queue.get_nowait_batch ray-core/package-ref.html#ray.util.queue.Queue.get_nowait_batch + ray.util.queue.Queue.put ray-core/package-ref.html#ray.util.queue.Queue.put + ray.util.queue.Queue.put_async ray-core/package-ref.html#ray.util.queue.Queue.put_async + ray.util.queue.Queue.put_nowait ray-core/package-ref.html#ray.util.queue.Queue.put_nowait + ray.util.queue.Queue.put_nowait_batch ray-core/package-ref.html#ray.util.queue.Queue.put_nowait_batch + ray.util.queue.Queue.qsize ray-core/package-ref.html#ray.util.queue.Queue.qsize + ray.util.queue.Queue.shutdown ray-core/package-ref.html#ray.util.queue.Queue.shutdown + ray.util.queue.Queue.size ray-core/package-ref.html#ray.util.queue.Queue.size ray.util.sgd.data.Dataset.__init__ raysgd/raysgd_ref.html#ray.util.sgd.data.Dataset.__init__ ray.util.sgd.data.Dataset.get_shard raysgd/raysgd_ref.html#ray.util.sgd.data.Dataset.get_shard ray.util.sgd.data.Dataset.set_num_shards raysgd/raysgd_ref.html#ray.util.sgd.data.Dataset.set_num_shards @@ -1086,7 +1314,6 @@ py:method ray.util.sgd.torch.BaseTorchTrainable.save_checkpoint raysgd/raysgd_ref.html#ray.util.sgd.torch.BaseTorchTrainable.save_checkpoint ray.util.sgd.torch.BaseTorchTrainable.setup raysgd/raysgd_ref.html#ray.util.sgd.torch.BaseTorchTrainable.setup ray.util.sgd.torch.BaseTorchTrainable.step raysgd/raysgd_ref.html#ray.util.sgd.torch.BaseTorchTrainable.step - ray.util.sgd.torch.BaseTorchTrainable.trainer raysgd/raysgd_ref.html#ray.util.sgd.torch.BaseTorchTrainable.trainer ray.util.sgd.torch.TorchTrainer.apply_all_operators raysgd/raysgd_ref.html#ray.util.sgd.torch.TorchTrainer.apply_all_operators ray.util.sgd.torch.TorchTrainer.apply_all_workers raysgd/raysgd_ref.html#ray.util.sgd.torch.TorchTrainer.apply_all_workers ray.util.sgd.torch.TorchTrainer.as_trainable raysgd/raysgd_ref.html#ray.util.sgd.torch.TorchTrainer.as_trainable @@ -1098,27 +1325,123 @@ py:method ray.util.sgd.torch.TorchTrainer.train raysgd/raysgd_ref.html#ray.util.sgd.torch.TorchTrainer.train ray.util.sgd.torch.TorchTrainer.update_scheduler raysgd/raysgd_ref.html#ray.util.sgd.torch.TorchTrainer.update_scheduler ray.util.sgd.torch.TorchTrainer.validate raysgd/raysgd_ref.html#ray.util.sgd.torch.TorchTrainer.validate - ray.util.sgd.torch.TrainingOperator.config raysgd/raysgd_ref.html#ray.util.sgd.torch.TrainingOperator.config - ray.util.sgd.torch.TrainingOperator.device raysgd/raysgd_ref.html#ray.util.sgd.torch.TrainingOperator.device - ray.util.sgd.torch.TrainingOperator.device_ids raysgd/raysgd_ref.html#ray.util.sgd.torch.TrainingOperator.device_ids ray.util.sgd.torch.TrainingOperator.from_creators raysgd/raysgd_ref.html#ray.util.sgd.torch.TrainingOperator.from_creators ray.util.sgd.torch.TrainingOperator.from_ptl raysgd/raysgd_ref.html#ray.util.sgd.torch.TrainingOperator.from_ptl ray.util.sgd.torch.TrainingOperator.load_state_dict raysgd/raysgd_ref.html#ray.util.sgd.torch.TrainingOperator.load_state_dict - ray.util.sgd.torch.TrainingOperator.local_rank raysgd/raysgd_ref.html#ray.util.sgd.torch.TrainingOperator.local_rank ray.util.sgd.torch.TrainingOperator.register raysgd/raysgd_ref.html#ray.util.sgd.torch.TrainingOperator.register ray.util.sgd.torch.TrainingOperator.register_data raysgd/raysgd_ref.html#ray.util.sgd.torch.TrainingOperator.register_data - ray.util.sgd.torch.TrainingOperator.scheduler_step_freq raysgd/raysgd_ref.html#ray.util.sgd.torch.TrainingOperator.scheduler_step_freq ray.util.sgd.torch.TrainingOperator.setup raysgd/raysgd_ref.html#ray.util.sgd.torch.TrainingOperator.setup ray.util.sgd.torch.TrainingOperator.state_dict raysgd/raysgd_ref.html#ray.util.sgd.torch.TrainingOperator.state_dict ray.util.sgd.torch.TrainingOperator.train_batch raysgd/raysgd_ref.html#ray.util.sgd.torch.TrainingOperator.train_batch ray.util.sgd.torch.TrainingOperator.train_epoch raysgd/raysgd_ref.html#ray.util.sgd.torch.TrainingOperator.train_epoch + ray.util.sgd.torch.TrainingOperator.validate raysgd/raysgd_ref.html#ray.util.sgd.torch.TrainingOperator.validate + ray.util.sgd.torch.TrainingOperator.validate_batch raysgd/raysgd_ref.html#ray.util.sgd.torch.TrainingOperator.validate_batch + ray.util.sgd.utils.AverageMeter.update raysgd/raysgd_ref.html#ray.util.sgd.utils.AverageMeter.update + ray.util.sgd.utils.AverageMeterCollection.summary raysgd/raysgd_ref.html#ray.util.sgd.utils.AverageMeterCollection.summary + ray.util.sgd.utils.AverageMeterCollection.update raysgd/raysgd_ref.html#ray.util.sgd.utils.AverageMeterCollection.update + ray.workflow.common.Workflow.run workflows/package-ref.html#ray.workflow.common.Workflow.run + ray.workflow.common.Workflow.run_async workflows/package-ref.html#ray.workflow.common.Workflow.run_async + ray.workflow.virtual_actor_class.VirtualActorClass.get_or_create workflows/package-ref.html#ray.workflow.virtual_actor_class.VirtualActorClass.get_or_create + ray.workflow.virtual_actor_class.VirtualActorClass.options workflows/package-ref.html#ray.workflow.virtual_actor_class.VirtualActorClass.options + xgboost_ray.RayDMatrix.get_data ray-more-libs/xgboost-ray.html#xgboost_ray.RayDMatrix.get_data + xgboost_ray.RayDMatrix.load_data ray-more-libs/xgboost-ray.html#xgboost_ray.RayDMatrix.load_data + xgboost_ray.RayDMatrix.unload_data ray-more-libs/xgboost-ray.html#xgboost_ray.RayDMatrix.unload_data + xgboost_ray.RayParams.get_tune_resources ray-more-libs/xgboost-ray.html#xgboost_ray.RayParams.get_tune_resources + xgboost_ray.RayXGBClassifier.fit ray-more-libs/xgboost-ray.html#xgboost_ray.RayXGBClassifier.fit + xgboost_ray.RayXGBClassifier.load_model ray-more-libs/xgboost-ray.html#xgboost_ray.RayXGBClassifier.load_model + xgboost_ray.RayXGBClassifier.predict ray-more-libs/xgboost-ray.html#xgboost_ray.RayXGBClassifier.predict + xgboost_ray.RayXGBClassifier.predict_proba ray-more-libs/xgboost-ray.html#xgboost_ray.RayXGBClassifier.predict_proba + xgboost_ray.RayXGBRFClassifier.get_num_boosting_rounds ray-more-libs/xgboost-ray.html#xgboost_ray.RayXGBRFClassifier.get_num_boosting_rounds + xgboost_ray.RayXGBRFClassifier.get_xgb_params ray-more-libs/xgboost-ray.html#xgboost_ray.RayXGBRFClassifier.get_xgb_params + xgboost_ray.RayXGBRFRegressor.get_num_boosting_rounds ray-more-libs/xgboost-ray.html#xgboost_ray.RayXGBRFRegressor.get_num_boosting_rounds + xgboost_ray.RayXGBRFRegressor.get_xgb_params ray-more-libs/xgboost-ray.html#xgboost_ray.RayXGBRFRegressor.get_xgb_params + xgboost_ray.RayXGBRegressor.fit ray-more-libs/xgboost-ray.html#xgboost_ray.RayXGBRegressor.fit + xgboost_ray.RayXGBRegressor.load_model ray-more-libs/xgboost-ray.html#xgboost_ray.RayXGBRegressor.load_model + xgboost_ray.RayXGBRegressor.predict ray-more-libs/xgboost-ray.html#xgboost_ray.RayXGBRegressor.predict +py:module + ray.ml.checkpoint ray-air/getting-started.html#module-ray.ml.checkpoint + ray.ml.config ray-air/getting-started.html#module-ray.ml.config + ray.ml.predictors.integrations.lightgbm ray-air/getting-started.html#module-ray.ml.predictors.integrations.lightgbm + ray.ml.predictors.integrations.tensorflow ray-air/getting-started.html#module-ray.ml.predictors.integrations.tensorflow + ray.ml.predictors.integrations.torch ray-air/getting-started.html#module-ray.ml.predictors.integrations.torch + ray.ml.predictors.integrations.xgboost ray-air/getting-started.html#module-ray.ml.predictors.integrations.xgboost + ray.ml.preprocessors ray-air/getting-started.html#module-ray.ml.preprocessors + ray.ml.result ray-air/getting-started.html#module-ray.ml.result + ray.ml.train.integrations.lightgbm ray-air/getting-started.html#module-ray.ml.train.integrations.lightgbm + ray.ml.train.integrations.tensorflow ray-air/getting-started.html#module-ray.ml.train.integrations.tensorflow + ray.ml.train.integrations.torch ray-air/getting-started.html#module-ray.ml.train.integrations.torch + ray.ml.train.integrations.xgboost ray-air/getting-started.html#module-ray.ml.train.integrations.xgboost + ray.rllib.env.multi_agent_env rllib/package_ref/env/multi_agent_env.html#module-ray.rllib.env.multi_agent_env + ray.rllib.execution rllib/package_ref/execution.html#module-ray.rllib.execution + ray.rllib.utils.annotations rllib/package_ref/utils/annotations.html#module-ray.rllib.utils.annotations + ray.rllib.utils.deprecation rllib/package_ref/utils/deprecation.html#module-ray.rllib.utils.deprecation + ray.rllib.utils.framework rllib/package_ref/utils/framework.html#module-ray.rllib.utils.framework + ray.rllib.utils.numpy rllib/package_ref/utils/numpy.html#module-ray.rllib.utils.numpy + ray.rllib.utils.tf_utils rllib/package_ref/utils/tf_utils.html#module-ray.rllib.utils.tf_utils + ray.rllib.utils.torch_utils rllib/package_ref/utils/torch_utils.html#module-ray.rllib.utils.torch_utils + ray.serve.http_adapters serve/http-servehandle.html#module-ray.serve.http_adapters + ray.tune.result_grid ray-air/getting-started.html#module-ray.tune.result_grid + ray.util.collective.collective ray-more-libs/ray-collective.html#module-ray.util.collective.collective +py:property + ray.data.extensions.tensor_extension.ArrowTensorType.shape data/package-ref.html#ray.data.extensions.tensor_extension.ArrowTensorType.shape + ray.data.extensions.tensor_extension.TensorArray.dtype data/package-ref.html#ray.data.extensions.tensor_extension.TensorArray.dtype + ray.data.extensions.tensor_extension.TensorArray.nbytes data/package-ref.html#ray.data.extensions.tensor_extension.TensorArray.nbytes + ray.data.extensions.tensor_extension.TensorArray.numpy_dtype data/package-ref.html#ray.data.extensions.tensor_extension.TensorArray.numpy_dtype + ray.data.extensions.tensor_extension.TensorArray.numpy_ndim data/package-ref.html#ray.data.extensions.tensor_extension.TensorArray.numpy_ndim + ray.data.extensions.tensor_extension.TensorArray.numpy_shape data/package-ref.html#ray.data.extensions.tensor_extension.TensorArray.numpy_shape + ray.data.extensions.tensor_extension.TensorDtype.name data/package-ref.html#ray.data.extensions.tensor_extension.TensorDtype.name + ray.data.extensions.tensor_extension.TensorDtype.type data/package-ref.html#ray.data.extensions.tensor_extension.TensorDtype.type + ray.ml.config.ScalingConfigDataClass.additional_resources_per_worker ray-air/getting-started.html#ray.ml.config.ScalingConfigDataClass.additional_resources_per_worker + ray.ml.config.ScalingConfigDataClass.num_cpus_per_worker ray-air/getting-started.html#ray.ml.config.ScalingConfigDataClass.num_cpus_per_worker + ray.ml.config.ScalingConfigDataClass.num_gpus_per_worker ray-air/getting-started.html#ray.ml.config.ScalingConfigDataClass.num_gpus_per_worker + ray.rllib.env.base_env.BaseEnv.action_space rllib/package_ref/env/base_env.html#ray.rllib.env.base_env.BaseEnv.action_space + ray.rllib.env.base_env.BaseEnv.observation_space rllib/package_ref/env/base_env.html#ray.rllib.env.base_env.BaseEnv.observation_space + ray.runtime_context.RuntimeContext.actor_id ray-core/package-ref.html#ray.runtime_context.RuntimeContext.actor_id + ray.runtime_context.RuntimeContext.current_actor ray-core/package-ref.html#ray.runtime_context.RuntimeContext.current_actor + ray.runtime_context.RuntimeContext.current_placement_group_id ray-core/package-ref.html#ray.runtime_context.RuntimeContext.current_placement_group_id + ray.runtime_context.RuntimeContext.job_id ray-core/package-ref.html#ray.runtime_context.RuntimeContext.job_id + ray.runtime_context.RuntimeContext.namespace ray-core/package-ref.html#ray.runtime_context.RuntimeContext.namespace + ray.runtime_context.RuntimeContext.node_id ray-core/package-ref.html#ray.runtime_context.RuntimeContext.node_id + ray.runtime_context.RuntimeContext.runtime_env ray-core/package-ref.html#ray.runtime_context.RuntimeContext.runtime_env + ray.runtime_context.RuntimeContext.should_capture_child_tasks_in_placement_group ray-core/package-ref.html#ray.runtime_context.RuntimeContext.should_capture_child_tasks_in_placement_group + ray.runtime_context.RuntimeContext.task_id ray-core/package-ref.html#ray.runtime_context.RuntimeContext.task_id + ray.runtime_context.RuntimeContext.was_current_actor_reconstructed ray-core/package-ref.html#ray.runtime_context.RuntimeContext.was_current_actor_reconstructed + ray.train.Trainer.best_checkpoint train/api.html#ray.train.Trainer.best_checkpoint + ray.train.Trainer.best_checkpoint_path train/api.html#ray.train.Trainer.best_checkpoint_path + ray.train.Trainer.latest_checkpoint train/api.html#ray.train.Trainer.latest_checkpoint + ray.train.Trainer.latest_checkpoint_dir train/api.html#ray.train.Trainer.latest_checkpoint_dir + ray.train.Trainer.latest_run_dir train/api.html#ray.train.Trainer.latest_run_dir + ray.tune.ExperimentAnalysis.best_checkpoint tune/api_docs/analysis.html#ray.tune.ExperimentAnalysis.best_checkpoint + ray.tune.ExperimentAnalysis.best_config tune/api_docs/analysis.html#ray.tune.ExperimentAnalysis.best_config + ray.tune.ExperimentAnalysis.best_dataframe tune/api_docs/analysis.html#ray.tune.ExperimentAnalysis.best_dataframe + ray.tune.ExperimentAnalysis.best_logdir tune/api_docs/analysis.html#ray.tune.ExperimentAnalysis.best_logdir + ray.tune.ExperimentAnalysis.best_result tune/api_docs/analysis.html#ray.tune.ExperimentAnalysis.best_result + ray.tune.ExperimentAnalysis.best_result_df tune/api_docs/analysis.html#ray.tune.ExperimentAnalysis.best_result_df + ray.tune.ExperimentAnalysis.best_trial tune/api_docs/analysis.html#ray.tune.ExperimentAnalysis.best_trial + ray.tune.ExperimentAnalysis.results tune/api_docs/analysis.html#ray.tune.ExperimentAnalysis.results + ray.tune.ExperimentAnalysis.results_df tune/api_docs/analysis.html#ray.tune.ExperimentAnalysis.results_df + ray.tune.ExperimentAnalysis.trial_dataframes tune/api_docs/analysis.html#ray.tune.ExperimentAnalysis.trial_dataframes + ray.tune.Trainable.iteration tune/api_docs/trainable.html#ray.tune.Trainable.iteration + ray.tune.Trainable.logdir tune/api_docs/trainable.html#ray.tune.Trainable.logdir + ray.tune.Trainable.training_iteration tune/api_docs/trainable.html#ray.tune.Trainable.training_iteration + ray.tune.Trainable.trial_id tune/api_docs/trainable.html#ray.tune.Trainable.trial_id + ray.tune.Trainable.trial_name tune/api_docs/trainable.html#ray.tune.Trainable.trial_name + ray.tune.Trainable.trial_resources tune/api_docs/trainable.html#ray.tune.Trainable.trial_resources + ray.tune.suggest.Searcher.metric tune/api_docs/suggestion.html#ray.tune.suggest.Searcher.metric + ray.tune.suggest.Searcher.mode tune/api_docs/suggestion.html#ray.tune.suggest.Searcher.mode + ray.util.metrics.Histogram.info ray-core/package-ref.html#ray.util.metrics.Histogram.info + ray.util.placement_group.PlacementGroup.bundle_specs ray-core/package-ref.html#ray.util.placement_group.PlacementGroup.bundle_specs + ray.util.sgd.torch.BaseTorchTrainable.trainer raysgd/raysgd_ref.html#ray.util.sgd.torch.BaseTorchTrainable.trainer + ray.util.sgd.torch.TrainingOperator.config raysgd/raysgd_ref.html#ray.util.sgd.torch.TrainingOperator.config + ray.util.sgd.torch.TrainingOperator.device raysgd/raysgd_ref.html#ray.util.sgd.torch.TrainingOperator.device + ray.util.sgd.torch.TrainingOperator.device_ids raysgd/raysgd_ref.html#ray.util.sgd.torch.TrainingOperator.device_ids + ray.util.sgd.torch.TrainingOperator.local_rank raysgd/raysgd_ref.html#ray.util.sgd.torch.TrainingOperator.local_rank + ray.util.sgd.torch.TrainingOperator.scheduler_step_freq raysgd/raysgd_ref.html#ray.util.sgd.torch.TrainingOperator.scheduler_step_freq ray.util.sgd.torch.TrainingOperator.use_fp16 raysgd/raysgd_ref.html#ray.util.sgd.torch.TrainingOperator.use_fp16 ray.util.sgd.torch.TrainingOperator.use_fp16_apex raysgd/raysgd_ref.html#ray.util.sgd.torch.TrainingOperator.use_fp16_apex ray.util.sgd.torch.TrainingOperator.use_fp16_native raysgd/raysgd_ref.html#ray.util.sgd.torch.TrainingOperator.use_fp16_native ray.util.sgd.torch.TrainingOperator.use_gpu raysgd/raysgd_ref.html#ray.util.sgd.torch.TrainingOperator.use_gpu ray.util.sgd.torch.TrainingOperator.use_tqdm raysgd/raysgd_ref.html#ray.util.sgd.torch.TrainingOperator.use_tqdm - ray.util.sgd.torch.TrainingOperator.validate raysgd/raysgd_ref.html#ray.util.sgd.torch.TrainingOperator.validate - ray.util.sgd.torch.TrainingOperator.validate_batch raysgd/raysgd_ref.html#ray.util.sgd.torch.TrainingOperator.validate_batch ray.util.sgd.torch.TrainingOperator.world_rank raysgd/raysgd_ref.html#ray.util.sgd.torch.TrainingOperator.world_rank ray.util.sgd.torch.training_operator.CreatorOperator.criterion raysgd/raysgd_ref.html#ray.util.sgd.torch.training_operator.CreatorOperator.criterion ray.util.sgd.torch.training_operator.CreatorOperator.model raysgd/raysgd_ref.html#ray.util.sgd.torch.training_operator.CreatorOperator.model @@ -1127,188 +1450,210 @@ py:method ray.util.sgd.torch.training_operator.CreatorOperator.optimizers raysgd/raysgd_ref.html#ray.util.sgd.torch.training_operator.CreatorOperator.optimizers ray.util.sgd.torch.training_operator.CreatorOperator.scheduler raysgd/raysgd_ref.html#ray.util.sgd.torch.training_operator.CreatorOperator.scheduler ray.util.sgd.torch.training_operator.CreatorOperator.schedulers raysgd/raysgd_ref.html#ray.util.sgd.torch.training_operator.CreatorOperator.schedulers - ray.util.sgd.utils.AverageMeter.update raysgd/raysgd_ref.html#ray.util.sgd.utils.AverageMeter.update - ray.util.sgd.utils.AverageMeterCollection.summary raysgd/raysgd_ref.html#ray.util.sgd.utils.AverageMeterCollection.summary - ray.util.sgd.utils.AverageMeterCollection.update raysgd/raysgd_ref.html#ray.util.sgd.utils.AverageMeterCollection.update ray.workflow.common.Workflow.data workflows/package-ref.html#ray.workflow.common.Workflow.data - ray.workflow.common.Workflow.run workflows/package-ref.html#ray.workflow.common.Workflow.run - ray.workflow.common.Workflow.run_async workflows/package-ref.html#ray.workflow.common.Workflow.run_async - ray.workflow.virtual_actor_class.VirtualActorClass.get_or_create workflows/package-ref.html#ray.workflow.virtual_actor_class.VirtualActorClass.get_or_create - ray.workflow.virtual_actor_class.VirtualActorClass.options workflows/package-ref.html#ray.workflow.virtual_actor_class.VirtualActorClass.options - xgboost_ray.RayDMatrix.get_data xgboost-ray.html#xgboost_ray.RayDMatrix.get_data - xgboost_ray.RayDMatrix.load_data xgboost-ray.html#xgboost_ray.RayDMatrix.load_data - xgboost_ray.RayDMatrix.unload_data xgboost-ray.html#xgboost_ray.RayDMatrix.unload_data - xgboost_ray.RayParams.get_tune_resources xgboost-ray.html#xgboost_ray.RayParams.get_tune_resources - xgboost_ray.RayXGBClassifier.fit xgboost-ray.html#xgboost_ray.RayXGBClassifier.fit - xgboost_ray.RayXGBClassifier.load_model xgboost-ray.html#xgboost_ray.RayXGBClassifier.load_model - xgboost_ray.RayXGBClassifier.predict xgboost-ray.html#xgboost_ray.RayXGBClassifier.predict - xgboost_ray.RayXGBClassifier.predict_proba xgboost-ray.html#xgboost_ray.RayXGBClassifier.predict_proba - xgboost_ray.RayXGBRFClassifier.get_num_boosting_rounds xgboost-ray.html#xgboost_ray.RayXGBRFClassifier.get_num_boosting_rounds - xgboost_ray.RayXGBRFClassifier.get_xgb_params xgboost-ray.html#xgboost_ray.RayXGBRFClassifier.get_xgb_params - xgboost_ray.RayXGBRFRegressor.get_num_boosting_rounds xgboost-ray.html#xgboost_ray.RayXGBRFRegressor.get_num_boosting_rounds - xgboost_ray.RayXGBRFRegressor.get_xgb_params xgboost-ray.html#xgboost_ray.RayXGBRFRegressor.get_xgb_params - xgboost_ray.RayXGBRegressor.fit xgboost-ray.html#xgboost_ray.RayXGBRegressor.fit - xgboost_ray.RayXGBRegressor.load_model xgboost-ray.html#xgboost_ray.RayXGBRegressor.load_model - xgboost_ray.RayXGBRegressor.predict xgboost-ray.html#xgboost_ray.RayXGBRegressor.predict -py:module - ray.rllib.env rllib-package-ref.html#module-ray.rllib.env - ray.rllib.evaluation rllib-package-ref.html#module-ray.rllib.evaluation - ray.rllib.execution rllib-package-ref.html#module-ray.rllib.execution - ray.rllib.models rllib-package-ref.html#module-ray.rllib.models - ray.rllib.policy rllib-package-ref.html#module-ray.rllib.policy - ray.rllib.utils rllib-package-ref.html#module-ray.rllib.utils - ray.util.collective.collective ray-collective.html#module-ray.util.collective.collective +py:pydantic_field + ray.serve.http_adapters.NdArray.array serve/http-servehandle.html#ray.serve.http_adapters.NdArray.array + ray.serve.http_adapters.NdArray.dtype serve/http-servehandle.html#ray.serve.http_adapters.NdArray.dtype + ray.serve.http_adapters.NdArray.shape serve/http-servehandle.html#ray.serve.http_adapters.NdArray.shape +py:pydantic_model + ray.serve.http_adapters.NdArray serve/http-servehandle.html#ray.serve.http_adapters.NdArray std:cmdoption - ray-attach.--cluster-name package-ref.html#cmdoption-ray-attach-n - ray-attach.--log-color package-ref.html#cmdoption-ray-attach-log-color - ray-attach.--log-style package-ref.html#cmdoption-ray-attach-log-style - ray-attach.--new package-ref.html#cmdoption-ray-attach-N - ray-attach.--no-config-cache package-ref.html#cmdoption-ray-attach-no-config-cache - ray-attach.--port-forward package-ref.html#cmdoption-ray-attach-p - ray-attach.--screen package-ref.html#cmdoption-ray-attach-screen - ray-attach.--start package-ref.html#cmdoption-ray-attach-start - ray-attach.--tmux package-ref.html#cmdoption-ray-attach-tmux - ray-attach.--verbose package-ref.html#cmdoption-ray-attach-v - ray-attach.-N package-ref.html#cmdoption-ray-attach-N - ray-attach.-n package-ref.html#cmdoption-ray-attach-n - ray-attach.-p package-ref.html#cmdoption-ray-attach-p - ray-attach.-v package-ref.html#cmdoption-ray-attach-v - ray-attach.CLUSTER_CONFIG_FILE package-ref.html#cmdoption-ray-attach-arg-CLUSTER_CONFIG_FILE - ray-debug.--address package-ref.html#cmdoption-ray-debug-address - ray-down.--cluster-name package-ref.html#cmdoption-ray-down-n - ray-down.--keep-min-workers package-ref.html#cmdoption-ray-down-keep-min-workers - ray-down.--log-color package-ref.html#cmdoption-ray-down-log-color - ray-down.--log-style package-ref.html#cmdoption-ray-down-log-style - ray-down.--verbose package-ref.html#cmdoption-ray-down-v - ray-down.--workers-only package-ref.html#cmdoption-ray-down-workers-only - ray-down.--yes package-ref.html#cmdoption-ray-down-y - ray-down.-n package-ref.html#cmdoption-ray-down-n - ray-down.-v package-ref.html#cmdoption-ray-down-v - ray-down.-y package-ref.html#cmdoption-ray-down-y - ray-down.CLUSTER_CONFIG_FILE package-ref.html#cmdoption-ray-down-arg-CLUSTER_CONFIG_FILE - ray-exec.--cluster-name package-ref.html#cmdoption-ray-exec-n - ray-exec.--log-color package-ref.html#cmdoption-ray-exec-log-color - ray-exec.--log-style package-ref.html#cmdoption-ray-exec-log-style - ray-exec.--no-config-cache package-ref.html#cmdoption-ray-exec-no-config-cache - ray-exec.--port-forward package-ref.html#cmdoption-ray-exec-p - ray-exec.--run-env package-ref.html#cmdoption-ray-exec-run-env - ray-exec.--screen package-ref.html#cmdoption-ray-exec-screen - ray-exec.--start package-ref.html#cmdoption-ray-exec-start - ray-exec.--stop package-ref.html#cmdoption-ray-exec-stop - ray-exec.--tmux package-ref.html#cmdoption-ray-exec-tmux - ray-exec.--verbose package-ref.html#cmdoption-ray-exec-v - ray-exec.-n package-ref.html#cmdoption-ray-exec-n - ray-exec.-p package-ref.html#cmdoption-ray-exec-p - ray-exec.-v package-ref.html#cmdoption-ray-exec-v - ray-exec.CLUSTER_CONFIG_FILE package-ref.html#cmdoption-ray-exec-arg-CLUSTER_CONFIG_FILE - ray-exec.CMD package-ref.html#cmdoption-ray-exec-arg-CMD - ray-get_head_ip.--cluster-name package-ref.html#cmdoption-ray-get_head_ip-n - ray-get_head_ip.-n package-ref.html#cmdoption-ray-get_head_ip-n - ray-get_head_ip.CLUSTER_CONFIG_FILE package-ref.html#cmdoption-ray-get_head_ip-arg-CLUSTER_CONFIG_FILE - ray-memory.--address package-ref.html#cmdoption-ray-memory-address - ray-memory.--group-by package-ref.html#cmdoption-ray-memory-group-by - ray-memory.--n package-ref.html#cmdoption-ray-memory-num-entries - ray-memory.--no-format package-ref.html#cmdoption-ray-memory-no-format - ray-memory.--num-entries package-ref.html#cmdoption-ray-memory-num-entries - ray-memory.--redis_password package-ref.html#cmdoption-ray-memory-redis_password - ray-memory.--sort-by package-ref.html#cmdoption-ray-memory-sort-by - ray-memory.--stats-only package-ref.html#cmdoption-ray-memory-stats-only - ray-memory.--units package-ref.html#cmdoption-ray-memory-units - ray-start.--address package-ref.html#cmdoption-ray-start-address - ray-start.--autoscaling-config package-ref.html#cmdoption-ray-start-autoscaling-config - ray-start.--block package-ref.html#cmdoption-ray-start-block - ray-start.--dashboard-host package-ref.html#cmdoption-ray-start-dashboard-host - ray-start.--dashboard-port package-ref.html#cmdoption-ray-start-dashboard-port - ray-start.--gcs-server-port package-ref.html#cmdoption-ray-start-gcs-server-port - ray-start.--head package-ref.html#cmdoption-ray-start-head - ray-start.--include-dashboard package-ref.html#cmdoption-ray-start-include-dashboard - ray-start.--log-color package-ref.html#cmdoption-ray-start-log-color - ray-start.--log-style package-ref.html#cmdoption-ray-start-log-style - ray-start.--max-worker-port package-ref.html#cmdoption-ray-start-max-worker-port - ray-start.--min-worker-port package-ref.html#cmdoption-ray-start-min-worker-port - ray-start.--no-redirect-output package-ref.html#cmdoption-ray-start-no-redirect-output - ray-start.--no-redirect-worker-output package-ref.html#cmdoption-ray-start-no-redirect-worker-output - ray-start.--node-ip-address package-ref.html#cmdoption-ray-start-node-ip-address - ray-start.--node-manager-port package-ref.html#cmdoption-ray-start-node-manager-port - ray-start.--num-cpus package-ref.html#cmdoption-ray-start-num-cpus - ray-start.--num-gpus package-ref.html#cmdoption-ray-start-num-gpus - ray-start.--object-manager-port package-ref.html#cmdoption-ray-start-object-manager-port - ray-start.--object-store-memory package-ref.html#cmdoption-ray-start-object-store-memory - ray-start.--plasma-directory package-ref.html#cmdoption-ray-start-plasma-directory - ray-start.--plasma-store-socket-name package-ref.html#cmdoption-ray-start-plasma-store-socket-name - ray-start.--port package-ref.html#cmdoption-ray-start-port - ray-start.--ray-client-server-port package-ref.html#cmdoption-ray-start-ray-client-server-port - ray-start.--ray-debugger-external package-ref.html#cmdoption-ray-start-ray-debugger-external - ray-start.--raylet-socket-name package-ref.html#cmdoption-ray-start-raylet-socket-name - ray-start.--resources package-ref.html#cmdoption-ray-start-resources - ray-start.--verbose package-ref.html#cmdoption-ray-start-v - ray-start.--worker-port-list package-ref.html#cmdoption-ray-start-worker-port-list - ray-start.-v package-ref.html#cmdoption-ray-start-v - ray-stop.--force package-ref.html#cmdoption-ray-stop-f - ray-stop.--log-color package-ref.html#cmdoption-ray-stop-log-color - ray-stop.--log-style package-ref.html#cmdoption-ray-stop-log-style - ray-stop.--verbose package-ref.html#cmdoption-ray-stop-v - ray-stop.-f package-ref.html#cmdoption-ray-stop-f - ray-stop.-v package-ref.html#cmdoption-ray-stop-v - ray-submit.--args package-ref.html#cmdoption-ray-submit-args - ray-submit.--cluster-name package-ref.html#cmdoption-ray-submit-n - ray-submit.--log-color package-ref.html#cmdoption-ray-submit-log-color - ray-submit.--log-style package-ref.html#cmdoption-ray-submit-log-style - ray-submit.--no-config-cache package-ref.html#cmdoption-ray-submit-no-config-cache - ray-submit.--port-forward package-ref.html#cmdoption-ray-submit-p - ray-submit.--screen package-ref.html#cmdoption-ray-submit-screen - ray-submit.--start package-ref.html#cmdoption-ray-submit-start - ray-submit.--stop package-ref.html#cmdoption-ray-submit-stop - ray-submit.--tmux package-ref.html#cmdoption-ray-submit-tmux - ray-submit.--verbose package-ref.html#cmdoption-ray-submit-v - ray-submit.-n package-ref.html#cmdoption-ray-submit-n - ray-submit.-p package-ref.html#cmdoption-ray-submit-p - ray-submit.-v package-ref.html#cmdoption-ray-submit-v - ray-submit.CLUSTER_CONFIG_FILE package-ref.html#cmdoption-ray-submit-arg-CLUSTER_CONFIG_FILE - ray-submit.SCRIPT package-ref.html#cmdoption-ray-submit-arg-SCRIPT - ray-submit.SCRIPT_ARGS package-ref.html#cmdoption-ray-submit-arg-SCRIPT_ARGS - ray-timeline.--address package-ref.html#cmdoption-ray-timeline-address - ray-up.--cluster-name package-ref.html#cmdoption-ray-up-n - ray-up.--log-color package-ref.html#cmdoption-ray-up-log-color - ray-up.--log-style package-ref.html#cmdoption-ray-up-log-style - ray-up.--max-workers package-ref.html#cmdoption-ray-up-max-workers - ray-up.--min-workers package-ref.html#cmdoption-ray-up-min-workers - ray-up.--no-config-cache package-ref.html#cmdoption-ray-up-no-config-cache - ray-up.--no-restart package-ref.html#cmdoption-ray-up-no-restart - ray-up.--redirect-command-output package-ref.html#cmdoption-ray-up-redirect-command-output - ray-up.--restart-only package-ref.html#cmdoption-ray-up-restart-only - ray-up.--use-login-shells package-ref.html#cmdoption-ray-up-use-login-shells - ray-up.--use-normal-shells package-ref.html#cmdoption-ray-up-use-login-shells - ray-up.--verbose package-ref.html#cmdoption-ray-up-v - ray-up.--yes package-ref.html#cmdoption-ray-up-y - ray-up.-n package-ref.html#cmdoption-ray-up-n - ray-up.-v package-ref.html#cmdoption-ray-up-v - ray-up.-y package-ref.html#cmdoption-ray-up-y - ray-up.CLUSTER_CONFIG_FILE package-ref.html#cmdoption-ray-up-arg-CLUSTER_CONFIG_FILE + ray-attach.--cluster-name ray-core/package-ref.html#cmdoption-ray-attach-n + ray-attach.--log-color ray-core/package-ref.html#cmdoption-ray-attach-log-color + ray-attach.--log-style ray-core/package-ref.html#cmdoption-ray-attach-log-style + ray-attach.--new ray-core/package-ref.html#cmdoption-ray-attach-N + ray-attach.--no-config-cache ray-core/package-ref.html#cmdoption-ray-attach-no-config-cache + ray-attach.--port-forward ray-core/package-ref.html#cmdoption-ray-attach-p + ray-attach.--screen ray-core/package-ref.html#cmdoption-ray-attach-screen + ray-attach.--start ray-core/package-ref.html#cmdoption-ray-attach-start + ray-attach.--tmux ray-core/package-ref.html#cmdoption-ray-attach-tmux + ray-attach.--verbose ray-core/package-ref.html#cmdoption-ray-attach-v + ray-attach.-N ray-core/package-ref.html#cmdoption-ray-attach-N + ray-attach.-n ray-core/package-ref.html#cmdoption-ray-attach-n + ray-attach.-p ray-core/package-ref.html#cmdoption-ray-attach-p + ray-attach.-v ray-core/package-ref.html#cmdoption-ray-attach-v + ray-attach.CLUSTER_CONFIG_FILE ray-core/package-ref.html#cmdoption-ray-attach-arg-CLUSTER_CONFIG_FILE + ray-debug.--address ray-core/package-ref.html#cmdoption-ray-debug-address + ray-down.--cluster-name ray-core/package-ref.html#cmdoption-ray-down-n + ray-down.--keep-min-workers ray-core/package-ref.html#cmdoption-ray-down-keep-min-workers + ray-down.--log-color ray-core/package-ref.html#cmdoption-ray-down-log-color + ray-down.--log-style ray-core/package-ref.html#cmdoption-ray-down-log-style + ray-down.--verbose ray-core/package-ref.html#cmdoption-ray-down-v + ray-down.--workers-only ray-core/package-ref.html#cmdoption-ray-down-workers-only + ray-down.--yes ray-core/package-ref.html#cmdoption-ray-down-y + ray-down.-n ray-core/package-ref.html#cmdoption-ray-down-n + ray-down.-v ray-core/package-ref.html#cmdoption-ray-down-v + ray-down.-y ray-core/package-ref.html#cmdoption-ray-down-y + ray-down.CLUSTER_CONFIG_FILE ray-core/package-ref.html#cmdoption-ray-down-arg-CLUSTER_CONFIG_FILE + ray-exec.--cluster-name ray-core/package-ref.html#cmdoption-ray-exec-n + ray-exec.--log-color ray-core/package-ref.html#cmdoption-ray-exec-log-color + ray-exec.--log-style ray-core/package-ref.html#cmdoption-ray-exec-log-style + ray-exec.--no-config-cache ray-core/package-ref.html#cmdoption-ray-exec-no-config-cache + ray-exec.--port-forward ray-core/package-ref.html#cmdoption-ray-exec-p + ray-exec.--run-env ray-core/package-ref.html#cmdoption-ray-exec-run-env + ray-exec.--screen ray-core/package-ref.html#cmdoption-ray-exec-screen + ray-exec.--start ray-core/package-ref.html#cmdoption-ray-exec-start + ray-exec.--stop ray-core/package-ref.html#cmdoption-ray-exec-stop + ray-exec.--tmux ray-core/package-ref.html#cmdoption-ray-exec-tmux + ray-exec.--verbose ray-core/package-ref.html#cmdoption-ray-exec-v + ray-exec.-n ray-core/package-ref.html#cmdoption-ray-exec-n + ray-exec.-p ray-core/package-ref.html#cmdoption-ray-exec-p + ray-exec.-v ray-core/package-ref.html#cmdoption-ray-exec-v + ray-exec.CLUSTER_CONFIG_FILE ray-core/package-ref.html#cmdoption-ray-exec-arg-CLUSTER_CONFIG_FILE + ray-exec.CMD ray-core/package-ref.html#cmdoption-ray-exec-arg-CMD + ray-get_head_ip.--cluster-name ray-core/package-ref.html#cmdoption-ray-get_head_ip-n + ray-get_head_ip.-n ray-core/package-ref.html#cmdoption-ray-get_head_ip-n + ray-get_head_ip.CLUSTER_CONFIG_FILE ray-core/package-ref.html#cmdoption-ray-get_head_ip-arg-CLUSTER_CONFIG_FILE + ray-job-list.--address cluster/jobs-package-ref.html#cmdoption-ray-job-list-address + ray-job-list.--log-color cluster/jobs-package-ref.html#cmdoption-ray-job-list-log-color + ray-job-list.--log-style cluster/jobs-package-ref.html#cmdoption-ray-job-list-log-style + ray-job-list.--verbose cluster/jobs-package-ref.html#cmdoption-ray-job-list-v + ray-job-list.-v cluster/jobs-package-ref.html#cmdoption-ray-job-list-v + ray-job-logs.--address cluster/jobs-package-ref.html#cmdoption-ray-job-logs-address + ray-job-logs.--follow cluster/jobs-package-ref.html#cmdoption-ray-job-logs-f + ray-job-logs.--log-color cluster/jobs-package-ref.html#cmdoption-ray-job-logs-log-color + ray-job-logs.--log-style cluster/jobs-package-ref.html#cmdoption-ray-job-logs-log-style + ray-job-logs.--verbose cluster/jobs-package-ref.html#cmdoption-ray-job-logs-v + ray-job-logs.-f cluster/jobs-package-ref.html#cmdoption-ray-job-logs-f + ray-job-logs.-v cluster/jobs-package-ref.html#cmdoption-ray-job-logs-v + ray-job-logs.JOB_ID cluster/jobs-package-ref.html#cmdoption-ray-job-logs-arg-JOB_ID + ray-job-status.--address cluster/jobs-package-ref.html#cmdoption-ray-job-status-address + ray-job-status.--log-color cluster/jobs-package-ref.html#cmdoption-ray-job-status-log-color + ray-job-status.--log-style cluster/jobs-package-ref.html#cmdoption-ray-job-status-log-style + ray-job-status.--verbose cluster/jobs-package-ref.html#cmdoption-ray-job-status-v + ray-job-status.-v cluster/jobs-package-ref.html#cmdoption-ray-job-status-v + ray-job-status.JOB_ID cluster/jobs-package-ref.html#cmdoption-ray-job-status-arg-JOB_ID + ray-job-stop.--address cluster/jobs-package-ref.html#cmdoption-ray-job-stop-address + ray-job-stop.--log-color cluster/jobs-package-ref.html#cmdoption-ray-job-stop-log-color + ray-job-stop.--log-style cluster/jobs-package-ref.html#cmdoption-ray-job-stop-log-style + ray-job-stop.--no-wait cluster/jobs-package-ref.html#cmdoption-ray-job-stop-no-wait + ray-job-stop.--verbose cluster/jobs-package-ref.html#cmdoption-ray-job-stop-v + ray-job-stop.-v cluster/jobs-package-ref.html#cmdoption-ray-job-stop-v + ray-job-stop.JOB_ID cluster/jobs-package-ref.html#cmdoption-ray-job-stop-arg-JOB_ID + ray-job-submit.--address cluster/jobs-package-ref.html#cmdoption-ray-job-submit-address + ray-job-submit.--job-id cluster/jobs-package-ref.html#cmdoption-ray-job-submit-job-id + ray-job-submit.--log-color cluster/jobs-package-ref.html#cmdoption-ray-job-submit-log-color + ray-job-submit.--log-style cluster/jobs-package-ref.html#cmdoption-ray-job-submit-log-style + ray-job-submit.--no-wait cluster/jobs-package-ref.html#cmdoption-ray-job-submit-no-wait + ray-job-submit.--runtime-env cluster/jobs-package-ref.html#cmdoption-ray-job-submit-runtime-env + ray-job-submit.--runtime-env-json cluster/jobs-package-ref.html#cmdoption-ray-job-submit-runtime-env-json + ray-job-submit.--verbose cluster/jobs-package-ref.html#cmdoption-ray-job-submit-v + ray-job-submit.--working-dir cluster/jobs-package-ref.html#cmdoption-ray-job-submit-working-dir + ray-job-submit.-v cluster/jobs-package-ref.html#cmdoption-ray-job-submit-v + ray-job-submit.ENTRYPOINT cluster/jobs-package-ref.html#cmdoption-ray-job-submit-arg-ENTRYPOINT + ray-memory.--address ray-core/package-ref.html#cmdoption-ray-memory-address + ray-memory.--group-by ray-core/package-ref.html#cmdoption-ray-memory-group-by + ray-memory.--n ray-core/package-ref.html#cmdoption-ray-memory-num-entries + ray-memory.--no-format ray-core/package-ref.html#cmdoption-ray-memory-no-format + ray-memory.--num-entries ray-core/package-ref.html#cmdoption-ray-memory-num-entries + ray-memory.--redis_password ray-core/package-ref.html#cmdoption-ray-memory-redis_password + ray-memory.--sort-by ray-core/package-ref.html#cmdoption-ray-memory-sort-by + ray-memory.--stats-only ray-core/package-ref.html#cmdoption-ray-memory-stats-only + ray-memory.--units ray-core/package-ref.html#cmdoption-ray-memory-units + ray-monitor.--cluster-name ray-core/package-ref.html#cmdoption-ray-monitor-n + ray-monitor.--lines ray-core/package-ref.html#cmdoption-ray-monitor-lines + ray-monitor.--log-color ray-core/package-ref.html#cmdoption-ray-monitor-log-color + ray-monitor.--log-style ray-core/package-ref.html#cmdoption-ray-monitor-log-style + ray-monitor.--verbose ray-core/package-ref.html#cmdoption-ray-monitor-v + ray-monitor.-n ray-core/package-ref.html#cmdoption-ray-monitor-n + ray-monitor.-v ray-core/package-ref.html#cmdoption-ray-monitor-v + ray-monitor.CLUSTER_CONFIG_FILE ray-core/package-ref.html#cmdoption-ray-monitor-arg-CLUSTER_CONFIG_FILE + ray-start.--address ray-core/package-ref.html#cmdoption-ray-start-address + ray-start.--autoscaling-config ray-core/package-ref.html#cmdoption-ray-start-autoscaling-config + ray-start.--block ray-core/package-ref.html#cmdoption-ray-start-block + ray-start.--dashboard-host ray-core/package-ref.html#cmdoption-ray-start-dashboard-host + ray-start.--dashboard-port ray-core/package-ref.html#cmdoption-ray-start-dashboard-port + ray-start.--gcs-server-port ray-core/package-ref.html#cmdoption-ray-start-gcs-server-port + ray-start.--head ray-core/package-ref.html#cmdoption-ray-start-head + ray-start.--include-dashboard ray-core/package-ref.html#cmdoption-ray-start-include-dashboard + ray-start.--log-color ray-core/package-ref.html#cmdoption-ray-start-log-color + ray-start.--log-style ray-core/package-ref.html#cmdoption-ray-start-log-style + ray-start.--max-worker-port ray-core/package-ref.html#cmdoption-ray-start-max-worker-port + ray-start.--min-worker-port ray-core/package-ref.html#cmdoption-ray-start-min-worker-port + ray-start.--no-redirect-output ray-core/package-ref.html#cmdoption-ray-start-no-redirect-output + ray-start.--node-ip-address ray-core/package-ref.html#cmdoption-ray-start-node-ip-address + ray-start.--node-manager-port ray-core/package-ref.html#cmdoption-ray-start-node-manager-port + ray-start.--num-cpus ray-core/package-ref.html#cmdoption-ray-start-num-cpus + ray-start.--num-gpus ray-core/package-ref.html#cmdoption-ray-start-num-gpus + ray-start.--object-manager-port ray-core/package-ref.html#cmdoption-ray-start-object-manager-port + ray-start.--object-store-memory ray-core/package-ref.html#cmdoption-ray-start-object-store-memory + ray-start.--plasma-directory ray-core/package-ref.html#cmdoption-ray-start-plasma-directory + ray-start.--plasma-store-socket-name ray-core/package-ref.html#cmdoption-ray-start-plasma-store-socket-name + ray-start.--port ray-core/package-ref.html#cmdoption-ray-start-port + ray-start.--ray-client-server-port ray-core/package-ref.html#cmdoption-ray-start-ray-client-server-port + ray-start.--ray-debugger-external ray-core/package-ref.html#cmdoption-ray-start-ray-debugger-external + ray-start.--raylet-socket-name ray-core/package-ref.html#cmdoption-ray-start-raylet-socket-name + ray-start.--resources ray-core/package-ref.html#cmdoption-ray-start-resources + ray-start.--storage ray-core/package-ref.html#cmdoption-ray-start-storage + ray-start.--verbose ray-core/package-ref.html#cmdoption-ray-start-v + ray-start.--worker-port-list ray-core/package-ref.html#cmdoption-ray-start-worker-port-list + ray-start.-v ray-core/package-ref.html#cmdoption-ray-start-v + ray-status.--address ray-core/package-ref.html#cmdoption-ray-status-address + ray-status.--redis_password ray-core/package-ref.html#cmdoption-ray-status-redis_password + ray-stop.--force ray-core/package-ref.html#cmdoption-ray-stop-f + ray-stop.--grace-period ray-core/package-ref.html#cmdoption-ray-stop-g + ray-stop.--log-color ray-core/package-ref.html#cmdoption-ray-stop-log-color + ray-stop.--log-style ray-core/package-ref.html#cmdoption-ray-stop-log-style + ray-stop.--verbose ray-core/package-ref.html#cmdoption-ray-stop-v + ray-stop.-f ray-core/package-ref.html#cmdoption-ray-stop-f + ray-stop.-g ray-core/package-ref.html#cmdoption-ray-stop-g + ray-stop.-v ray-core/package-ref.html#cmdoption-ray-stop-v + ray-submit.--args ray-core/package-ref.html#cmdoption-ray-submit-args + ray-submit.--cluster-name ray-core/package-ref.html#cmdoption-ray-submit-n + ray-submit.--log-color ray-core/package-ref.html#cmdoption-ray-submit-log-color + ray-submit.--log-style ray-core/package-ref.html#cmdoption-ray-submit-log-style + ray-submit.--no-config-cache ray-core/package-ref.html#cmdoption-ray-submit-no-config-cache + ray-submit.--port-forward ray-core/package-ref.html#cmdoption-ray-submit-p + ray-submit.--screen ray-core/package-ref.html#cmdoption-ray-submit-screen + ray-submit.--start ray-core/package-ref.html#cmdoption-ray-submit-start + ray-submit.--stop ray-core/package-ref.html#cmdoption-ray-submit-stop + ray-submit.--tmux ray-core/package-ref.html#cmdoption-ray-submit-tmux + ray-submit.--verbose ray-core/package-ref.html#cmdoption-ray-submit-v + ray-submit.-n ray-core/package-ref.html#cmdoption-ray-submit-n + ray-submit.-p ray-core/package-ref.html#cmdoption-ray-submit-p + ray-submit.-v ray-core/package-ref.html#cmdoption-ray-submit-v + ray-submit.CLUSTER_CONFIG_FILE ray-core/package-ref.html#cmdoption-ray-submit-arg-CLUSTER_CONFIG_FILE + ray-submit.SCRIPT ray-core/package-ref.html#cmdoption-ray-submit-arg-SCRIPT + ray-submit.SCRIPT_ARGS ray-core/package-ref.html#cmdoption-ray-submit-arg-SCRIPT_ARGS + ray-timeline.--address ray-core/package-ref.html#cmdoption-ray-timeline-address + ray-up.--cluster-name ray-core/package-ref.html#cmdoption-ray-up-n + ray-up.--log-color ray-core/package-ref.html#cmdoption-ray-up-log-color + ray-up.--log-style ray-core/package-ref.html#cmdoption-ray-up-log-style + ray-up.--max-workers ray-core/package-ref.html#cmdoption-ray-up-max-workers + ray-up.--min-workers ray-core/package-ref.html#cmdoption-ray-up-min-workers + ray-up.--no-config-cache ray-core/package-ref.html#cmdoption-ray-up-no-config-cache + ray-up.--no-restart ray-core/package-ref.html#cmdoption-ray-up-no-restart + ray-up.--redirect-command-output ray-core/package-ref.html#cmdoption-ray-up-redirect-command-output + ray-up.--restart-only ray-core/package-ref.html#cmdoption-ray-up-restart-only + ray-up.--use-login-shells ray-core/package-ref.html#cmdoption-ray-up-use-login-shells + ray-up.--use-normal-shells ray-core/package-ref.html#cmdoption-ray-up-use-login-shells + ray-up.--verbose ray-core/package-ref.html#cmdoption-ray-up-v + ray-up.--yes ray-core/package-ref.html#cmdoption-ray-up-y + ray-up.-n ray-core/package-ref.html#cmdoption-ray-up-n + ray-up.-v ray-core/package-ref.html#cmdoption-ray-up-v + ray-up.-y ray-core/package-ref.html#cmdoption-ray-up-y + ray-up.CLUSTER_CONFIG_FILE ray-core/package-ref.html#cmdoption-ray-up-arg-CLUSTER_CONFIG_FILE std:doc - _help : _help.html - actors Using Actors : actors.html - advanced Advanced Usage : advanced.html - async_api AsyncIO / Concurrency for Actors : async_api.html - auto_examples/README : auto_examples/README.html - auto_examples/dask_xgboost/dask_xgboost XGBoost-Ray with Dask : auto_examples/dask_xgboost/dask_xgboost.html - auto_examples/datasets_train/datasets_train Big Data Training : auto_examples/datasets_train/datasets_train.html - auto_examples/index : auto_examples/index.html - auto_examples/modin_xgboost/modin_xgboost XGBoost-Ray with Modin : auto_examples/modin_xgboost/modin_xgboost.html - auto_examples/overview Ray Tutorials and Examples : auto_examples/overview.html - auto_examples/placement-group Placement Group Examples : auto_examples/placement-group.html - auto_examples/plot_example-a3c Asynchronous Advantage Actor Critic (A3C): auto_examples/plot_example-a3c.html - auto_examples/plot_example-lm Fault-Tolerant Fairseq Training : auto_examples/plot_example-lm.html - auto_examples/plot_hyperparameter Simple Parallel Model Selection : auto_examples/plot_hyperparameter.html - auto_examples/plot_lbfgs Batch L-BFGS : auto_examples/plot_lbfgs.html - auto_examples/plot_newsreader News Reader : auto_examples/plot_newsreader.html - auto_examples/plot_parameter_server Parameter Server : auto_examples/plot_parameter_server.html - auto_examples/plot_pong_example Learning to Play Pong : auto_examples/plot_pong_example.html - auto_examples/plot_streaming Streaming MapReduce : auto_examples/plot_streaming.html - auto_examples/progress_bar Progress Bar for Ray Actors (tqdm) : auto_examples/progress_bar.html - auto_examples/testing-tips Tips for testing Ray programs : auto_examples/testing-tips.html - auto_examples/tips-for-first-time Tips for first-time users : auto_examples/tips-for-first-time.html - auto_examples/using-ray-with-pytorch-lightning Using Ray with Pytorch Lightning : auto_examples/using-ray-with-pytorch-lightning.html + _includes/_contribute : _includes/_contribute.html + _includes/_help : _includes/_help.html + _includes/clusters/announcement : _includes/clusters/announcement.html + _includes/clusters/announcement_bottom : _includes/clusters/announcement_bottom.html + _includes/core/announcement : _includes/core/announcement.html + _includes/core/announcement_bottom : _includes/core/announcement_bottom.html + _includes/data/announcement : _includes/data/announcement.html + _includes/data/announcement_bottom : _includes/data/announcement_bottom.html + _includes/overview/announcement : _includes/overview/announcement.html + _includes/overview/announcement_bottom : _includes/overview/announcement_bottom.html + _includes/rllib/announcement : _includes/rllib/announcement.html + _includes/rllib/announcement_bottom : _includes/rllib/announcement_bottom.html + _includes/rllib/we_are_hiring : _includes/rllib/we_are_hiring.html + _includes/serve/announcement : _includes/serve/announcement.html + _includes/serve/announcement_bottom : _includes/serve/announcement_bottom.html + _includes/train/announcement : _includes/train/announcement.html + _includes/train/announcement_bottom : _includes/train/announcement_bottom.html + _includes/tune/announcement : _includes/tune/announcement.html + _includes/tune/announcement_bottom : _includes/tune/announcement_bottom.html + cluster/api Ray Cluster API : cluster/api.html cluster/aws-tips AWS Configurations : cluster/aws-tips.html cluster/cloud Launching Cloud Clusters : cluster/cloud.html cluster/commands Cluster Launcher Commands : cluster/commands.html @@ -1317,117 +1662,203 @@ std:doc cluster/examples/slurm-basic slurm-basic.sh : cluster/examples/slurm-basic.html cluster/examples/slurm-launch slurm-launch.py : cluster/examples/slurm-launch.html cluster/examples/slurm-template slurm-template.sh : cluster/examples/slurm-template.html - cluster/guide Ray Deployment Guide : cluster/guide.html + cluster/guide Cluster Deployment Guide : cluster/guide.html cluster/index Ray Cluster Overview : cluster/index.html + cluster/job-submission Ray Job Submission : cluster/job-submission.html + cluster/jobs-package-ref Ray Job Submission API : cluster/jobs-package-ref.html + cluster/kuberay Deploying with KubeRay (experimental) : cluster/kuberay.html cluster/kubernetes Deploying on Kubernetes : cluster/kubernetes.html cluster/kubernetes-advanced Ray Operator Advanced Configuration : cluster/kubernetes-advanced.html cluster/kubernetes-gpu GPU Usage with Kubernetes : cluster/kubernetes-gpu.html cluster/kubernetes-manual Deploying a Static Ray Cluster on Kubernetes: cluster/kubernetes-manual.html cluster/lsf Deploying on LSF : cluster/lsf.html cluster/quickstart Ray Cluster Quick Start : cluster/quickstart.html - cluster/ray-client Ray Client : cluster/ray-client.html - cluster/reference Config YAML and CLI Reference : cluster/reference.html + cluster/ray-client Ray Client: Interactive Development : cluster/ray-client.html + cluster/reference Ray Cluster Config YAML and CLI : cluster/reference.html cluster/sdk Autoscaler SDK : cluster/sdk.html cluster/slurm Deploying on Slurm : cluster/slurm.html + cluster/user-guide Deployment Guide : cluster/user-guide.html + cluster/we_are_hiring : cluster/we_are_hiring.html cluster/yarn Deploying on YARN : cluster/yarn.html - concurrency_group_api Limiting Concurrency Per-Method with Concurrency Groups: concurrency_group_api.html - configure Configuring Ray : configure.html - cross-language Cross-Language Programming : cross-language.html - data/dask-on-ray Dask on Ray : data/dask-on-ray.html - data/dataset Datasets: Distributed Data Loading and Compute: data/dataset.html + data/advanced-pipelines Advanced Pipeline Usage : data/advanced-pipelines.html + data/creating-datasets Creating Datasets : data/creating-datasets.html + data/custom-data Using Custom Datasources : data/custom-data.html + data/dask-on-ray Using Dask on Ray : data/dask-on-ray.html + data/dataset Ray Datasets: Distributed Data Loading and Compute: data/dataset.html data/dataset-ml-preprocessing ML Preprocessing : data/dataset-ml-preprocessing.html - data/dataset-pipeline Dataset Pipelines : data/dataset-pipeline.html - data/dataset-tensor-support Dataset Tensor Support : data/dataset-tensor-support.html - data/examples/README : data/examples/README.html + data/dataset-tensor-support Working with Tensors : data/dataset-tensor-support.html data/examples/big_data_ingestion Example: Large-scale ML Ingest : data/examples/big_data_ingestion.html - data/examples/index : data/examples/index.html - data/mars-on-ray Mars on Ray : data/mars-on-ray.html - data/modin/index Modin (Pandas on Ray) : data/modin/index.html - data/package-ref Dataset API Reference : data/package-ref.html - data/raydp RayDP (Spark on Ray) : data/raydp.html - debugging Debugging (internal) : debugging.html - development Building Ray from Source : development.html - fake-autoscaler Testing Autoscaling Locally : fake-autoscaler.html - fault-tolerance Fault Tolerance : fault-tolerance.html - getting-involved Getting Involved / Contributing : getting-involved.html - handling-dependencies Handling Dependencies : handling-dependencies.html - index What is Ray? : index.html - installation Installing Ray : installation.html - joblib Distributed Scikit-learn / Joblib : joblib.html - lightgbm-ray Distributed LightGBM on Ray : lightgbm-ray.html - memory-management Memory Management : memory-management.html - multiprocessing Distributed multiprocessing.Pool : multiprocessing.html - namespaces Using Namespaces : namespaces.html - package-ref API and Package Reference : package-ref.html - placement-group Placement Groups : placement-group.html - profiling Profiling (internal) : profiling.html - ray-collective Ray Collective Communication Lib : ray-collective.html - ray-dashboard Ray Dashboard : ray-dashboard.html - ray-debugging Ray Debugger : ray-debugging.html - ray-design-patterns/closure-capture Antipattern: Closure capture of large / unserializable object: ray-design-patterns/closure-capture.html - ray-design-patterns/concurrent-operations-async-actor Advanced pattern: Concurrent operations with async actor: ray-design-patterns/concurrent-operations-async-actor.html - ray-design-patterns/fault-tolerance-actor-checkpointing Advanced pattern: Fault Tolerance with Actor Checkpointing: ray-design-patterns/fault-tolerance-actor-checkpointing.html - ray-design-patterns/fine-grained-tasks Antipattern: Too fine-grained tasks : ray-design-patterns/fine-grained-tasks.html - ray-design-patterns/global-variables Antipattern: Unnecessary call of ray.get in a task: ray-design-patterns/global-variables.html - ray-design-patterns/index Ray design patterns : ray-design-patterns/index.html - ray-design-patterns/limit-tasks Pattern: Using ray.wait to limit the number of in-flight tasks: ray-design-patterns/limit-tasks.html - ray-design-patterns/map-reduce Pattern: Map and reduce : ray-design-patterns/map-reduce.html - ray-design-patterns/overlapping-computation-communication Advanced pattern: Overlapping computation and communication: ray-design-patterns/overlapping-computation-communication.html - ray-design-patterns/ray-get-loop Antipattern: Calling ray.get in a loop : ray-design-patterns/ray-get-loop.html - ray-design-patterns/redefine-task-actor-loop Advanced antipattern: Redefining task or actor in loop: ray-design-patterns/redefine-task-actor-loop.html - ray-design-patterns/submission-order Advanced antipattern: Processing results in submission order using ray.get: ray-design-patterns/submission-order.html - ray-design-patterns/too-many-results Advanced antipattern: Fetching too many results at once with ray.get: ray-design-patterns/too-many-results.html - ray-design-patterns/tree-of-actors Pattern: Tree of actors : ray-design-patterns/tree-of-actors.html - ray-design-patterns/tree-of-tasks Pattern: Tree of tasks : ray-design-patterns/tree-of-tasks.html - ray-design-patterns/unnecessary-ray-get Antipattern: Accessing Global Variable in Tasks/Actors: ray-design-patterns/unnecessary-ray-get.html - ray-job-submission/overview Ray Job Submission: Going from your laptop to production: ray-job-submission/overview.html - ray-libraries Community Integrations : ray-libraries.html - ray-lightning Distributed PyTorch Lightning Training on Ray: ray-lightning.html - ray-logging Logging : ray-logging.html - ray-metrics Exporting Metrics : ray-metrics.html - ray-overview/basics : ray-overview/basics.html - ray-overview/index A Gentle Introduction to Ray : ray-overview/index.html - ray-overview/involvement : ray-overview/involvement.html - ray-tracing Tracing : ray-tracing.html + data/exchanging-datasets Exchanging Datasets : data/exchanging-datasets.html + data/getting-started Getting Started : data/getting-started.html + data/integrations Integrations : data/integrations.html + data/key-concepts Key Concepts : data/key-concepts.html + data/mars-on-ray Using Mars on Ray : data/mars-on-ray.html + data/modin/index Using Pandas on Ray (Modin) : data/modin/index.html + data/package-ref Ray Datasets API : data/package-ref.html + data/performance-tips Performance Tips and Tuning : data/performance-tips.html + data/pipelining-compute Pipelining Compute : data/pipelining-compute.html + data/random-access Random Data Access (Experimental) : data/random-access.html + data/raydp Using Spark on Ray (RayDP) : data/raydp.html + data/saving-datasets Saving Datasets : data/saving-datasets.html + data/transforming-datasets Transforming Datasets : data/transforming-datasets.html + data/user-guide User Guides : data/user-guide.html + index Welcome to the Ray documentation : index.html + ray-air/getting-started Ray AI Runtime (alpha) : ray-air/getting-started.html + ray-contribute/debugging Debugging (internal) : ray-contribute/debugging.html + ray-contribute/development Building Ray from Source : ray-contribute/development.html + ray-contribute/docs Contributing to the Ray Documentation : ray-contribute/docs.html + ray-contribute/fake-autoscaler Testing Autoscaling Locally : ray-contribute/fake-autoscaler.html + ray-contribute/getting-involved Getting Involved / Contributing : ray-contribute/getting-involved.html + ray-contribute/involvement : ray-contribute/involvement.html + ray-contribute/profiling Profiling (internal) : ray-contribute/profiling.html + ray-contribute/whitepaper Architecture Whitepaper : ray-contribute/whitepaper.html + ray-core/actors Actors : ray-core/actors.html + ray-core/actors/actor-utils Utility Classes : ray-core/actors/actor-utils.html + ray-core/actors/async_api AsyncIO / Concurrency for Actors : ray-core/actors/async_api.html + ray-core/actors/concurrency_group_api Limiting Concurrency Per-Method with Concurrency Groups: ray-core/actors/concurrency_group_api.html + ray-core/actors/fault-tolerance Fault Tolerance : ray-core/actors/fault-tolerance.html + ray-core/actors/named-actors Named Actors : ray-core/actors/named-actors.html + ray-core/actors/patterns/actor-sync Pattern: Multi-node synchronization using an Actor: ray-core/actors/patterns/actor-sync.html + ray-core/actors/patterns/concurrent-operations-async-actor Pattern: Concurrent operations with async actor: ray-core/actors/patterns/concurrent-operations-async-actor.html + ray-core/actors/patterns/fault-tolerance-actor-checkpointing Pattern: Fault Tolerance with Actor Checkpointing: ray-core/actors/patterns/fault-tolerance-actor-checkpointing.html + ray-core/actors/patterns/index Actor Design Patterns : ray-core/actors/patterns/index.html + ray-core/actors/patterns/overlapping-computation-communication Pattern: Overlapping computation and communication: ray-core/actors/patterns/overlapping-computation-communication.html + ray-core/actors/patterns/tree-of-actors Pattern: Tree of actors : ray-core/actors/patterns/tree-of-actors.html + ray-core/actors/terminating-actors Terminating Actors : ray-core/actors/terminating-actors.html + ray-core/advanced Miscellaneous Topics : ray-core/advanced.html + ray-core/configure Configuring Ray : ray-core/configure.html + ray-core/cross-language Cross-Language Programming : ray-core/cross-language.html + ray-core/examples/dask_xgboost/dask_xgboost XGBoost-Ray with Dask : ray-core/examples/dask_xgboost/dask_xgboost.html + ray-core/examples/modin_xgboost/modin_xgboost XGBoost-Ray with Modin : ray-core/examples/modin_xgboost/modin_xgboost.html + ray-core/examples/overview Ray Tutorials and Examples : ray-core/examples/overview.html + ray-core/examples/plot_example-a3c Asynchronous Advantage Actor Critic (A3C): ray-core/examples/plot_example-a3c.html + ray-core/examples/plot_example-lm Fault-Tolerant Fairseq Training : ray-core/examples/plot_example-lm.html + ray-core/examples/plot_hyperparameter Simple Parallel Model Selection : ray-core/examples/plot_hyperparameter.html + ray-core/examples/plot_lbfgs Batch L-BFGS : ray-core/examples/plot_lbfgs.html + ray-core/examples/plot_parameter_server Parameter Server : ray-core/examples/plot_parameter_server.html + ray-core/examples/plot_pong_example Learning to Play Pong : ray-core/examples/plot_pong_example.html + ray-core/examples/testing-tips Tips for testing Ray programs : ray-core/examples/testing-tips.html + ray-core/examples/using-ray-with-pytorch-lightning Using Ray with Pytorch Lightning : ray-core/examples/using-ray-with-pytorch-lightning.html + ray-core/handling-dependencies Environment Dependencies : ray-core/handling-dependencies.html + ray-core/key-concepts Key Concepts : ray-core/key-concepts.html + ray-core/more-topics More Topics : ray-core/more-topics.html + ray-core/namespaces Using Namespaces : ray-core/namespaces.html + ray-core/objects Objects : ray-core/objects.html + ray-core/objects/fault-tolerance Fault Tolerance : ray-core/objects/fault-tolerance.html + ray-core/objects/memory-management Memory Management : ray-core/objects/memory-management.html + ray-core/objects/object-spilling Object Spilling : ray-core/objects/object-spilling.html + ray-core/objects/serialization Serialization : ray-core/objects/serialization.html + ray-core/package-ref Ray Core API : ray-core/package-ref.html + ray-core/placement-group Placement Groups : ray-core/placement-group.html + ray-core/ray-dashboard Ray Dashboard : ray-core/ray-dashboard.html + ray-core/starting-ray Starting Ray : ray-core/starting-ray.html + ray-core/tasks Tasks : ray-core/tasks.html + ray-core/tasks/fault-tolerance Fault Tolerance : ray-core/tasks/fault-tolerance.html + ray-core/tasks/nested-tasks Nested Remote Functions : ray-core/tasks/nested-tasks.html + ray-core/tasks/patterns/closure-capture Antipattern: Closure capture of large / unserializable object: ray-core/tasks/patterns/closure-capture.html + ray-core/tasks/patterns/fine-grained-tasks Antipattern: Too fine-grained tasks : ray-core/tasks/patterns/fine-grained-tasks.html + ray-core/tasks/patterns/global-variables Antipattern: Unnecessary call of ray.get in a task: ray-core/tasks/patterns/global-variables.html + ray-core/tasks/patterns/index Task Design Patterns : ray-core/tasks/patterns/index.html + ray-core/tasks/patterns/limit-tasks Pattern: Using ray.wait to limit the number of in-flight tasks: ray-core/tasks/patterns/limit-tasks.html + ray-core/tasks/patterns/map-reduce Pattern: Map and reduce : ray-core/tasks/patterns/map-reduce.html + ray-core/tasks/patterns/ray-get-loop Antipattern: Calling ray.get in a loop : ray-core/tasks/patterns/ray-get-loop.html + ray-core/tasks/patterns/redefine-task-actor-loop Antipattern: Redefining task or actor in loop: ray-core/tasks/patterns/redefine-task-actor-loop.html + ray-core/tasks/patterns/submission-order Antipattern: Processing results in submission order using ray.get: ray-core/tasks/patterns/submission-order.html + ray-core/tasks/patterns/too-many-results Antipattern: Fetching too many results at once with ray.get: ray-core/tasks/patterns/too-many-results.html + ray-core/tasks/patterns/tree-of-tasks Pattern: Tree of tasks : ray-core/tasks/patterns/tree-of-tasks.html + ray-core/tasks/patterns/unnecessary-ray-get Antipattern: Accessing Global Variable in Tasks/Actors: ray-core/tasks/patterns/unnecessary-ray-get.html + ray-core/tasks/resources Specifying Required Resources : ray-core/tasks/resources.html + ray-core/tasks/using-ray-with-gpus GPU Support : ray-core/tasks/using-ray-with-gpus.html + ray-core/tips-for-first-time Tips for first-time users : ray-core/tips-for-first-time.html + ray-core/troubleshooting Debugging and Profiling : ray-core/troubleshooting.html + ray-core/user-guide User Guides : ray-core/user-guide.html + ray-core/using-ray-with-jupyter Working with Jupyter Notebooks & JupyterLab: ray-core/using-ray-with-jupyter.html + ray-core/walkthrough Ray Core Walkthrough : ray-core/walkthrough.html + ray-more-libs/index More Ray ML Libraries : ray-more-libs/index.html + ray-more-libs/joblib Distributed Scikit-learn / Joblib : ray-more-libs/joblib.html + ray-more-libs/lightgbm-ray Distributed LightGBM on Ray : ray-more-libs/lightgbm-ray.html + ray-more-libs/multiprocessing Distributed multiprocessing.Pool : ray-more-libs/multiprocessing.html + ray-more-libs/ray-collective Ray Collective Communication Lib : ray-more-libs/ray-collective.html + ray-more-libs/ray-lightning Distributed PyTorch Lightning Training on Ray: ray-more-libs/ray-lightning.html + ray-more-libs/xgboost-ray Distributed XGBoost on Ray : ray-more-libs/xgboost-ray.html + ray-observability/index Observability : ray-observability/index.html + ray-observability/ray-debugging Ray Debugger : ray-observability/ray-debugging.html + ray-observability/ray-logging Logging : ray-observability/ray-logging.html + ray-observability/ray-metrics Exporting Metrics : ray-observability/ray-metrics.html + ray-observability/ray-tracing Tracing : ray-observability/ray-tracing.html + ray-overview/doc_test/README Tests for ray.io code snippets : ray-overview/doc_test/README.html + ray-overview/index Getting Started Guide : ray-overview/index.html + ray-overview/installation Installing Ray : ray-overview/installation.html + ray-overview/learn-more Learn More : ray-overview/learn-more.html + ray-overview/ray-libraries Ecosystem : ray-overview/ray-libraries.html + ray-references/api API References : ray-references/api.html + ray-references/faq FAQ : ray-references/faq.html raysgd/raysgd RaySGD: Distributed Training Wrappers : raysgd/raysgd.html raysgd/raysgd_pytorch Distributed PyTorch : raysgd/raysgd_pytorch.html raysgd/raysgd_ref RaySGD API Reference : raysgd/raysgd_ref.html raysgd/raysgd_tensorflow Distributed TensorFlow : raysgd/raysgd_tensorflow.html raysgd/raysgd_tune RaySGD Hyperparameter Tuning : raysgd/raysgd_tune.html - rllib-algorithms RLlib Algorithms : rllib-algorithms.html - rllib-concepts RLlib Concepts and Custom Algorithms : rllib-concepts.html - rllib-dev Contributing to RLlib : rllib-dev.html - rllib-env RLlib Environments : rllib-env.html - rllib-examples RLlib Examples : rllib-examples.html - rllib-models RLlib Models, Preprocessors, and Action Distributions: rllib-models.html - rllib-offline RLlib Offline Datasets : rllib-offline.html - rllib-package-ref RLlib Package Reference : rllib-package-ref.html - rllib-sample-collection RLlib Sample Collection and Trajectory Views: rllib-sample-collection.html - rllib-toc RLlib Table of Contents : rllib-toc.html - rllib-training RLlib Training APIs : rllib-training.html - rllib/core-concepts RLlib Core Concepts : rllib/core-concepts.html + rllib/core-concepts Key Concepts : rllib/core-concepts.html + rllib/feature_overview : rllib/feature_overview.html rllib/index RLlib: Industry-Grade Reinforcement Learning: rllib/index.html - rllib/we_are_hiring : rllib/we_are_hiring.html - serialization Serialization : serialization.html + rllib/package_ref/env Environments : rllib/package_ref/env.html + rllib/package_ref/env/base_env BaseEnv API : rllib/package_ref/env/base_env.html + rllib/package_ref/env/external_env ExternalEnv API : rllib/package_ref/env/external_env.html + rllib/package_ref/env/multi_agent_env MultiAgentEnv API : rllib/package_ref/env/multi_agent_env.html + rllib/package_ref/env/vector_env VectorEnv API : rllib/package_ref/env/vector_env.html + rllib/package_ref/evaluation Evaluation and Environment Rollout : rllib/package_ref/evaluation.html + rllib/package_ref/evaluation/policy_map PolicyMap (ray.rllib.policy.policy_map.PolicyMap): rllib/package_ref/evaluation/policy_map.html + rllib/package_ref/evaluation/rollout_worker RolloutWorker : rllib/package_ref/evaluation/rollout_worker.html + rllib/package_ref/evaluation/sample_batch Sample Batches : rllib/package_ref/evaluation/sample_batch.html + rllib/package_ref/evaluation/samplers Environment Samplers : rllib/package_ref/evaluation/samplers.html + rllib/package_ref/evaluation/worker_set WorkerSet : rllib/package_ref/evaluation/worker_set.html + rllib/package_ref/execution Distributed Execution API : rllib/package_ref/execution.html + rllib/package_ref/index Ray RLlib API : rllib/package_ref/index.html + rllib/package_ref/models Model APIs : rllib/package_ref/models.html + rllib/package_ref/offline Offline RL : rllib/package_ref/offline.html + rllib/package_ref/policy Policies : rllib/package_ref/policy.html + rllib/package_ref/policy/custom_policies Building Custom Policy Classes : rllib/package_ref/policy/custom_policies.html + rllib/package_ref/policy/policy Base Policy class (ray.rllib.policy.policy.Policy): rllib/package_ref/policy/policy.html + rllib/package_ref/policy/tf_policies TensorFlow-Specific Sub-Classes : rllib/package_ref/policy/tf_policies.html + rllib/package_ref/policy/torch_policy Torch-Specific Policy: TorchPolicy : rllib/package_ref/policy/torch_policy.html + rllib/package_ref/trainer Trainer API : rllib/package_ref/trainer.html + rllib/package_ref/utils RLlib Utilities : rllib/package_ref/utils.html + rllib/package_ref/utils/annotations RLlib Annotations/Decorators : rllib/package_ref/utils/annotations.html + rllib/package_ref/utils/deprecation Deprecation Tools/Utils : rllib/package_ref/utils/deprecation.html + rllib/package_ref/utils/exploration Exploration API : rllib/package_ref/utils/exploration.html + rllib/package_ref/utils/framework Deep Learning Framework (tf vs torch) Utilities: rllib/package_ref/utils/framework.html + rllib/package_ref/utils/numpy Numpy Utility Functions : rllib/package_ref/utils/numpy.html + rllib/package_ref/utils/schedules Schedules API : rllib/package_ref/utils/schedules.html + rllib/package_ref/utils/tf_utils TensorFlow Utility Functions : rllib/package_ref/utils/tf_utils.html + rllib/package_ref/utils/torch_utils PyTorch Utility Functions : rllib/package_ref/utils/torch_utils.html + rllib/rllib-algorithms Algorithms : rllib/rllib-algorithms.html + rllib/rllib-concepts How To Customize Policies : rllib/rllib-concepts.html + rllib/rllib-dev How To Contribute to RLlib : rllib/rllib-dev.html + rllib/rllib-env Environments : rllib/rllib-env.html + rllib/rllib-examples Examples : rllib/rllib-examples.html + rllib/rllib-models Models, Preprocessors, and Action Distributions: rllib/rllib-models.html + rllib/rllib-offline Working With Offline Data : rllib/rllib-offline.html + rllib/rllib-sample-collection Sample Collections and Trajectory Views : rllib/rllib-sample-collection.html + rllib/rllib-training Training APIs : rllib/rllib-training.html + rllib/user-guides User Guides : rllib/user-guides.html serve/architecture Serve Architecture : serve/architecture.html serve/core-apis Core API: Deployments : serve/core-apis.html serve/deployment Deploying Ray Serve : serve/deployment.html + serve/deployment-graph Deployment Graph : serve/deployment-graph.html + serve/end_to_end_tutorial End-to-End Tutorial : serve/end_to_end_tutorial.html serve/faq Ray Serve FAQ : serve/faq.html serve/http-servehandle Calling Deployments via HTTP and Python : serve/http-servehandle.html serve/index Serve: Scalable and Programmable Serving: serve/index.html serve/ml-models Serving ML Models : serve/ml-models.html - serve/package-ref Serve API Reference : serve/package-ref.html + serve/package-ref Ray Serve API : serve/package-ref.html serve/performance Performance Tuning : serve/performance.html - serve/pipeline Pipeline API (Experimental) : serve/pipeline.html - serve/tutorial End-to-End Tutorial : serve/tutorial.html serve/tutorials/batch Batching Tutorial : serve/tutorials/batch.html serve/tutorials/index Advanced Tutorials : serve/tutorials/index.html serve/tutorials/pytorch PyTorch Tutorial : serve/tutorials/pytorch.html - serve/tutorials/rllib RLlib Tutorial : serve/tutorials/rllib.html + serve/tutorials/rllib Serving RLlib Models : serve/tutorials/rllib.html serve/tutorials/sklearn Scikit-Learn Tutorial : serve/tutorials/sklearn.html serve/tutorials/tensorflow Keras and Tensorflow Tutorial : serve/tutorials/tensorflow.html serve/tutorials/web-server-integration Integration with Existing Web Servers : serve/tutorials/web-server-integration.html - starting-ray Starting Ray : starting-ray.html train/api Ray Train API : train/api.html train/architecture Ray Train Architecture : train/architecture.html train/examples Ray Train Examples : train/examples.html @@ -1435,6 +1866,7 @@ std:doc train/examples/mlflow_fashion_mnist_example mlflow_fashion_mnist_example : train/examples/mlflow_fashion_mnist_example.html train/examples/tensorflow_linear_dataset_example tensorflow_linear_dataset_example : train/examples/tensorflow_linear_dataset_example.html train/examples/tensorflow_mnist_example tensorflow_mnist_example : train/examples/tensorflow_mnist_example.html + train/examples/torch_data_prefetch_benchmark/benchmark_example Torch Data Prefetching Benchmark : train/examples/torch_data_prefetch_benchmark/benchmark_example.html train/examples/train_fashion_mnist_example train_fashion_mnist_example : train/examples/train_fashion_mnist_example.html train/examples/train_linear_dataset_example train_linear_dataset_example : train/examples/train_linear_dataset_example.html train/examples/train_linear_example train_linear_example : train/examples/train_linear_example.html @@ -1446,100 +1878,94 @@ std:doc train/migration-guide Migrating from Ray SGD to Ray Train : train/migration-guide.html train/train Ray Train: Distributed Deep Learning : train/train.html train/user_guide Ray Train User Guide : train/user_guide.html - troubleshooting Debugging and Profiling : troubleshooting.html tune/api_docs/analysis Analysis (tune.analysis) : tune/api_docs/analysis.html tune/api_docs/cli Tune CLI (Experimental) : tune/api_docs/cli.html tune/api_docs/client Tune Client API : tune/api_docs/client.html + tune/api_docs/env Environment variables : tune/api_docs/env.html tune/api_docs/execution Execution (tune.run, tune.Experiment) : tune/api_docs/execution.html tune/api_docs/integration External library integrations (tune.integration): tune/api_docs/integration.html tune/api_docs/internals Tune Internals : tune/api_docs/internals.html tune/api_docs/logging Loggers (tune.logger) : tune/api_docs/logging.html - tune/api_docs/overview Tune API Reference : tune/api_docs/overview.html + tune/api_docs/overview Ray Tune API : tune/api_docs/overview.html tune/api_docs/reporters Console Output (Reporters) : tune/api_docs/reporters.html - tune/api_docs/scalability Scalability and overhead benchmarks : tune/api_docs/scalability.html tune/api_docs/schedulers Trial Schedulers (tune.schedulers) : tune/api_docs/schedulers.html tune/api_docs/search_space Search Space API : tune/api_docs/search_space.html tune/api_docs/sklearn Scikit-Learn API (tune.sklearn) : tune/api_docs/sklearn.html tune/api_docs/stoppers Stopping mechanisms (tune.stopper) : tune/api_docs/stoppers.html tune/api_docs/suggestion Search Algorithms (tune.suggest) : tune/api_docs/suggestion.html tune/api_docs/trainable Training (tune.Trainable, tune.report) : tune/api_docs/trainable.html - tune/contrib Contributing to Tune : tune/contrib.html - tune/examples/async_hyperband_example async_hyperband_example : tune/examples/async_hyperband_example.html - tune/examples/ax_example ax_example : tune/examples/ax_example.html - tune/examples/bayesopt_example bayesopt_example : tune/examples/bayesopt_example.html - tune/examples/blendsearch_example blendsearch_example : tune/examples/blendsearch_example.html - tune/examples/bohb_example bohb_example : tune/examples/bohb_example.html - tune/examples/cfo_example cfo_example : tune/examples/cfo_example.html - tune/examples/cifar10_pytorch cifar10_pytorch : tune/examples/cifar10_pytorch.html - tune/examples/custom_func_checkpointing custom_func_checkpointing : tune/examples/custom_func_checkpointing.html - tune/examples/ddp_mnist_torch ddp_mnist_torch : tune/examples/ddp_mnist_torch.html - tune/examples/dragonfly_example dragonfly_example : tune/examples/dragonfly_example.html - tune/examples/durable_trainable_example durable_trainable_example : tune/examples/durable_trainable_example.html - tune/examples/genetic_example genetic_example : tune/examples/genetic_example.html - tune/examples/hebo_example hebo_example : tune/examples/hebo_example.html - tune/examples/horovod_simple horovod_simple : tune/examples/horovod_simple.html - tune/examples/hyperband_example hyperband_example : tune/examples/hyperband_example.html - tune/examples/hyperband_function_example hyperband_function_example : tune/examples/hyperband_function_example.html - tune/examples/hyperopt_conditional_search_space_example hyperopt_conditional_search_space_example: tune/examples/hyperopt_conditional_search_space_example.html - tune/examples/hyperopt_example hyperopt_example : tune/examples/hyperopt_example.html + tune/examples/horovod_simple Using Horovod with Tune : tune/examples/horovod_simple.html + tune/examples/hyperopt_example Running Tune experiments with HyperOpt : tune/examples/hyperopt_example.html + tune/examples/includes/async_hyperband_example Asynchronous HyperBand Example : tune/examples/includes/async_hyperband_example.html + tune/examples/includes/ax_example AX Example : tune/examples/includes/ax_example.html + tune/examples/includes/bayesopt_example BayesOpt Example : tune/examples/includes/bayesopt_example.html + tune/examples/includes/blendsearch_example Blendsearch Example : tune/examples/includes/blendsearch_example.html + tune/examples/includes/bohb_example BOHB Example : tune/examples/includes/bohb_example.html + tune/examples/includes/cfo_example CFO Example : tune/examples/includes/cfo_example.html + tune/examples/includes/custom_func_checkpointing Custom Checkpointing Example : tune/examples/includes/custom_func_checkpointing.html + tune/examples/includes/ddp_mnist_torch DDP Mnist Torch Example : tune/examples/includes/ddp_mnist_torch.html + tune/examples/includes/dragonfly_example Dragonfly Example : tune/examples/includes/dragonfly_example.html + tune/examples/includes/durable_trainable_example Durable Trainable Example : tune/examples/includes/durable_trainable_example.html + tune/examples/includes/genetic_example Genetic Search Example : tune/examples/includes/genetic_example.html + tune/examples/includes/hebo_example HEBO Example : tune/examples/includes/hebo_example.html + tune/examples/includes/hyperband_example HyperBand Example : tune/examples/includes/hyperband_example.html + tune/examples/includes/hyperband_function_example HyperBand Function Example : tune/examples/includes/hyperband_function_example.html + tune/examples/includes/hyperopt_conditional_search_space_example Hyperopt Conditional Search Space Example: tune/examples/includes/hyperopt_conditional_search_space_example.html + tune/examples/includes/logging_example Logging Example : tune/examples/includes/logging_example.html + tune/examples/includes/mlflow_example MLflow Example : tune/examples/includes/mlflow_example.html + tune/examples/includes/mlflow_ptl_example MLflow PyTorch Lightning Example : tune/examples/includes/mlflow_ptl_example.html + tune/examples/includes/mnist_ptl_mini MNIST PyTorch Lightning Example : tune/examples/includes/mnist_ptl_mini.html + tune/examples/includes/mnist_pytorch MNIST PyTorch Example : tune/examples/includes/mnist_pytorch.html + tune/examples/includes/mnist_pytorch_trainable MNIST PyTorch Trainable Example : tune/examples/includes/mnist_pytorch_trainable.html + tune/examples/includes/nevergrad_example Nevergrad Example : tune/examples/includes/nevergrad_example.html + tune/examples/includes/optuna_define_by_run_example Optuna Define-By-Run Example : tune/examples/includes/optuna_define_by_run_example.html + tune/examples/includes/optuna_example Optuna Example : tune/examples/includes/optuna_example.html + tune/examples/includes/optuna_multiobjective_example Optuna Multi-Objective Example : tune/examples/includes/optuna_multiobjective_example.html + tune/examples/includes/pb2_example PB2 Example : tune/examples/includes/pb2_example.html + tune/examples/includes/pb2_ppo_example PB2 PPO Example : tune/examples/includes/pb2_ppo_example.html + tune/examples/includes/pbt_convnet_function_example PBT ConvNet Example : tune/examples/includes/pbt_convnet_function_example.html + tune/examples/includes/pbt_example PBT Example : tune/examples/includes/pbt_example.html + tune/examples/includes/pbt_function PBT Function Example : tune/examples/includes/pbt_function.html + tune/examples/includes/pbt_memnn_example Memory NN Example : tune/examples/includes/pbt_memnn_example.html + tune/examples/includes/pbt_tune_cifar10_with_keras Keras Cifar10 Example : tune/examples/includes/pbt_tune_cifar10_with_keras.html + tune/examples/includes/sigopt_example SigOpt Example : tune/examples/includes/sigopt_example.html + tune/examples/includes/sigopt_multi_objective_example SigOpt Multi-Objective Example : tune/examples/includes/sigopt_multi_objective_example.html + tune/examples/includes/sigopt_prior_beliefs_example SigOpt Prior Belief Example : tune/examples/includes/sigopt_prior_beliefs_example.html + tune/examples/includes/skopt_example SkOpt Example : tune/examples/includes/skopt_example.html + tune/examples/includes/tf_mnist_example TensorFlow MNIST Example : tune/examples/includes/tf_mnist_example.html + tune/examples/includes/tune_basic_example tune_basic_example : tune/examples/includes/tune_basic_example.html + tune/examples/includes/tune_cifar10_gluon tune_cifar10_gluon : tune/examples/includes/tune_cifar10_gluon.html + tune/examples/includes/xgboost_dynamic_resources_example XGBoost Dynamic Resources Example : tune/examples/includes/xgboost_dynamic_resources_example.html + tune/examples/includes/zoopt_example ZOOpt Example : tune/examples/includes/zoopt_example.html tune/examples/index Examples : tune/examples/index.html - tune/examples/lightgbm_example lightgbm_example : tune/examples/lightgbm_example.html - tune/examples/logging_example logging_example : tune/examples/logging_example.html - tune/examples/mlflow_example mlflow_example : tune/examples/mlflow_example.html - tune/examples/mlflow_ptl_example mlflow_ptl_example : tune/examples/mlflow_ptl_example.html - tune/examples/mnist_ptl_mini mnist_ptl_mini : tune/examples/mnist_ptl_mini.html - tune/examples/mnist_pytorch mnist_pytorch : tune/examples/mnist_pytorch.html - tune/examples/mnist_pytorch_lightning mnist_pytorch_lightning : tune/examples/mnist_pytorch_lightning.html - tune/examples/mnist_pytorch_trainable mnist_pytorch_trainable : tune/examples/mnist_pytorch_trainable.html - tune/examples/mxnet_example mxnet_example : tune/examples/mxnet_example.html - tune/examples/nevergrad_example nevergrad_example : tune/examples/nevergrad_example.html - tune/examples/optuna_define_by_run_example optuna_define_by_run_example : tune/examples/optuna_define_by_run_example.html - tune/examples/optuna_example optuna_example : tune/examples/optuna_example.html - tune/examples/pb2_example pb2_example : tune/examples/pb2_example.html - tune/examples/pb2_ppo_example pb2_ppo_example : tune/examples/pb2_ppo_example.html - tune/examples/pbt_convnet_function_example pbt_convnet_function_example : tune/examples/pbt_convnet_function_example.html - tune/examples/pbt_example pbt_example : tune/examples/pbt_example.html - tune/examples/pbt_function pbt_function : tune/examples/pbt_function.html - tune/examples/pbt_memnn_example pbt_memnn_example : tune/examples/pbt_memnn_example.html - tune/examples/pbt_ppo_example pbt_ppo_example : tune/examples/pbt_ppo_example.html - tune/examples/pbt_transformers pbt_transformers_example : tune/examples/pbt_transformers.html - tune/examples/pbt_tune_cifar10_with_keras pbt_tune_cifar10_with_keras : tune/examples/pbt_tune_cifar10_with_keras.html - tune/examples/sigopt_example sigopt_example : tune/examples/sigopt_example.html - tune/examples/sigopt_multi_objective_example sigopt_multi_objective_example : tune/examples/sigopt_multi_objective_example.html - tune/examples/sigopt_prior_beliefs_example sigopt_prior_beliefs_example : tune/examples/sigopt_prior_beliefs_example.html - tune/examples/skopt_example skopt_example : tune/examples/skopt_example.html - tune/examples/tf_mnist_example tf_mnist_example : tune/examples/tf_mnist_example.html - tune/examples/tune_basic_example tune_basic_example : tune/examples/tune_basic_example.html - tune/examples/tune_cifar10_gluon tune_cifar10_gluon : tune/examples/tune_cifar10_gluon.html - tune/examples/tune_mnist_keras tune_mnist_keras : tune/examples/tune_mnist_keras.html - tune/examples/wandb_example wandb_example : tune/examples/wandb_example.html - tune/examples/xgboost_dynamic_resources_example xgboost_dynamic_resources_example : tune/examples/xgboost_dynamic_resources_example.html - tune/examples/xgboost_example xgboost_example : tune/examples/xgboost_example.html - tune/examples/zoopt_example zoopt_example : tune/examples/zoopt_example.html + tune/examples/lightgbm_example Using LightGBM with Tune : tune/examples/lightgbm_example.html + tune/examples/mxnet_example Using MXNet with Tune : tune/examples/mxnet_example.html + tune/examples/pbt_ppo_example Using RLlib with Tune : tune/examples/pbt_ppo_example.html + tune/examples/pbt_transformers Using |:hugging_face:| Huggingface Transformers with Tune: tune/examples/pbt_transformers.html + tune/examples/tune-comet Using Comet with Tune : tune/examples/tune-comet.html + tune/examples/tune-mlflow Using MLflow with Tune : tune/examples/tune-mlflow.html + tune/examples/tune-pytorch-cifar How to use Tune with PyTorch : tune/examples/tune-pytorch-cifar.html + tune/examples/tune-pytorch-lightning Using PyTorch Lightning with Tune : tune/examples/tune-pytorch-lightning.html + tune/examples/tune-serve-integration-mnist Model selection and serving with Ray Tune and Ray Serve: tune/examples/tune-serve-integration-mnist.html + tune/examples/tune-sklearn Tune’s Scikit Learn Adapters : tune/examples/tune-sklearn.html + tune/examples/tune-wandb Using Weights & Biases with Tune : tune/examples/tune-wandb.html + tune/examples/tune-xgboost Tuning XGBoost parameters : tune/examples/tune-xgboost.html + tune/examples/tune_mnist_keras Using Keras & TensorFlow with Tune : tune/examples/tune_mnist_keras.html + tune/faq Ray Tune FAQ : tune/faq.html + tune/getting-started Getting Started : tune/getting-started.html tune/index Tune: Scalable Hyperparameter Tuning : tune/index.html tune/key-concepts Key Concepts : tune/key-concepts.html - tune/tutorials/README : tune/tutorials/README.html - tune/tutorials/index : tune/tutorials/index.html - tune/tutorials/overview Tutorials & FAQ : tune/tutorials/overview.html - tune/tutorials/tune-advanced-tutorial Guide to Population Based Training (PBT): tune/tutorials/tune-advanced-tutorial.html + tune/tutorials/overview User Guides : tune/tutorials/overview.html + tune/tutorials/tune-advanced-tutorial A Guide to Population Based Training : tune/tutorials/tune-advanced-tutorial.html + tune/tutorials/tune-checkpoints A Guide To Using Checkpoints : tune/tutorials/tune-checkpoints.html tune/tutorials/tune-distributed Tune Distributed Experiments : tune/tutorials/tune-distributed.html tune/tutorials/tune-lifecycle How does Tune work? : tune/tutorials/tune-lifecycle.html - tune/tutorials/tune-mlflow Using MLflow with Tune : tune/tutorials/tune-mlflow.html - tune/tutorials/tune-pytorch-cifar How to use Tune with PyTorch : tune/tutorials/tune-pytorch-cifar.html - tune/tutorials/tune-pytorch-lightning Using PyTorch Lightning with Tune : tune/tutorials/tune-pytorch-lightning.html - tune/tutorials/tune-serve-integration-mnist Model selection and serving with Ray Tune and Ray Serve: tune/tutorials/tune-serve-integration-mnist.html - tune/tutorials/tune-sklearn Tune’s Scikit Learn Adapters : tune/tutorials/tune-sklearn.html - tune/tutorials/tune-tutorial A Basic Tune Tutorial : tune/tutorials/tune-tutorial.html - tune/tutorials/tune-wandb Using Weights & Biases with Tune : tune/tutorials/tune-wandb.html - tune/tutorials/tune-xgboost Tuning XGBoost parameters : tune/tutorials/tune-xgboost.html - tune/user-guide User Guide & Configuring Tune : tune/user-guide.html - using-ray Using Ray : using-ray.html - using-ray-with-gpus GPU Support : using-ray-with-gpus.html - using-ray-with-jupyter Best Practices: Ray with Jupyter Notebook / JupyterLab: using-ray-with-jupyter.html - using-ray-with-pytorch Best Practices: Ray with PyTorch : using-ray-with-pytorch.html - using-ray-with-tensorflow Best Practices: Ray with Tensorflow : using-ray-with-tensorflow.html - walkthrough Ray Core Walkthrough : walkthrough.html - whitepaper Ray Whitepapers : whitepaper.html + tune/tutorials/tune-metrics A Guide To Callbacks & Metrics in Tune : tune/tutorials/tune-metrics.html + tune/tutorials/tune-output A Guide To Logging & Outputs in Tune : tune/tutorials/tune-output.html + tune/tutorials/tune-resources A Guide To Parallelism and Resources : tune/tutorials/tune-resources.html + tune/tutorials/tune-scalability Scalability and Overhead Benchmarks : tune/tutorials/tune-scalability.html + tune/tutorials/tune-search-spaces Working with Tune Search Spaces : tune/tutorials/tune-search-spaces.html + tune/tutorials/tune-stopping Stopping and Resuming Tune Trials : tune/tutorials/tune-stopping.html workflows/actors Virtual Actors : workflows/actors.html workflows/advanced Advanced Topics : workflows/advanced.html workflows/basics Workflow Basics : workflows/basics.html @@ -1547,33 +1973,39 @@ std:doc workflows/concepts Workflows: Fast, Durable Application Flows: workflows/concepts.html workflows/events Events : workflows/events.html workflows/management Workflow Management : workflows/management.html - workflows/package-ref Workflows API Reference : workflows/package-ref.html - xgboost-ray Distributed XGBoost on Ray : xgboost-ray.html + workflows/metadata Workflow Metadata : workflows/metadata.html + workflows/package-ref Ray Workflows API : workflows/package-ref.html std:label - a3c Advantage Actor-Critic (A2C, A3C) : rllib-algorithms.html#a3c - actor-fault-tolerance Actors : fault-tolerance.html#actor-fault-tolerance - actor-guide Using Actors : actors.html#actor-guide - actor-lifetimes Actor Lifetimes : actors.html#actor-lifetimes - actor-resource-guide Specifying Resources : actors.html#actor-resource-guide - additional-instruments Additional Instruments : ray-tracing.html#additional-instruments - alphazero Single-Player Alpha Zero (contrib/AlphaZero): rllib-algorithms.html#alphazero - apex Distributed Prioritized Experience Replay (Ape-X): rllib-algorithms.html#apex - apple-silcon-supprt Apple Silicon Support : installation.html#apple-silcon-supprt - appo Asynchronous Proximal Policy Optimization (APPO): rllib-algorithms.html#appo - ars Augmented Random Search (ARS) : rllib-algorithms.html#ars - async-actors AsyncIO for Actors : async_api.html#async-actors - attention Implementing custom Attention Networks : rllib-models.html#attention - auto_lstm_and_attention Built-in auto-LSTM, and auto-Attention Wrappers: rllib-models.html#auto-lstm-and-attention + a3c Advantage Actor-Critic (A2C, A3C) : rllib/rllib-algorithms.html#a3c + actor-fault-tolerance Fault Tolerance : ray-core/actors/fault-tolerance.html#actor-fault-tolerance + actor-guide Actors : ray-core/actors.html#actor-guide + actor-lifetimes Actor Lifetimes : ray-core/actors/named-actors.html#actor-lifetimes + actor-patterns Actor Design Patterns : ray-core/actors/patterns/index.html#actor-patterns + actor-resource-guide ray-core/actors.html#actor-resource-guide + additional-instruments Additional Instruments : ray-observability/ray-tracing.html#additional-instruments + air-serve-integration Serving : ray-air/getting-started.html#air-serve-integration + alphazero Single-Player Alpha Zero (contrib/AlphaZero): rllib/rllib-algorithms.html#alphazero + annotations-reference-docs RLlib Annotations/Decorators : rllib/package_ref/utils/annotations.html#annotations-reference-docs + apex Distributed Prioritized Experience Replay (Ape-X): rllib/rllib-algorithms.html#apex + apple-silcon-supprt M1 Mac (Apple Silicon) Support : ray-overview/installation.html#apple-silcon-supprt + application-level-metrics Application-level Metrics : ray-observability/ray-metrics.html#application-level-metrics + appo Asynchronous Proximal Policy Optimization (APPO): rllib/rllib-algorithms.html#appo + ars Augmented Random Search (ARS) : rllib/rllib-algorithms.html#ars + async-actors AsyncIO for Actors : ray-core/actors/async_api.html#async-actors + attention Implementing custom Attention Networks : rllib/rllib-models.html#attention + auto_lstm_and_attention Built-in auto-LSTM, and auto-Attention Wrappers: rllib/rllib-models.html#auto-lstm-and-attention aws-cluster AWS Configurations : cluster/aws-tips.html#aws-cluster aws-cluster-efs Using Amazon EFS : cluster/aws-tips.html#aws-cluster-efs aws-cluster-s3 Configure worker nodes to access Amazon S3: cluster/aws-tips.html#aws-cluster-s3 - backend-logging Backend logging : debugging.html#backend-logging + backend-logging Backend logging : ray-contribute/debugging.html#backend-logging backwards-compat Backwards Compatibility : raysgd/raysgd_pytorch.html#backwards-compat + bandits Contextual Bandits : rllib/rllib-algorithms.html#bandits + base-env-reference-docs BaseEnv API : rllib/package_ref/env/base_env.html#base-env-reference-docs basetorchtrainable-doc BaseTorchTrainable : raysgd/raysgd_ref.html#basetorchtrainable-doc bayesopt Bayesian Optimization (tune.suggest.bayesopt.BayesOptSearch): tune/api_docs/suggestion.html#bayesopt - bc Behavior Cloning (BC; derived from MARWIL implementation): rllib-algorithms.html#bc + bc Behavior Cloning (BC; derived from MARWIL implementation): rllib/rllib-algorithms.html#bc blendsearch BlendSearch (tune.suggest.flaml.BlendSearch): tune/api_docs/suggestion.html#blendsearch - building-ray Building Ray from Source : development.html#building-ray + building-ray Building Ray from Source : ray-contribute/development.html#building-ray byo-algo Custom Search Algorithms (tune.suggest.Searcher): tune/api_docs/suggestion.html#byo-algo cfo CFO (tune.suggest.flaml.CFO) : tune/api_docs/suggestion.html#cfo cluster-cloud Launching Cloud Clusters : cluster/cloud.html#cluster-cloud @@ -1643,216 +2075,284 @@ std:label cluster-configuration-worker-start-ray-commands worker_start_ray_commands : cluster/config.html#cluster-configuration-worker-start-ray-commands cluster-index Ray Cluster Overview : cluster/index.html#cluster-index cluster-private-setup Local On Premise Cluster (List of nodes): cluster/cloud.html#cluster-private-setup - cluster-reference Config YAML and CLI Reference : cluster/reference.html#cluster-reference - code_search_path Code Search Path : configure.html#code-search-path - communicating-with-ray-tune Communicating with Ray Tune : tune/tutorials/tune-pytorch-cifar.html#communicating-with-ray-tune + cluster-reference Ray Cluster Config YAML and CLI : cluster/reference.html#cluster-reference + code_search_path Code Search Path : ray-core/configure.html#code-search-path + communicating-with-ray-tune tune/examples/tune-pytorch-cifar.html#communicating-with-ray-tune configuring-a-deployment Configuring a Deployment : serve/core-apis.html#configuring-a-deployment - configuring-ray Configuring Ray : configure.html#configuring-ray - core-walkthrough Ray Core Walkthrough : walkthrough.html#core-walkthrough - cql Conservative Q-Learning (CQL) : rllib-algorithms.html#cql - cross_language Cross-Language Programming : cross-language.html#cross-language - curiosity Curiosity (ICM: Intrinsic Curiosity Module): rllib-algorithms.html#curiosity - custom-metric-api-ref Custom Metrics APIs : package-ref.html#custom-metric-api-ref - customevaluation Customized Evaluation During Training : rllib-training.html#customevaluation - dask-on-ray data/dask-on-ray.html#id1 + configuring-ray Configuring Ray : ray-core/configure.html#configuring-ray + core-walkthrough Ray Core Walkthrough : ray-core/walkthrough.html#core-walkthrough + cql Conservative Q-Learning (CQL) : rllib/rllib-algorithms.html#cql + creating_datasets Creating Datasets : data/creating-datasets.html#creating-datasets + cross_language Cross-Language Programming : ray-core/cross-language.html#cross-language + curiosity Curiosity (ICM: Intrinsic Curiosity Module): rllib/rllib-algorithms.html#curiosity + custom-metric-api-ref Custom Metrics APIs : ray-core/package-ref.html#custom-metric-api-ref + custom-policies-reference-docs Building Custom Policy Classes : rllib/package_ref/policy/custom_policies.html#custom-policies-reference-docs + customevaluation Customized Evaluation During Training : rllib/rllib-training.html#customevaluation + dask-on-ray Using Dask on Ray : data/dask-on-ray.html#dask-on-ray + dask-on-ray-annotations data/dask-on-ray.html#dask-on-ray-annotations dask-on-ray-callbacks data/dask-on-ray.html#dask-on-ray-callbacks dask-on-ray-out-of-core data/dask-on-ray.html#dask-on-ray-out-of-core dask-on-ray-persist data/dask-on-ray.html#dask-on-ray-persist dask-on-ray-scheduler data/dask-on-ray.html#dask-on-ray-scheduler dask-on-ray-shuffle-optimization data/dask-on-ray.html#dask-on-ray-shuffle-optimization - data-talks Talks and Materials : data/dataset.html#data-talks + data-compatibility Datasource Compatibility : data/dataset.html#data-compatibility + data-ml-ingest-example Example: Large-scale ML Ingest : data/examples/big_data_ingestion.html#data-ml-ingest-example + data-talks Learn More : data/dataset.html#data-talks + data_api Ray Datasets API : data/package-ref.html#data-api + data_integrations Integrations : data/integrations.html#data-integrations + data_key_concepts Key Concepts : data/key-concepts.html#data-key-concepts + data_performance_tips Performance Tips and Tuning : data/performance-tips.html#data-performance-tips + data_pipeline_usage Advanced Pipeline Usage : data/advanced-pipelines.html#data-pipeline-usage + data_user_guide User Guides : data/user-guide.html#data-user-guide dataset-api Dataset API : data/package-ref.html#dataset-api - dataset-pipeline Dataset Pipelines : data/dataset-pipeline.html#dataset-pipeline dataset-pipeline-api DatasetPipeline API : data/package-ref.html#dataset-pipeline-api - dataset-pipeline-per-epoch-shuffle Example: Per-Epoch Shuffle Pipeline : data/dataset-pipeline.html#dataset-pipeline-per-epoch-shuffle - dataset-pipeline-ray-train Distributed Ingest with Ray Train : data/dataset-pipeline.html#dataset-pipeline-ray-train - datasets Datasets: Distributed Data Loading and Compute: data/dataset.html#datasets + dataset-pipeline-per-epoch-shuffle Per-Epoch Shuffle Pipeline : data/advanced-pipelines.html#dataset-pipeline-per-epoch-shuffle + dataset-pipeline-ray-train Distributed Ingest with Ray Train : data/advanced-pipelines.html#dataset-pipeline-ray-train + dataset_concept Datasets : data/key-concepts.html#dataset-concept + dataset_execution_concept Dataset Execution Model : data/key-concepts.html#dataset-execution-concept + dataset_pipeline_concept Dataset Pipelines : data/key-concepts.html#dataset-pipeline-concept + dataset_pipelines_quick_start Dataset Pipelines Quick Start : data/getting-started.html#dataset-pipelines-quick-start + datasets Ray Datasets: Distributed Data Loading and Compute: data/dataset.html#datasets datasets-ml-preprocessing ML Preprocessing : data/dataset-ml-preprocessing.html#datasets-ml-preprocessing - datasets_tensor_support Dataset Tensor Support : data/dataset-tensor-support.html#datasets-tensor-support - ddpg Deep Deterministic Policy Gradients (DDPG, TD3): rllib-algorithms.html#ddpg - ddppo Decentralized Distributed Proximal Policy Optimization (DD-PPO): rllib-algorithms.html#ddppo - default-concurrency-group Default Concurrency Group : concurrency_group_api.html#default-concurrency-group - defining-concurrency-groups Defining Concurrency Groups : concurrency_group_api.html#defining-concurrency-groups + datasets_getting_started Getting Started : data/getting-started.html#datasets-getting-started + datasets_tensor_support Working with Tensors : data/dataset-tensor-support.html#datasets-tensor-support + ddpg Deep Deterministic Policy Gradients (DDPG, TD3): rllib/rllib-algorithms.html#ddpg + ddppo Decentralized Distributed Proximal Policy Optimization (DD-PPO): rllib/rllib-algorithms.html#ddppo + default-concurrency-group Default Concurrency Group : ray-core/actors/concurrency_group_api.html#default-concurrency-group + defining-concurrency-groups Defining Concurrency Groups : ray-core/actors/concurrency_group_api.html#defining-concurrency-groups deployment-api Deployment API : serve/package-ref.html#deployment-api - deployment-guide Ray Deployment Guide : cluster/guide.html#deployment-guide - docker-images Docker Source Images : installation.html#docker-images - dqn Deep Q Networks (DQN, Rainbow, Parametric DQN): rllib-algorithms.html#dqn + deployment-guide Cluster Deployment Guide : cluster/guide.html#deployment-guide + deprecation-reference-docs Deprecation Tools/Utils : rllib/package_ref/utils/deprecation.html#deprecation-reference-docs + docker-images Docker Source Images : ray-overview/installation.html#docker-images + docs-contribute Contributing to the Ray Documentation : ray-contribute/docs.html#docs-contribute + dqn Deep Q Networks (DQN, Rainbow, Parametric DQN): rllib/rllib-algorithms.html#dqn dragonfly Dragonfly (tune.suggest.dragonfly.DragonflySearch): tune/api_docs/suggestion.html#dragonfly - dreamer Dreamer : rllib-algorithms.html#dreamer - es Evolution Strategies : rllib-algorithms.html#es + dreamer Dreamer : rllib/rllib-algorithms.html#dreamer + end_to_end_tutorial End-to-End Tutorial : serve/end_to_end_tutorial.html#end-to-end-tutorial + env-reference-docs Environments : rllib/package_ref/env.html#env-reference-docs + es Evolution Strategies : rllib/rllib-algorithms.html#es + evaluation-reference-docs Evaluation and Environment Rollout : rllib/package_ref/evaluation.html#evaluation-reference-docs + exchanging_datasets Exchanging Datasets : data/exchanging-datasets.html#exchanging-datasets + execution-reference-docs Distributed Execution API : rllib/package_ref/execution.html#execution-reference-docs exp-analysis-docstring ExperimentAnalysis (tune.ExperimentAnalysis): tune/api_docs/analysis.html#exp-analysis-docstring - exploration-api Customizing Exploration Behavior : rllib-training.html#exploration-api + exploration-api Customizing Exploration Behavior : rllib/rllib-training.html#exploration-api + exploration-reference-docs Exploration API : rllib/package_ref/utils/exploration.html#exploration-reference-docs + external-env-reference-docs ExternalEnv API : rllib/package_ref/env/external_env.html#external-env-reference-docs + fake-multinode Testing Autoscaling Locally : ray-contribute/fake-autoscaler.html#fake-multinode + fake-multinode-docker Testing containerized multi nodes locally with Docker compose: ray-contribute/fake-autoscaler.html#fake-multinode-docker + frameworks-reference-docs Deep Learning Framework (tf vs torch) Utilities: rllib/package_ref/utils/framework.html#frameworks-reference-docs genindex Index : genindex.html - gentle-intro A Gentle Introduction to Ray : ray-overview/index.html#gentle-intro - getting-involved Getting Involved / Contributing : getting-involved.html#getting-involved - handling_dependencies Handling Dependencies : handling-dependencies.html#handling-dependencies + gentle-intro Getting Started Guide : ray-overview/index.html#gentle-intro + getting-involved Getting Involved / Contributing : ray-contribute/getting-involved.html#getting-involved + handling_dependencies Environment Dependencies : ray-core/handling-dependencies.html#handling-dependencies helm-config Helm chart configuration : cluster/kubernetes-advanced.html#helm-config how-do-you-use-the-ray-client How do you use the Ray Client? : cluster/ray-client.html#how-do-you-use-the-ray-client - impala Importance Weighted Actor-Learner Architecture (IMPALA): rllib-algorithms.html#impala - install-nightlies Daily Releases (Nightlies) : installation.html#install-nightlies - installation Installing Ray : installation.html#installation - java-driver-options Driver Options : configure.html#java-driver-options + impala Importance Weighted Actor-Learner Architecture (IMPALA): rllib/rllib-algorithms.html#impala + install-nightlies Daily Releases (Nightlies) : ray-overview/installation.html#install-nightlies + installation Installing Ray : ray-overview/installation.html#installation + java-driver-options Driver Options : ray-core/configure.html#java-driver-options + job-info-ref JobInfo : cluster/jobs-package-ref.html#job-info-ref + job-status-ref JobStatus : cluster/jobs-package-ref.html#job-status-ref + job-submission-client-ref JobSubmissionClient : cluster/jobs-package-ref.html#job-submission-client-ref + jobs-overview Ray Job Submission : cluster/job-submission.html#jobs-overview k8s-advanced Ray Operator Advanced Configuration : cluster/kubernetes-advanced.html#k8s-advanced k8s-cleanup Cleaning up resources : cluster/kubernetes-advanced.html#k8s-cleanup k8s-cleanup-basic Cleanup : cluster/kubernetes.html#k8s-cleanup-basic k8s-gpus GPU Usage with Kubernetes : cluster/kubernetes-gpu.html#k8s-gpus k8s-restarts Restart behavior : cluster/kubernetes-advanced.html#k8s-restarts - lightgbm-ray Distributed LightGBM on Ray : lightgbm-ray.html#lightgbm-ray - lightgbm-ray-tuning Hyperparameter Tuning : lightgbm-ray.html#lightgbm-ray-tuning + lightgbm-ray Distributed LightGBM on Ray : ray-more-libs/lightgbm-ray.html#lightgbm-ray + lightgbm-ray-tuning Hyperparameter Tuning : ray-more-libs/lightgbm-ray.html#lightgbm-ray-tuning limiter ConcurrencyLimiter (tune.suggest.ConcurrencyLimiter): tune/api_docs/suggestion.html#limiter - lints Linear Thompson Sampling (contrib/LinTS): rllib-algorithms.html#lints - linucb Linear Upper Confidence Bound (contrib/LinUCB): rllib-algorithms.html#linucb - local-mode-tips Tip 2: Use ray.init(local_mode=True) if possible: auto_examples/testing-tips.html#local-mode-tips - local_mode Local mode : starting-ray.html#local-mode + lints Linear Thompson Sampling (BanditLinTSTrainer): rllib/rllib-algorithms.html#lints + linucb Linear Upper Confidence Bound (BanditLinUCBTrainer): rllib/rllib-algorithms.html#linucb + local-mode-tips Tip 2: Use ray.init(local_mode=True) if possible: ray-core/examples/testing-tips.html#local-mode-tips + local_mode Local mode : ray-core/starting-ray.html#local-mode logger-interface LoggerCallback : tune/api_docs/logging.html#logger-interface loggers-docstring Loggers (tune.logger) : tune/api_docs/logging.html#loggers-docstring - logging-directory-structure ray-logging.html#id1 - maddpg Multi-Agent Deep Deterministic Policy Gradient (contrib/MADDPG): rllib-algorithms.html#maddpg - maml Model-Agnostic Meta-Learning (MAML) : rllib-algorithms.html#maml + logging-directory-structure ray-observability/ray-logging.html#id1 + maddpg Multi-Agent Deep Deterministic Policy Gradient (contrib/MADDPG): rllib/rllib-algorithms.html#maddpg + maml Model-Agnostic Meta-Learning (MAML) : rllib/rllib-algorithms.html#maml manual-cluster Manual Ray Cluster Setup : cluster/cloud.html#manual-cluster - mars-on-ray Mars on Ray : data/mars-on-ray.html#mars-on-ray - marwil Monotonic Advantage Re-Weighted Imitation Learning (MARWIL): rllib-algorithms.html#marwil - mbmpo Model-Based Meta-Policy-Optimization (MB-MPO): rllib-algorithms.html#mbmpo - memory Memory Management : memory-management.html#memory + mars-on-ray Using Mars on Ray : data/mars-on-ray.html#mars-on-ray + marwil Monotonic Advantage Re-Weighted Imitation Learning (MARWIL): rllib/rllib-algorithms.html#marwil + mbmpo Model-Based Meta-Policy-Optimization (MB-MPO): rllib/rllib-algorithms.html#mbmpo + memory Memory Management : ray-core/objects/memory-management.html#memory + model-reference-docs Model APIs : rllib/package_ref/models.html#model-reference-docs + modin-on-ray Using Pandas on Ray (Modin) : data/modin/index.html#modin-on-ray modindex Module Index : py-modindex.html monitor-cluster Monitoring cluster status (ray dashboard/status): cluster/commands.html#monitor-cluster - multi-node-metrics Getting Started (Multi-nodes) : ray-metrics.html#multi-node-metrics - namespaces-guide Using Namespaces : namespaces.html#namespaces-guide + multi-agent-env-reference-docs MultiAgentEnv API : rllib/package_ref/env/multi_agent_env.html#multi-agent-env-reference-docs + multi-node-metrics Getting Started (Multi-nodes) : ray-observability/ray-metrics.html#multi-node-metrics + namespaces-guide Using Namespaces : ray-core/namespaces.html#namespaces-guide nevergrad Nevergrad (tune.suggest.nevergrad.NevergradSearch): tune/api_docs/suggestion.html#nevergrad no-helm Deploying without Helm : cluster/kubernetes-advanced.html#no-helm - object-reconstruction Objects : fault-tolerance.html#object-reconstruction - object-spilling memory-management.html#id1 - objects-in-ray Objects in Ray : walkthrough.html#objects-in-ray - omp-num-thread-note configure.html#omp-num-thread-note - package-ref-debugging-apis Debugging APIs : package-ref.html#package-ref-debugging-apis - pg Policy Gradients : rllib-algorithms.html#pg - pgroup-strategy Strategy types : placement-group.html#pgroup-strategy - placement-group-lifetimes Placement Group Lifetimes : placement-group.html#placement-group-lifetimes - plasma-store Plasma Object Store : serialization.html#plasma-store - ppo Proximal Policy Optimization (PPO) : rllib-algorithms.html#ppo + numpy-reference-docs Numpy Utility Functions : rllib/package_ref/utils/numpy.html#numpy-reference-docs + object-reconstruction ray-core/tasks/fault-tolerance.html#object-reconstruction + object-spilling ray-core/objects/object-spilling.html#id1 + objects-in-ray Objects : ray-core/objects.html#objects-in-ray + offline-reference-docs Offline RL : rllib/package_ref/offline.html#offline-reference-docs + omp-num-thread-note ray-core/configure.html#omp-num-thread-note + package-ref-debugging-apis Debugging APIs : ray-core/package-ref.html#package-ref-debugging-apis + pg Policy Gradients : rllib/rllib-algorithms.html#pg + pgroup-strategy Strategy types : ray-core/placement-group.html#pgroup-strategy + pipelining_datasets Pipelining Compute : data/pipelining-compute.html#pipelining-datasets + placement-group-lifetimes Placement Group Lifetimes : ray-core/placement-group.html#placement-group-lifetimes + plasma-store Plasma Object Store : ray-core/objects/serialization.html#plasma-store + policy-base-class-reference-docs Base Policy class (ray.rllib.policy.policy.Policy): rllib/package_ref/policy/policy.html#policy-base-class-reference-docs + policy-map-docs PolicyMap (ray.rllib.policy.policy_map.PolicyMap): rllib/package_ref/evaluation/policy_map.html#policy-map-docs + policy-reference-docs Policies : rllib/package_ref/policy.html#policy-reference-docs + ppo Proximal Policy Optimization (PPO) : rllib/rllib-algorithms.html#ppo py-modindex Python Module Index : py-modindex.html - python-develop Building Ray (Python Only) : development.html#python-develop - qmix QMIX Monotonic Value Factorisation (QMIX, VDN, IQN): rllib-algorithms.html#qmix - r2d2 Recurrent Replay Distributed DQN (R2D2) : rllib-algorithms.html#r2d2 - ray-attach-doc ray attach : package-ref.html#ray-attach-doc - ray-available_resources-ref ray.available_resources : package-ref.html#ray-available-resources-ref - ray-cancel-ref ray.cancel : package-ref.html#ray-cancel-ref - ray-cli The Ray Command Line API : package-ref.html#ray-cli - ray-client Ray Client : cluster/ray-client.html#ray-client - ray-cluster_resources-ref ray.cluster_resources : package-ref.html#ray-cluster-resources-ref - ray-collective ray-collective.html#ray-collective - ray-dashboard Ray Dashboard : ray-dashboard.html#ray-dashboard - ray-down-doc ray down : package-ref.html#ray-down-doc - ray-exec-doc ray exec : package-ref.html#ray-exec-doc - ray-get-loop Antipattern: Calling ray.get in a loop : ray-design-patterns/ray-get-loop.html#ray-get-loop - ray-get-ref ray.get : package-ref.html#ray-get-ref - ray-get_actor-ref ray.get_actor : package-ref.html#ray-get-actor-ref - ray-get_gpu_ids-ref ray.get_gpu_ids : package-ref.html#ray-get-gpu-ids-ref - ray-get_head_ip-doc ray get_head_ip : package-ref.html#ray-get-head-ip-doc + python-develop Building Ray (Python Only) : ray-contribute/development.html#python-develop + qmix QMIX Monotonic Value Factorisation (QMIX, VDN, IQN): rllib/rllib-algorithms.html#qmix + r2d2 Recurrent Replay Distributed DQN (R2D2) : rllib/rllib-algorithms.html#r2d2 + ray-attach-doc ray attach : ray-core/package-ref.html#ray-attach-doc + ray-available_resources-ref ray.available_resources : ray-core/package-ref.html#ray-available-resources-ref + ray-cancel-ref ray.cancel : ray-core/package-ref.html#ray-cancel-ref + ray-cli The Ray Command Line API : ray-core/package-ref.html#ray-cli + ray-client Ray Client: Interactive Development : cluster/ray-client.html#ray-client + ray-cluster_resources-ref ray.cluster_resources : ray-core/package-ref.html#ray-cluster-resources-ref + ray-collective ray-more-libs/ray-collective.html#ray-collective + ray-dashboard Ray Dashboard : ray-core/ray-dashboard.html#ray-dashboard + ray-down-doc ray down : ray-core/package-ref.html#ray-down-doc + ray-exec-doc ray exec : ray-core/package-ref.html#ray-exec-doc + ray-get-loop Antipattern: Calling ray.get in a loop : ray-core/tasks/patterns/ray-get-loop.html#ray-get-loop + ray-get-ref ray.get : ray-core/package-ref.html#ray-get-ref + ray-get_actor-ref ray.get_actor : ray-core/package-ref.html#ray-get-actor-ref + ray-get_gpu_ids-ref ray.get_gpu_ids : ray-core/package-ref.html#ray-get-gpu-ids-ref + ray-get_head_ip-doc ray get_head_ip : ray-core/package-ref.html#ray-get-head-ip-doc ray-helm Installing the Ray Operator with Helm : cluster/kubernetes.html#ray-helm - ray-init-ref ray.init : package-ref.html#ray-init-ref - ray-install-java Install Ray Java with Maven : installation.html#ray-install-java - ray-is_initialized-ref ray.is_initialized : package-ref.html#ray-is-initialized-ref - ray-joblib Distributed Scikit-learn / Joblib : joblib.html#ray-joblib - ray-k8s-client Running Ray programs with Ray Client : cluster/kubernetes.html#ray-k8s-client + ray-init-ref ray.init : ray-core/package-ref.html#ray-init-ref + ray-install-java Install Ray Java with Maven : ray-overview/installation.html#ray-install-java + ray-is_initialized-ref ray.is_initialized : ray-core/package-ref.html#ray-is-initialized-ref + ray-job-apis Ray Job Submission APIs : cluster/job-submission.html#ray-job-apis + ray-job-cli CLI : cluster/job-submission.html#ray-job-cli + ray-job-list-doc ray job list : cluster/jobs-package-ref.html#ray-job-list-doc + ray-job-logs-doc ray job logs : cluster/jobs-package-ref.html#ray-job-logs-doc + ray-job-rest-api REST API : cluster/job-submission.html#ray-job-rest-api + ray-job-sdk Python SDK : cluster/job-submission.html#ray-job-sdk + ray-job-status-doc ray job status : cluster/jobs-package-ref.html#ray-job-status-doc + ray-job-stop-doc ray job stop : cluster/jobs-package-ref.html#ray-job-stop-doc + ray-job-submission-api-ref Ray Job Submission API : cluster/jobs-package-ref.html#ray-job-submission-api-ref + ray-job-submission-cli-ref Job Submission CLI : cluster/jobs-package-ref.html#ray-job-submission-cli-ref + ray-job-submission-sdk-ref Job Submission SDK : cluster/jobs-package-ref.html#ray-job-submission-sdk-ref + ray-job-submit-doc ray job submit : cluster/jobs-package-ref.html#ray-job-submit-doc + ray-joblib Distributed Scikit-learn / Joblib : ray-more-libs/joblib.html#ray-joblib + ray-k8s-client Running Ray programs with Ray Jobs Submission: cluster/kubernetes.html#ray-k8s-client ray-k8s-dashboard cluster/kubernetes.html#ray-k8s-dashboard ray-k8s-deploy Deploying on Kubernetes : cluster/kubernetes.html#ray-k8s-deploy ray-k8s-monitor Observability : cluster/kubernetes.html#ray-k8s-monitor ray-k8s-static Deploying a Static Ray Cluster on Kubernetes: cluster/kubernetes-manual.html#ray-k8s-static - ray-kill-ref ray.kill : package-ref.html#ray-kill-ref - ray-lightning Distributed PyTorch Lightning Training on Ray: ray-lightning.html#ray-lightning - ray-lightning-tuning Hyperparameter Tuning with Ray Tune : ray-lightning.html#ray-lightning-tuning + ray-kill-ref ray.kill : ray-core/package-ref.html#ray-kill-ref + ray-lightning Distributed PyTorch Lightning Training on Ray: ray-more-libs/ray-lightning.html#ray-lightning + ray-lightning-tuning Hyperparameter Tuning with Ray Tune : ray-more-libs/ray-lightning.html#ray-lightning-tuning ray-lsf-deploy Deploying on LSF : cluster/lsf.html#ray-lsf-deploy - ray-memory-doc ray memory : package-ref.html#ray-memory-doc - ray-method-ref ray.method : package-ref.html#ray-method-ref - ray-metrics Exporting Metrics : ray-metrics.html#ray-metrics - ray-multiprocessing Distributed multiprocessing.Pool : multiprocessing.html#ray-multiprocessing - ray-nodes-ref ray.nodes : package-ref.html#ray-nodes-ref - ray-object-refs Passing object refs to remote functions : walkthrough.html#ray-object-refs + ray-memory-doc ray memory : ray-core/package-ref.html#ray-memory-doc + ray-method-ref ray.method : ray-core/package-ref.html#ray-method-ref + ray-metrics Exporting Metrics : ray-observability/ray-metrics.html#ray-metrics + ray-monitor-doc ray monitor : ray-core/package-ref.html#ray-monitor-doc + ray-multiprocessing Distributed multiprocessing.Pool : ray-more-libs/multiprocessing.html#ray-multiprocessing + ray-nodes-ref ray.nodes : ray-core/package-ref.html#ray-nodes-ref + ray-object-refs Passing object refs to remote functions : ray-core/tasks.html#ray-object-refs ray-operator The Ray Kubernetes Operator : cluster/kubernetes.html#ray-operator - ray-oss-list Community Integrations : ray-libraries.html#ray-oss-list - ray-placement-group-doc-ref placement-group.html#ray-placement-group-doc-ref - ray-placement-group-examples-ref auto_examples/placement-group.html#ray-placement-group-examples-ref - ray-placement-group-ft-ref placement-group.html#ray-placement-group-ft-ref - ray-placement-group-lifecycle-ref placement-group.html#ray-placement-group-lifecycle-ref - ray-placement-group-ref Placement Group APIs : package-ref.html#ray-placement-group-ref - ray-ports Ports configurations : configure.html#ray-ports - ray-put-ref ray.put : package-ref.html#ray-put-ref - ray-queue-ref package-ref.html#ray-queue-ref - ray-remote-functions Remote functions (Tasks) : walkthrough.html#ray-remote-functions - ray-remote-ref ray.remote : package-ref.html#ray-remote-ref + ray-oss-list Ecosystem : ray-overview/ray-libraries.html#ray-oss-list + ray-placement-group-doc-ref ray-core/placement-group.html#ray-placement-group-doc-ref + ray-placement-group-ft-ref ray-core/placement-group.html#ray-placement-group-ft-ref + ray-placement-group-lifecycle-ref ray-core/placement-group.html#ray-placement-group-lifecycle-ref + ray-placement-group-ref Placement Group APIs : ray-core/package-ref.html#ray-placement-group-ref + ray-ports Ports configurations : ray-core/configure.html#ray-ports + ray-put-ref ray.put : ray-core/package-ref.html#ray-put-ref + ray-queue-ref ray-core/package-ref.html#ray-queue-ref + ray-remote-classes Actors : ray-core/actors.html#ray-remote-classes + ray-remote-functions Tasks : ray-core/tasks.html#ray-remote-functions + ray-remote-ref ray.remote : ray-core/package-ref.html#ray-remote-ref ray-rsync Synchronizing files from the cluster (ray rsync-up/down): cluster/commands.html#ray-rsync - ray-shutdown-ref ray.shutdown : package-ref.html#ray-shutdown-ref + ray-serve-instance-lifetime Lifetime of a Ray Serve Instance : serve/deployment.html#ray-serve-instance-lifetime + ray-shutdown-ref ray.shutdown : ray-core/package-ref.html#ray-shutdown-ref ray-slurm-deploy Deploying on Slurm : cluster/slurm.html#ray-slurm-deploy ray-slurm-headers sbatch directives : cluster/slurm.html#ray-slurm-headers - ray-stack-doc ray stack : package-ref.html#ray-stack-doc - ray-start-doc ray start : package-ref.html#ray-start-doc - ray-stop-doc ray stop : package-ref.html#ray-stop-doc - ray-submit-doc ray submit : package-ref.html#ray-submit-doc - ray-timeline-doc ray timeline : package-ref.html#ray-timeline-doc - ray-timeline-ref ray.timeline : package-ref.html#ray-timeline-ref + ray-stack-doc ray stack : ray-core/package-ref.html#ray-stack-doc + ray-start-doc ray start : ray-core/package-ref.html#ray-start-doc + ray-status-doc ray status : ray-core/package-ref.html#ray-status-doc + ray-stop-doc ray stop : ray-core/package-ref.html#ray-stop-doc + ray-submit-doc ray submit : ray-core/package-ref.html#ray-submit-doc + ray-timeline-doc ray timeline : ray-core/package-ref.html#ray-timeline-doc + ray-timeline-ref ray.timeline : ray-core/package-ref.html#ray-timeline-ref ray-train-tftrainer-example TFTrainer Example : raysgd/raysgd_tensorflow.html#ray-train-tftrainer-example - ray-up-doc ray up : package-ref.html#ray-up-doc - ray-wait-ref ray.wait : package-ref.html#ray-wait-ref + ray-up-doc ray up : ray-core/package-ref.html#ray-up-doc + ray-wait-ref ray.wait : ray-core/package-ref.html#ray-wait-ref ray-yarn-deploy Deploying on YARN : cluster/yarn.html#ray-yarn-deploy - ray_anaconda Installing Ray with Anaconda : installation.html#ray-anaconda + ray_anaconda Installing Ray with Anaconda : ray-overview/installation.html#ray-anaconda + ray_datasets_quick_start Dataset Quick Start : data/getting-started.html#ray-datasets-quick-start rayserve Serve: Scalable and Programmable Serving: serve/index.html#rayserve rayserve-overview serve/index.html#rayserve-overview raysgd-custom-training Custom Training and Validation : raysgd/raysgd_pytorch.html#raysgd-custom-training raysgd-torch-examples TorchTrainer Examples : raysgd/raysgd_pytorch.html#raysgd-torch-examples raysgd-tune RaySGD Hyperparameter Tuning : raysgd/raysgd_tune.html#raysgd-tune raytrialexecutor-docstring RayTrialExecutor : tune/api_docs/internals.html#raytrialexecutor-docstring + re3 RE3 (Random Encoders for Efficient Exploration): rllib/rllib-algorithms.html#re3 ref-autoscaler-sdk Autoscaler SDK : cluster/sdk.html#ref-autoscaler-sdk ref-autoscaler-sdk-request-resources ray.autoscaler.sdk.request_resources : cluster/sdk.html#ref-autoscaler-sdk-request-resources ref-cloud-setup Ray with cloud providers : cluster/cloud.html#ref-cloud-setup ref-cluster-quick-start Ray Cluster Quick Start : cluster/quickstart.html#ref-cluster-quick-start ref-cluster-setup Ray with Cluster Managers : cluster/deploy.html#ref-cluster-setup ref-creator-operator CreatorOperator : raysgd/raysgd_ref.html#ref-creator-operator + ref-deployment-guide Deployment Guide : cluster/user-guide.html#ref-deployment-guide ref-torch-operator PyTorch TrainingOperator : raysgd/raysgd_ref.html#ref-torch-operator ref-torch-trainer TorchTrainer : raysgd/raysgd_ref.html#ref-torch-trainer ref-utils Utils : raysgd/raysgd_ref.html#ref-utils - remote-span-processors Remote Span Processors : ray-tracing.html#remote-span-processors - remote-uris Remote URIs : handling-dependencies.html#remote-uris + remote-span-processors Remote Span Processors : ray-observability/ray-tracing.html#remote-span-processors + remote-uris Remote URIs : ray-core/handling-dependencies.html#remote-uris repeater Repeated Evaluations (tune.suggest.Repeater): tune/api_docs/suggestion.html#repeater - resource-requirements Specifying required resources : walkthrough.html#resource-requirements + resource-requirements Specifying Required Resources : ray-core/tasks/resources.html#resource-requirements resources-docstring PlacementGroupFactory : tune/api_docs/internals.html#resources-docstring - rllib-core-concepts RLlib Core Concepts : rllib/core-concepts.html#rllib-core-concepts + rllib-core-concepts Key Concepts : rllib/core-concepts.html#rllib-core-concepts + rllib-feature-guide RLlib Feature Guides : rllib/user-guides.html#rllib-feature-guide + rllib-guides User Guides : rllib/user-guides.html#rllib-guides rllib-index RLlib: Industry-Grade Reinforcement Learning: rllib/index.html#rllib-index - rllib-scaling-guide rllib-training.html#rllib-scaling-guide - rnns Implementing custom Recurrent Networks : rllib-models.html#rnns - rsync-checkpointing A simple local/rsync checkpointing example: tune/user-guide.html#rsync-checkpointing - rte-per-job Specifying a Runtime Environment Per-Job: handling-dependencies.html#rte-per-job - rte-per-task-actor Specifying a Runtime Environment Per-Task or Per-Actor: handling-dependencies.html#rte-per-task-actor - runtime-context-apis Runtime Context APIs : package-ref.html#runtime-context-apis - runtime-environments Runtime Environments : handling-dependencies.html#runtime-environments - runtime-environments-api-ref API Reference : handling-dependencies.html#runtime-environments-api-ref - runtime-environments-old Runtime Environments : advanced.html#runtime-environments-old - sac Soft Actor Critic (SAC) : rllib-algorithms.html#sac - schedulers-ref Summary : tune/api_docs/schedulers.html#schedulers-ref + rllib-reference-docs Ray RLlib API : rllib/package_ref/index.html#rllib-reference-docs + rllib-scaling-guide rllib/rllib-training.html#rllib-scaling-guide + rnns Implementing custom Recurrent Networks : rllib/rllib-models.html#rnns + rolloutworker-reference-docs RolloutWorker : rllib/package_ref/evaluation/rollout_worker.html#rolloutworker-reference-docs + rsync-checkpointing A simple local/rsync checkpointing example: tune/tutorials/tune-checkpoints.html#rsync-checkpointing + rte-per-job Specifying a Runtime Environment Per-Job: ray-core/handling-dependencies.html#rte-per-job + rte-per-task-actor Specifying a Runtime Environment Per-Task or Per-Actor: ray-core/handling-dependencies.html#rte-per-task-actor + runtime-context-apis Runtime Context APIs : ray-core/package-ref.html#runtime-context-apis + runtime-env-apis Runtime Env APIs : ray-core/package-ref.html#runtime-env-apis + runtime-environments Runtime environments : ray-core/handling-dependencies.html#runtime-environments + runtime-environments-api-ref API Reference : ray-core/handling-dependencies.html#runtime-environments-api-ref + sac Soft Actor Critic (SAC) : rllib/rllib-algorithms.html#sac + sample-batch-reference-docs Sample Batches : rllib/package_ref/evaluation/sample_batch.html#sample-batch-reference-docs + sampler-docs Environment Samplers : rllib/package_ref/evaluation/samplers.html#sampler-docs + saving_datasets Saving Datasets : data/saving-datasets.html#saving-datasets + schedule-reference-docs Schedules API : rllib/package_ref/utils/schedules.html#schedule-reference-docs + schedulers-ref Schedulers : tune/key-concepts.html#schedulers-ref search Search Page : search.html - serialization-guide Serialization : serialization.html#serialization-guide + serialization-guide Serialization : ray-core/objects/serialization.html#serialization-guide serve-architecture Serve Architecture : serve/architecture.html#serve-architecture serve-batch-tutorial Batching Tutorial : serve/tutorials/batch.html#serve-batch-tutorial serve-batching Request Batching : serve/ml-models.html#serve-batching serve-cpus-gpus Resource Management (CPUs, GPUs) : serve/core-apis.html#serve-cpus-gpus - serve-deploy-tutorial Lifetime of a Ray Serve Instance : serve/deployment.html#serve-deploy-tutorial + serve-deploy-tutorial Deploying Ray Serve : serve/deployment.html#serve-deploy-tutorial + serve-deployment-graph Deployment Graph : serve/deployment-graph.html#serve-deployment-graph serve-faq Ray Serve FAQ : serve/faq.html#serve-faq serve-fastapi-http FastAPI HTTP Deployments : serve/http-servehandle.html#serve-fastapi-http serve-ft-detail How does Serve handle fault tolerance? : serve/architecture.html#serve-ft-detail serve-handle-explainer ServeHandle: Calling Deployments from Python: serve/http-servehandle.html#serve-handle-explainer + serve-http-adapters HTTP Adapters : serve/http-servehandle.html#serve-http-adapters serve-model-composition Model Composition : serve/ml-models.html#serve-model-composition serve-monitoring Monitoring : serve/deployment.html#serve-monitoring - serve-pipeline-api Pipeline API (Experimental) : serve/pipeline.html#serve-pipeline-api - serve-pipeline-ensemble-api Ensemble Example : serve/pipeline.html#serve-pipeline-ensemble-api + serve-ndarray-schema serve/http-servehandle.html#serve-ndarray-schema serve-pytorch-tutorial PyTorch Tutorial : serve/tutorials/pytorch.html#serve-pytorch-tutorial - serve-rllib-tutorial RLlib Tutorial : serve/tutorials/rllib.html#serve-rllib-tutorial + serve-rllib-tutorial Serving RLlib Models : serve/tutorials/rllib.html#serve-rllib-tutorial serve-sklearn-tutorial Scikit-Learn Tutorial : serve/tutorials/sklearn.html#serve-sklearn-tutorial serve-sync-async-handles Sync and Async Handles : serve/http-servehandle.html#serve-sync-async-handles serve-tensorflow-tutorial Keras and Tensorflow Tutorial : serve/tutorials/tensorflow.html#serve-tensorflow-tutorial serve-tutorials Serve Tutorials : serve/tutorials/index.html#serve-tutorials serve-web-server-integration-tutorial Integration with Existing Web Servers : serve/tutorials/web-server-integration.html#serve-web-server-integration-tutorial + serve_quickstart Ray Serve Quickstart : serve/index.html#serve-quickstart servehandle-api ServeHandle API : serve/package-ref.html#servehandle-api - setting-the-concurrency-group-at-runtime Setting the Concurrency Group at Runtime: concurrency_group_api.html#setting-the-concurrency-group-at-runtime + setting-the-concurrency-group-at-runtime Setting the Concurrency Group at Runtime: ray-core/actors/concurrency_group_api.html#setting-the-concurrency-group-at-runtime sgd-index RaySGD: Distributed Training Wrappers : raysgd/raysgd.html#sgd-index sgd-migration Migrating from Ray SGD to Ray Train : train/migration-guide.html#sgd-migration sgd-migration-logic Training Logic : train/migration-guide.html#sgd-migration-logic @@ -1862,118 +2362,122 @@ std:label shim Shim Instantiation (tune.create_searcher): tune/api_docs/suggestion.html#shim sigopt SigOpt (tune.suggest.sigopt.SigOptSearch): tune/api_docs/suggestion.html#sigopt skopt Scikit-Optimize (tune.suggest.skopt.SkOptSearch): tune/api_docs/suggestion.html#skopt - slateq SlateQ : rllib-algorithms.html#slateq + slateq SlateQ : rllib/rllib-algorithms.html#slateq slurm-basic slurm-basic.sh : cluster/examples/slurm-basic.html#slurm-basic slurm-launch slurm-launch.py : cluster/examples/slurm-launch.html#slurm-launch + slurm-network-ray SLURM networking caveats : cluster/slurm.html#slurm-network-ray slurm-template slurm-template.sh : cluster/examples/slurm-template.html#slurm-template - sphx_glr_auto_examples auto_examples/index.html#sphx-glr-auto-examples - sphx_glr_auto_examples_dask_xgboost auto_examples/index.html#sphx-glr-auto-examples-dask-xgboost - sphx_glr_auto_examples_dask_xgboost_dask_xgboost.py XGBoost-Ray with Dask : auto_examples/dask_xgboost/dask_xgboost.html#sphx-glr-auto-examples-dask-xgboost-dask-xgboost-py - sphx_glr_auto_examples_datasets_train auto_examples/index.html#sphx-glr-auto-examples-datasets-train - sphx_glr_auto_examples_datasets_train_datasets_train.py Big Data Training : auto_examples/datasets_train/datasets_train.html#sphx-glr-auto-examples-datasets-train-datasets-train-py - sphx_glr_auto_examples_modin_xgboost auto_examples/index.html#sphx-glr-auto-examples-modin-xgboost - sphx_glr_auto_examples_modin_xgboost_modin_xgboost.py XGBoost-Ray with Modin : auto_examples/modin_xgboost/modin_xgboost.html#sphx-glr-auto-examples-modin-xgboost-modin-xgboost-py - sphx_glr_auto_examples_plot_hyperparameter.py Simple Parallel Model Selection : auto_examples/plot_hyperparameter.html#sphx-glr-auto-examples-plot-hyperparameter-py - sphx_glr_auto_examples_plot_parameter_server.py Parameter Server : auto_examples/plot_parameter_server.html#sphx-glr-auto-examples-plot-parameter-server-py - sphx_glr_auto_examples_plot_pong_example.py Learning to Play Pong : auto_examples/plot_pong_example.html#sphx-glr-auto-examples-plot-pong-example-py - sphx_glr_auto_examples_progress_bar.py Progress Bar for Ray Actors (tqdm) : auto_examples/progress_bar.html#sphx-glr-auto-examples-progress-bar-py - sphx_glr_data_examples data/examples/index.html#sphx-glr-data-examples - sphx_glr_data_examples_big_data_ingestion.py Example: Large-scale ML Ingest : data/examples/big_data_ingestion.html#sphx-glr-data-examples-big-data-ingestion-py - sphx_glr_download_auto_examples_dask_xgboost_dask_xgboost.py auto_examples/dask_xgboost/dask_xgboost.html#sphx-glr-download-auto-examples-dask-xgboost-dask-xgboost-py - sphx_glr_download_auto_examples_datasets_train_datasets_train.py auto_examples/datasets_train/datasets_train.html#sphx-glr-download-auto-examples-datasets-train-datasets-train-py - sphx_glr_download_auto_examples_modin_xgboost_modin_xgboost.py auto_examples/modin_xgboost/modin_xgboost.html#sphx-glr-download-auto-examples-modin-xgboost-modin-xgboost-py - sphx_glr_download_auto_examples_plot_hyperparameter.py auto_examples/plot_hyperparameter.html#sphx-glr-download-auto-examples-plot-hyperparameter-py - sphx_glr_download_auto_examples_plot_parameter_server.py auto_examples/plot_parameter_server.html#sphx-glr-download-auto-examples-plot-parameter-server-py - sphx_glr_download_auto_examples_plot_pong_example.py auto_examples/plot_pong_example.html#sphx-glr-download-auto-examples-plot-pong-example-py - sphx_glr_download_auto_examples_progress_bar.py auto_examples/progress_bar.html#sphx-glr-download-auto-examples-progress-bar-py - sphx_glr_download_data_examples_big_data_ingestion.py data/examples/big_data_ingestion.html#sphx-glr-download-data-examples-big-data-ingestion-py - sphx_glr_download_tune_tutorials_tune-serve-integration-mnist.py tune/tutorials/tune-serve-integration-mnist.html#sphx-glr-download-tune-tutorials-tune-serve-integration-mnist-py - sphx_glr_download_tune_tutorials_tune-sklearn.py tune/tutorials/tune-sklearn.html#sphx-glr-download-tune-tutorials-tune-sklearn-py - sphx_glr_tune_tutorials tune/tutorials/index.html#sphx-glr-tune-tutorials - sphx_glr_tune_tutorials_tune-serve-integration-mnist.py Model selection and serving with Ray Tune and Ray Serve: tune/tutorials/tune-serve-integration-mnist.html#sphx-glr-tune-tutorials-tune-serve-integration-mnist-py - sphx_glr_tune_tutorials_tune-sklearn.py Tune’s Scikit Learn Adapters : tune/tutorials/tune-sklearn.html#sphx-glr-tune-tutorials-tune-sklearn-py - start-ray-cli Starting Ray via the CLI (ray start) : starting-ray.html#start-ray-cli - start-ray-init Starting Ray on a single machine : starting-ray.html#start-ray-init - start-ray-up Launching a Ray cluster (ray up) : starting-ray.html#start-ray-up + spark-on-ray Using Spark on Ray (RayDP) : data/raydp.html#spark-on-ray + start-ray-cli Starting Ray via the CLI (ray start) : ray-core/starting-ray.html#start-ray-cli + start-ray-init Starting Ray on a single machine : ray-core/starting-ray.html#start-ray-init + start-ray-up Launching a Ray cluster (ray up) : ray-core/starting-ray.html#start-ray-up suggest-tunebohb BOHB (tune.suggest.bohb.TuneBOHB) : tune/api_docs/suggestion.html#suggest-tunebohb - temp-dir-log-files Logging and Debugging : configure.html#temp-dir-log-files - tensorboard Tensorboard (Logging) : tune/user-guide.html#tensorboard - tensorflow-models Custom TensorFlow Models : rllib-models.html#tensorflow-models - threaded-actors Threaded Actors : async_api.html#threaded-actors + task-fault-tolerance Fault Tolerance : ray-core/tasks/fault-tolerance.html#task-fault-tolerance + task-patterns Task Design Patterns : ray-core/tasks/patterns/index.html#task-patterns + temp-dir-log-files Logging and Debugging : ray-core/configure.html#temp-dir-log-files + tensorboard How to log to TensorBoard? : tune/tutorials/tune-output.html#tensorboard + tensorflow-models Custom TensorFlow Models : rllib/rllib-models.html#tensorflow-models + tf-policies-reference-docs TensorFlow-Specific Sub-Classes : rllib/package_ref/policy/tf_policies.html#tf-policies-reference-docs + tf-utils-reference-docs TensorFlow Utility Functions : rllib/package_ref/utils/tf_utils.html#tf-utils-reference-docs + threaded-actors Threaded Actors : ray-core/actors/async_api.html#threaded-actors + torch-amp Automatic Mixed Precision : train/user_guide.html#torch-amp torch-guide Distributed PyTorch : raysgd/raysgd_pytorch.html#torch-guide - torch-models Custom PyTorch Models : rllib-models.html#torch-models - tracer-provider Tracer Provider : ray-tracing.html#tracer-provider + torch-models Custom PyTorch Models : rllib/rllib-models.html#torch-models + torch-policies-reference-docs Torch-Specific Policy: TorchPolicy : rllib/package_ref/policy/torch_policy.html#torch-policies-reference-docs + torch-utils-reference-docs PyTorch Utility Functions : rllib/package_ref/utils/torch_utils.html#torch-utils-reference-docs + tracer-provider Tracer Provider : ray-observability/ray-tracing.html#tracer-provider train-api Ray Train API : train/api.html#train-api train-api-backend-config Backend Configurations : train/api.html#train-api-backend-config + train-api-backend-interfaces Backend interfaces (for developers only): train/api.html#train-api-backend-interfaces train-api-callback TrainingCallback : train/api.html#train-api-callback train-api-checkpoint-strategy CheckpointStrategy : train/api.html#train-api-checkpoint-strategy + train-api-func-utils Training Function Utilities : train/api.html#train-api-func-utils train-api-horovod-config HorovodConfig : train/api.html#train-api-horovod-config train-api-iterator TrainingIterator : train/api.html#train-api-iterator train-api-json-logger-callback JsonLoggerCallback : train/api.html#train-api-json-logger-callback + train-api-mlflow-logger-callback MLflowLoggerCallback : train/api.html#train-api-mlflow-logger-callback + train-api-print-callback PrintCallback : train/api.html#train-api-print-callback + train-api-results-preprocessor ResultsPreprocessor : train/api.html#train-api-results-preprocessor train-api-tbx-logger-callback TBXLoggerCallback : train/api.html#train-api-tbx-logger-callback train-api-tensorflow-config TensorflowConfig : train/api.html#train-api-tensorflow-config + train-api-tensorflow-utils TensorFlow Training Function Utilities : train/api.html#train-api-tensorflow-utils train-api-torch-config TorchConfig : train/api.html#train-api-torch-config + train-api-torch-prepare-data-loader train.torch.prepare_data_loader : train/api.html#train-api-torch-prepare-data-loader + train-api-torch-tensorboard-profiler-callback TorchTensorboardProfilerCallback : train/api.html#train-api-torch-tensorboard-profiler-callback + train-api-torch-utils PyTorch Training Function Utilities : train/api.html#train-api-torch-utils + train-api-torch-worker-profiler train.torch.accelerate : train/api.html#train-api-torch-worker-profiler train-api-trainer Trainer : train/api.html#train-api-trainer train-arch Ray Train Architecture : train/architecture.html#train-arch train-arch-executor Executor : train/architecture.html#train-arch-executor train-backends Backends : train/user_guide.html#train-backends train-backwards-compatibility Backwards Compatibility with Ray SGD : train/user_guide.html#train-backwards-compatibility + train-builtin-callbacks Built-in Callbacks : train/user_guide.html#train-builtin-callbacks train-callbacks Callbacks : train/user_guide.html#train-callbacks train-checkpointing Checkpointing : train/user_guide.html#train-checkpointing + train-custom-callbacks Custom Callbacks : train/user_guide.html#train-custom-callbacks train-dataset-pipeline Pipelined Execution : train/user_guide.html#train-dataset-pipeline train-datasets Distributed Data Ingest (Ray Datasets) : train/user_guide.html#train-datasets train-docs Ray Train: Distributed Deep Learning : train/train.html#train-docs train-fault-tolerance Fault Tolerance & Elastic Training : train/user_guide.html#train-fault-tolerance train-log-dir Log Directory Structure : train/user_guide.html#train-log-dir - train-logging-callbacks Logging Callbacks : train/user_guide.html#train-logging-callbacks train-monitoring Logging, Monitoring, and Callbacks : train/user_guide.html#train-monitoring train-porting-code Porting code to Ray Train : train/user_guide.html#train-porting-code + train-profiling Profiling : train/user_guide.html#train-profiling + train-reproducibility Reproducibility : train/user_guide.html#train-reproducibility train-tune Hyperparameter tuning (Ray Tune) : train/user_guide.html#train-tune train-user-guide Ray Train User Guide : train/user_guide.html#train-user-guide - trainable-docs Training (tune.Trainable, tune.report) : tune/api_docs/trainable.html#trainable-docs + trainable-docs tune/api_docs/trainable.html#trainable-docs trainable-execution The execution of a trainable : tune/tutorials/tune-lifecycle.html#trainable-execution - trainable-logging Trainable Logging : tune/api_docs/logging.html#trainable-logging + trainable-logging How to Configure Trainable Logging? : tune/tutorials/tune-output.html#trainable-logging + trainer-reference-docs Trainer API : rllib/package_ref/trainer.html#trainer-reference-docs + transforming_datasets Transforming Datasets : data/transforming-datasets.html#transforming-datasets trial-docstring Trial : tune/api_docs/internals.html#trial-docstring - trial-lifecycle Lifecycle of a trial : tune/tutorials/tune-lifecycle.html#trial-lifecycle - trial-runner-flow tune/api_docs/internals.html#trial-runner-flow + trial-lifecycle Lifecycle of a Trial : tune/tutorials/tune-lifecycle.html#trial-lifecycle + trial-runner-flow tune/tutorials/tune-lifecycle.html#trial-runner-flow trialexecutor-docstring TrialExecutor : tune/api_docs/internals.html#trialexecutor-docstring trialrunner-docstring TrialRunner : tune/api_docs/internals.html#trialrunner-docstring tune-60-seconds Key Concepts : tune/key-concepts.html#tune-60-seconds tune-advanced-tutorial-pbt-replay Replaying a PBT run : tune/tutorials/tune-advanced-tutorial.html#tune-advanced-tutorial-pbt-replay tune-analysis-docs Analysis (tune.analysis) : tune/api_docs/analysis.html#tune-analysis-docs - tune-api-ref Tune API Reference : tune/api_docs/overview.html#tune-api-ref - tune-autofilled-metrics Auto-filled Metrics : tune/user-guide.html#tune-autofilled-metrics + tune-api-ref Ray Tune API : tune/api_docs/overview.html#tune-api-ref + tune-autofilled-metrics How to use log metrics in Tune? : tune/tutorials/tune-metrics.html#tune-autofilled-metrics tune-ax Ax (tune.suggest.ax.AxSearch) : tune/api_docs/suggestion.html#tune-ax tune-basicvariant Random search and grid search (tune.suggest.basic_variant.BasicVariantGenerator): tune/api_docs/suggestion.html#tune-basicvariant - tune-bottlenecks How can I avoid bottlenecks? : tune/tutorials/overview.html#tune-bottlenecks - tune-callbacks Callbacks : tune/user-guide.html#tune-callbacks + tune-bottlenecks How can I avoid bottlenecks? : tune/faq.html#tune-bottlenecks + tune-callbacks How to work with Callbacks? : tune/tutorials/tune-metrics.html#tune-callbacks tune-callbacks-docs Callbacks : tune/api_docs/internals.html#tune-callbacks-docs - tune-checkpoint-syncing Checkpointing and synchronization : tune/user-guide.html#tune-checkpoint-syncing + tune-checkpoint-syncing Checkpointing and synchronization : tune/tutorials/tune-checkpoints.html#tune-checkpoint-syncing tune-class-api Trainable Class API : tune/api_docs/trainable.html#tune-class-api - tune-cloud-checkpointing Using cloud storage : tune/user-guide.html#tune-cloud-checkpointing - tune-concepts-analysis Analysis : tune/key-concepts.html#tune-concepts-analysis - tune-contrib Contributing to Tune : tune/contrib.html#tune-contrib + tune-cloud-checkpointing Using cloud storage : tune/tutorials/tune-checkpoints.html#tune-cloud-checkpointing + tune-comet-ref Using Comet with Tune : tune/examples/tune-comet.html#tune-comet-ref + tune-concepts-analysis Analyses : tune/key-concepts.html#tune-concepts-analysis + tune-console-output How to control console output? : tune/tutorials/tune-output.html#tune-console-output tune-ddp-doc Distributed Torch : tune/api_docs/trainable.html#tune-ddp-doc - tune-debugging Debugging : tune/user-guide.html#tune-debugging - tune-default-search-space Search Space (Grid/Random) : tune/user-guide.html#tune-default-search-space + tune-debugging How can I debug Tune experiments locally?: tune/faq.html#tune-debugging + tune-default-search-space How do I configure search spaces? : tune/faq.html#tune-default-search-space tune-default.yaml tune/tutorials/tune-distributed.html#tune-default-yaml tune-dist-tf-doc Distributed TensorFlow : tune/api_docs/trainable.html#tune-dist-tf-doc - tune-dist-training Tune Distributed Training : tune/user-guide.html#tune-dist-training - tune-distributed Tune Distributed Experiments : tune/tutorials/tune-distributed.html#tune-distributed - tune-distributed-checkpointing Distributed Checkpointing : tune/user-guide.html#tune-distributed-checkpointing + tune-dist-training How to run distributed training with Tune?: tune/tutorials/tune-resources.html#tune-dist-training + tune-distributed-checkpointing Distributed Checkpointing : tune/tutorials/tune-checkpoints.html#tune-distributed-checkpointing tune-distributed-common Common Commands : tune/tutorials/tune-distributed.html#tune-distributed-common tune-distributed-local Local Cluster Setup : tune/tutorials/tune-distributed.html#tune-distributed-local + tune-distributed-ref Tune Distributed Experiments : tune/tutorials/tune-distributed.html#tune-distributed-ref tune-distributed-spot Pre-emptible Instances (Cloud) : tune/tutorials/tune-distributed.html#tune-distributed-spot - tune-docker Using Tune with Docker : tune/user-guide.html#tune-docker - tune-env-vars Environment variables : tune/user-guide.html#tune-env-vars - tune-faq Frequently asked questions : tune/tutorials/overview.html#tune-faq + tune-docker How can I use Tune with Docker? : tune/faq.html#tune-docker + tune-env-vars Environment variables : tune/api_docs/env.html#tune-env-vars + tune-examples-ref Examples : tune/examples/index.html#tune-examples-ref + tune-exercises Exercises : tune/examples/index.html#tune-exercises + tune-faq Ray Tune FAQ : tune/faq.html#tune-faq tune-fault-tol Fault Tolerance : tune/tutorials/tune-distributed.html#tune-fault-tol + tune-feature-guides Tune Feature Guides : tune/tutorials/overview.html#tune-feature-guides tune-function-api Function API : tune/api_docs/trainable.html#tune-function-api tune-function-checkpointing Function API Checkpointing : tune/api_docs/trainable.html#tune-function-checkpointing tune-function-docstring tune.report / tune.checkpoint (Function API): tune/api_docs/trainable.html#tune-function-docstring - tune-general-examples General Examples : tune/examples/index.html#tune-general-examples - tune-guides Tutorials & FAQ : tune/tutorials/overview.html#tune-guides + tune-general-examples Other Examples : tune/examples/index.html#tune-general-examples + tune-guides User Guides : tune/tutorials/overview.html#tune-guides tune-hebo HEBO (tune.suggest.hebo.HEBOSearch) : tune/api_docs/suggestion.html#tune-hebo + tune-horovod-example Using Horovod with Tune : tune/examples/horovod_simple.html#tune-horovod-example + tune-huggingface-example Using |:hugging_face:| Huggingface Transformers with Tune: tune/examples/pbt_transformers.html#tune-huggingface-example tune-hyperopt HyperOpt (tune.suggest.hyperopt.HyperOptSearch): tune/api_docs/suggestion.html#tune-hyperopt tune-integration External library integrations (tune.integration): tune/api_docs/integration.html#tune-integration tune-integration-docker Docker (tune.integration.docker) : tune/api_docs/integration.html#tune-integration-docker @@ -1987,24 +2491,28 @@ std:label tune-integration-torch Torch (tune.integration.torch) : tune/api_docs/integration.html#tune-integration-torch tune-integration-wandb Weights and Biases (tune.integration.wandb): tune/api_docs/integration.html#tune-integration-wandb tune-integration-xgboost XGBoost (tune.integration.xgboost) : tune/api_docs/integration.html#tune-integration-xgboost - tune-kubernetes Using Tune with Kubernetes : tune/user-guide.html#tune-kubernetes - tune-lifecycle How does Tune work? : tune/tutorials/tune-lifecycle.html#tune-lifecycle - tune-log_to_file Redirecting stdout and stderr to files : tune/user-guide.html#tune-log-to-file - tune-logging Logging : tune/user-guide.html#tune-logging + tune-kubernetes How can I use Tune with Kubernetes? : tune/faq.html#tune-kubernetes + tune-lightgbm-example Using LightGBM with Tune : tune/examples/lightgbm_example.html#tune-lightgbm-example + tune-log_to_file How to redirect stdout and stderr to files?: tune/tutorials/tune-output.html#tune-log-to-file + tune-logging How to configure logging in Tune? : tune/tutorials/tune-output.html#tune-logging tune-main Tune: Scalable Hyperparameter Tuning : tune/index.html#tune-main - tune-mlflow Using MLflow with Tune : tune/tutorials/tune-mlflow.html#tune-mlflow - tune-mlflow-logger tune/tutorials/tune-mlflow.html#tune-mlflow-logger - tune-mlflow-mixin tune/tutorials/tune-mlflow.html#tune-mlflow-mixin + tune-mlflow-logger tune/examples/tune-mlflow.html#tune-mlflow-logger + tune-mlflow-mixin tune/examples/tune-mlflow.html#tune-mlflow-mixin + tune-mlflow-ref tune/examples/tune-mlflow.html#tune-mlflow-ref + tune-mnist-keras Using Keras & TensorFlow with Tune : tune/examples/tune_mnist_keras.html#tune-mnist-keras + tune-mxnet-example Using MXNet with Tune : tune/examples/mxnet_example.html#tune-mxnet-example tune-optuna Optuna (tune.suggest.optuna.OptunaSearch): tune/api_docs/suggestion.html#tune-optuna tune-original-hyperband HyperBand (tune.schedulers.HyperBandScheduler): tune/api_docs/schedulers.html#tune-original-hyperband - tune-parallelism Resources (Parallelism, GPUs, Distributed): tune/user-guide.html#tune-parallelism - tune-pytorch-cifar How to use Tune with PyTorch : tune/tutorials/tune-pytorch-cifar.html#tune-pytorch-cifar - tune-pytorch-lightning Using PyTorch Lightning with Tune : tune/tutorials/tune-pytorch-lightning.html#tune-pytorch-lightning + tune-parallelism A Guide To Parallelism and Resources : tune/tutorials/tune-resources.html#tune-parallelism + tune-pytorch-cifar-ref tune/examples/tune-pytorch-cifar.html#tune-pytorch-cifar-ref + tune-pytorch-lightning-ref tune/examples/tune-pytorch-lightning.html#tune-pytorch-lightning-ref + tune-recipes Practical How-To Guides : tune/examples/index.html#tune-recipes tune-reporter-doc Console Output (Reporters) : tune/api_docs/reporters.html#tune-reporter-doc - tune-reproducible Reproducible runs : tune/user-guide.html#tune-reproducible + tune-reproducible How can I make my Tune experiments reproducible?: tune/faq.html#tune-reproducible + tune-resource-changing-scheduler ResourceChangingScheduler : tune/api_docs/schedulers.html#tune-resource-changing-scheduler + tune-rllib-example Using RLlib with Tune : tune/examples/pbt_ppo_example.html#tune-rllib-example tune-run-ref tune.run : tune/api_docs/execution.html#tune-run-ref tune-sample-docs Random Distributions API : tune/api_docs/search_space.html#tune-sample-docs - tune-scalability Scalability and overhead benchmarks : tune/api_docs/scalability.html#tune-scalability tune-scheduler-bohb BOHB (tune.schedulers.HyperBandForBOHB) : tune/api_docs/schedulers.html#tune-scheduler-bohb tune-scheduler-hyperband ASHA (tune.schedulers.ASHAScheduler) : tune/api_docs/schedulers.html#tune-scheduler-hyperband tune-scheduler-msr Median Stopping Rule (tune.schedulers.MedianStoppingRule): tune/api_docs/schedulers.html#tune-scheduler-msr @@ -2014,29 +2522,33 @@ std:label tune-schedulers Trial Schedulers (tune.schedulers) : tune/api_docs/schedulers.html#tune-schedulers tune-search-alg Search Algorithms (tune.suggest) : tune/api_docs/suggestion.html#tune-search-alg tune-search-space Search Space API : tune/api_docs/search_space.html#tune-search-space + tune-search-space-tutorial Working with Tune Search Spaces : tune/tutorials/tune-search-spaces.html#tune-search-space-tutorial tune-sklearn-docs Scikit-Learn API (tune.sklearn) : tune/api_docs/sklearn.html#tune-sklearn-docs tune-stop-ref Stopper (tune.Stopper) : tune/api_docs/stoppers.html#tune-stop-ref tune-stoppers Stopping mechanisms (tune.stopper) : tune/api_docs/stoppers.html#tune-stoppers - tune-stopping Stopping Trials : tune/user-guide.html#tune-stopping + tune-stopping-ref How to stop Tune runs programmatically? : tune/tutorials/tune-stopping.html#tune-stopping-ref tune-sync-config tune.SyncConfig : tune/api_docs/execution.html#tune-sync-config - tune-torch-ddp Advanced: Distributed training with DistributedDataParallel: tune/tutorials/tune-pytorch-cifar.html#tune-torch-ddp + tune-torch-ddp Advanced: Distributed training with DistributedDataParallel: tune/examples/includes/mnist_pytorch.html#tune-torch-ddp tune-trainable-save-restore Class API Checkpointing : tune/api_docs/trainable.html#tune-trainable-save-restore - tune-tutorial A Basic Tune Tutorial : tune/tutorials/tune-tutorial.html#tune-tutorial + tune-tutorial tune/getting-started.html#tune-tutorial tune-util-ref Utilities : tune/api_docs/trainable.html#tune-util-ref - tune-wandb Using Weights & Biases with Tune : tune/tutorials/tune-wandb.html#tune-wandb - tune-wandb-logger tune/tutorials/tune-wandb.html#tune-wandb-logger - tune-wandb-mixin tune/tutorials/tune-wandb.html#tune-wandb-mixin + tune-wandb-logger tune/examples/tune-wandb.html#tune-wandb-logger + tune-wandb-mixin tune/examples/tune-wandb.html#tune-wandb-mixin + tune-wandb-ref tune/examples/tune-wandb.html#tune-wandb-ref tune-with-parameters tune.with_parameters : tune/api_docs/trainable.html#tune-with-parameters - tune-xgboost Tuning XGBoost parameters : tune/tutorials/tune-xgboost.html#tune-xgboost - tune_custom-search Custom/Conditional Search Spaces : tune/api_docs/search_space.html#tune-custom-search + tune-xgboost-ref tune/examples/tune-xgboost.html#tune-xgboost-ref + tune_custom-search How to use Custom and Conditional Search Spaces?: tune/tutorials/tune-search-spaces.html#tune-custom-search tunegridsearchcv-docs TuneGridSearchCV : tune/api_docs/sklearn.html#tunegridsearchcv-docs tunesearchcv-docs TuneSearchCV : tune/api_docs/sklearn.html#tunesearchcv-docs - tutorial-tune-setup Setting up Tune : tune/tutorials/tune-tutorial.html#tutorial-tune-setup + tutorial-tune-setup Setting up Tune : tune/getting-started.html#tutorial-tune-setup using-ray-on-a-cluster Running a Ray program on the Ray cluster: cluster/cloud.html#using-ray-on-a-cluster - windows-dependencies Installing Ray on Arch Linux : installation.html#windows-dependencies - windows-support Windows Support : installation.html#windows-support - workflow-local-files Using Local Files : handling-dependencies.html#workflow-local-files + utils-reference-docs RLlib Utilities : rllib/package_ref/utils.html#utils-reference-docs + vector-env-reference-docs VectorEnv API : rllib/package_ref/env/vector_env.html#vector-env-reference-docs + whitepaper Architecture Whitepaper : ray-contribute/whitepaper.html#whitepaper + windows-support Windows Support : ray-overview/installation.html#windows-support + workerset-reference-docs WorkerSet : rllib/package_ref/evaluation/worker_set.html#workerset-reference-docs + workflow-local-files Using Local Files : ray-core/handling-dependencies.html#workflow-local-files workflows Workflows: Fast, Durable Application Flows: workflows/concepts.html#workflows - xgboost-ray Distributed XGBoost on Ray : xgboost-ray.html#xgboost-ray - xgboost-ray-tuning Hyperparameter Tuning : xgboost-ray.html#xgboost-ray-tuning + xgboost-ray Distributed XGBoost on Ray : ray-more-libs/xgboost-ray.html#xgboost-ray + xgboost-ray-tuning Hyperparameter Tuning : ray-more-libs/xgboost-ray.html#xgboost-ray-tuning zoopt ZOOpt (tune.suggest.zoopt.ZOOptSearch) : tune/api_docs/suggestion.html#zoopt diff --git a/doc/_intersphinx/sklearn.inv b/doc/_intersphinx/sklearn.inv index faa18ef..c23cd5d 100644 Binary files a/doc/_intersphinx/sklearn.inv and b/doc/_intersphinx/sklearn.inv differ diff --git a/doc/_intersphinx/sklearn.txt b/doc/_intersphinx/sklearn.txt index edbfa0f..9cf6574 100644 --- a/doc/_intersphinx/sklearn.txt +++ b/doc/_intersphinx/sklearn.txt @@ -291,8 +291,10 @@ py:class sklearn.manifold._t_sne.TSNE modules/generated/sklearn.manifold.TSNE.html#sklearn.manifold.TSNE sklearn.metrics.ConfusionMatrixDisplay modules/generated/sklearn.metrics.ConfusionMatrixDisplay.html#sklearn.metrics.ConfusionMatrixDisplay sklearn.metrics.DetCurveDisplay modules/generated/sklearn.metrics.DetCurveDisplay.html#sklearn.metrics.DetCurveDisplay + sklearn.metrics.DistanceMetric modules/generated/sklearn.metrics.DistanceMetric.html#sklearn.metrics.DistanceMetric sklearn.metrics.PrecisionRecallDisplay modules/generated/sklearn.metrics.PrecisionRecallDisplay.html#sklearn.metrics.PrecisionRecallDisplay sklearn.metrics.RocCurveDisplay modules/generated/sklearn.metrics.RocCurveDisplay.html#sklearn.metrics.RocCurveDisplay + sklearn.metrics._dist_metrics.DistanceMetric modules/generated/sklearn.metrics.DistanceMetric.html#sklearn.metrics.DistanceMetric sklearn.metrics._plot.confusion_matrix.ConfusionMatrixDisplay modules/generated/sklearn.metrics.ConfusionMatrixDisplay.html#sklearn.metrics.ConfusionMatrixDisplay sklearn.metrics._plot.det_curve.DetCurveDisplay modules/generated/sklearn.metrics.DetCurveDisplay.html#sklearn.metrics.DetCurveDisplay sklearn.metrics._plot.precision_recall_curve.PrecisionRecallDisplay modules/generated/sklearn.metrics.PrecisionRecallDisplay.html#sklearn.metrics.PrecisionRecallDisplay @@ -356,7 +358,6 @@ py:class sklearn.naive_bayes.GaussianNB modules/generated/sklearn.naive_bayes.GaussianNB.html#sklearn.naive_bayes.GaussianNB sklearn.naive_bayes.MultinomialNB modules/generated/sklearn.naive_bayes.MultinomialNB.html#sklearn.naive_bayes.MultinomialNB sklearn.neighbors.BallTree modules/generated/sklearn.neighbors.BallTree.html#sklearn.neighbors.BallTree - sklearn.neighbors.DistanceMetric modules/generated/sklearn.neighbors.DistanceMetric.html#sklearn.neighbors.DistanceMetric sklearn.neighbors.KDTree modules/generated/sklearn.neighbors.KDTree.html#sklearn.neighbors.KDTree sklearn.neighbors.KNeighborsClassifier modules/generated/sklearn.neighbors.KNeighborsClassifier.html#sklearn.neighbors.KNeighborsClassifier sklearn.neighbors.KNeighborsRegressor modules/generated/sklearn.neighbors.KNeighborsRegressor.html#sklearn.neighbors.KNeighborsRegressor @@ -372,7 +373,6 @@ py:class sklearn.neighbors._ball_tree.BallTree modules/generated/sklearn.neighbors.BallTree.html#sklearn.neighbors.BallTree sklearn.neighbors._classification.KNeighborsClassifier modules/generated/sklearn.neighbors.KNeighborsClassifier.html#sklearn.neighbors.KNeighborsClassifier sklearn.neighbors._classification.RadiusNeighborsClassifier modules/generated/sklearn.neighbors.RadiusNeighborsClassifier.html#sklearn.neighbors.RadiusNeighborsClassifier - sklearn.neighbors._dist_metrics.DistanceMetric modules/generated/sklearn.neighbors.DistanceMetric.html#sklearn.neighbors.DistanceMetric sklearn.neighbors._graph.KNeighborsTransformer modules/generated/sklearn.neighbors.KNeighborsTransformer.html#sklearn.neighbors.KNeighborsTransformer sklearn.neighbors._graph.RadiusNeighborsTransformer modules/generated/sklearn.neighbors.RadiusNeighborsTransformer.html#sklearn.neighbors.RadiusNeighborsTransformer sklearn.neighbors._kd_tree.KDTree modules/generated/sklearn.neighbors.KDTree.html#sklearn.neighbors.KDTree @@ -1766,6 +1766,10 @@ py:method sklearn.metrics.DetCurveDisplay.from_estimator modules/generated/sklearn.metrics.DetCurveDisplay.html#sklearn.metrics.DetCurveDisplay.from_estimator sklearn.metrics.DetCurveDisplay.from_predictions modules/generated/sklearn.metrics.DetCurveDisplay.html#sklearn.metrics.DetCurveDisplay.from_predictions sklearn.metrics.DetCurveDisplay.plot modules/generated/sklearn.metrics.DetCurveDisplay.html#sklearn.metrics.DetCurveDisplay.plot + sklearn.metrics.DistanceMetric.dist_to_rdist modules/generated/sklearn.metrics.DistanceMetric.html#sklearn.metrics.DistanceMetric.dist_to_rdist + sklearn.metrics.DistanceMetric.get_metric modules/generated/sklearn.metrics.DistanceMetric.html#sklearn.metrics.DistanceMetric.get_metric + sklearn.metrics.DistanceMetric.pairwise modules/generated/sklearn.metrics.DistanceMetric.html#sklearn.metrics.DistanceMetric.pairwise + sklearn.metrics.DistanceMetric.rdist_to_dist modules/generated/sklearn.metrics.DistanceMetric.html#sklearn.metrics.DistanceMetric.rdist_to_dist sklearn.metrics.PrecisionRecallDisplay.from_estimator modules/generated/sklearn.metrics.PrecisionRecallDisplay.html#sklearn.metrics.PrecisionRecallDisplay.from_estimator sklearn.metrics.PrecisionRecallDisplay.from_predictions modules/generated/sklearn.metrics.PrecisionRecallDisplay.html#sklearn.metrics.PrecisionRecallDisplay.from_predictions sklearn.metrics.PrecisionRecallDisplay.plot modules/generated/sklearn.metrics.PrecisionRecallDisplay.html#sklearn.metrics.PrecisionRecallDisplay.plot @@ -1959,10 +1963,6 @@ py:method sklearn.neighbors.BallTree.query_radius modules/generated/sklearn.neighbors.BallTree.html#sklearn.neighbors.BallTree.query_radius sklearn.neighbors.BallTree.reset_n_calls modules/generated/sklearn.neighbors.BallTree.html#sklearn.neighbors.BallTree.reset_n_calls sklearn.neighbors.BallTree.two_point_correlation modules/generated/sklearn.neighbors.BallTree.html#sklearn.neighbors.BallTree.two_point_correlation - sklearn.neighbors.DistanceMetric.dist_to_rdist modules/generated/sklearn.neighbors.DistanceMetric.html#sklearn.neighbors.DistanceMetric.dist_to_rdist - sklearn.neighbors.DistanceMetric.get_metric modules/generated/sklearn.neighbors.DistanceMetric.html#sklearn.neighbors.DistanceMetric.get_metric - sklearn.neighbors.DistanceMetric.pairwise modules/generated/sklearn.neighbors.DistanceMetric.html#sklearn.neighbors.DistanceMetric.pairwise - sklearn.neighbors.DistanceMetric.rdist_to_dist modules/generated/sklearn.neighbors.DistanceMetric.html#sklearn.neighbors.DistanceMetric.rdist_to_dist sklearn.neighbors.KDTree.get_arrays modules/generated/sklearn.neighbors.KDTree.html#sklearn.neighbors.KDTree.get_arrays sklearn.neighbors.KDTree.get_n_calls modules/generated/sklearn.neighbors.KDTree.html#sklearn.neighbors.KDTree.get_n_calls sklearn.neighbors.KDTree.get_tree_stats modules/generated/sklearn.neighbors.KDTree.html#sklearn.neighbors.KDTree.get_tree_stats @@ -2738,7 +2738,7 @@ std:doc auto_examples/gaussian_process/plot_gpc_iris Gaussian process classification (GPC) on iris dataset: auto_examples/gaussian_process/plot_gpc_iris.html auto_examples/gaussian_process/plot_gpc_isoprobability Iso-probability lines for Gaussian Processes classification (GPC): auto_examples/gaussian_process/plot_gpc_isoprobability.html auto_examples/gaussian_process/plot_gpc_xor Illustration of Gaussian process classification (GPC) on the XOR dataset: auto_examples/gaussian_process/plot_gpc_xor.html - auto_examples/gaussian_process/plot_gpr_co2 Gaussian process regression (GPR) on Mauna Loa CO2 data.: auto_examples/gaussian_process/plot_gpr_co2.html + auto_examples/gaussian_process/plot_gpr_co2 Gaussian process regression (GPR) on Mauna Loa CO2 data: auto_examples/gaussian_process/plot_gpr_co2.html auto_examples/gaussian_process/plot_gpr_noisy Gaussian process regression (GPR) with noise-level estimation: auto_examples/gaussian_process/plot_gpr_noisy.html auto_examples/gaussian_process/plot_gpr_noisy_targets Gaussian Processes regression: basic introductory example: auto_examples/gaussian_process/plot_gpr_noisy_targets.html auto_examples/gaussian_process/plot_gpr_on_structured_data Gaussian processes on discrete data structures: auto_examples/gaussian_process/plot_gpr_on_structured_data.html @@ -2765,7 +2765,8 @@ std:doc auto_examples/linear_model/plot_lasso_coordinate_descent_path Lasso and Elastic Net : auto_examples/linear_model/plot_lasso_coordinate_descent_path.html auto_examples/linear_model/plot_lasso_dense_vs_sparse_data Lasso on dense and sparse data : auto_examples/linear_model/plot_lasso_dense_vs_sparse_data.html auto_examples/linear_model/plot_lasso_lars Lasso path using LARS : auto_examples/linear_model/plot_lasso_lars.html - auto_examples/linear_model/plot_lasso_model_selection Lasso model selection: Cross-Validation / AIC / BIC: auto_examples/linear_model/plot_lasso_model_selection.html + auto_examples/linear_model/plot_lasso_lars_ic Lasso model selection via information criteria: auto_examples/linear_model/plot_lasso_lars_ic.html + auto_examples/linear_model/plot_lasso_model_selection Lasso model selection: AIC-BIC / cross-validation: auto_examples/linear_model/plot_lasso_model_selection.html auto_examples/linear_model/plot_logistic Logistic function : auto_examples/linear_model/plot_logistic.html auto_examples/linear_model/plot_logistic_l1_l2_sparsity L1 Penalty and Sparsity in Logistic Regression: auto_examples/linear_model/plot_logistic_l1_l2_sparsity.html auto_examples/linear_model/plot_logistic_multinomial Plot multinomial and One-vs-Rest Logistic Regression: auto_examples/linear_model/plot_logistic_multinomial.html @@ -2906,12 +2907,13 @@ std:doc auto_examples/text/plot_hashing_vs_dict_vectorizer FeatureHasher and DictVectorizer Comparison: auto_examples/text/plot_hashing_vs_dict_vectorizer.html auto_examples/text/sg_execution_times Computation times : auto_examples/text/sg_execution_times.html auto_examples/tree/plot_cost_complexity_pruning Post pruning decision trees with cost complexity pruning: auto_examples/tree/plot_cost_complexity_pruning.html - auto_examples/tree/plot_iris_dtc Plot the decision surface of a decision tree on the iris dataset: auto_examples/tree/plot_iris_dtc.html + auto_examples/tree/plot_iris_dtc Plot the decision surface of decision trees trained on the iris dataset: auto_examples/tree/plot_iris_dtc.html auto_examples/tree/plot_tree_regression Decision Tree Regression : auto_examples/tree/plot_tree_regression.html auto_examples/tree/plot_tree_regression_multioutput Multi-output Decision Tree Regression : auto_examples/tree/plot_tree_regression_multioutput.html auto_examples/tree/plot_unveil_tree_structure Understanding the decision tree structure: auto_examples/tree/plot_unveil_tree_structure.html auto_examples/tree/sg_execution_times Computation times : auto_examples/tree/sg_execution_times.html common_pitfalls Common pitfalls and recommended practices: common_pitfalls.html + communication_team : communication_team.html computing Computing with scikit-learn : computing.html computing/computational_performance Computational Performance : computing/computational_performance.html computing/parallelism Parallelism, resource management, and configuration: computing/parallelism.html @@ -3228,6 +3230,7 @@ std:doc modules/generated/sklearn.manifold.trustworthiness sklearn.manifold.trustworthiness : modules/generated/sklearn.manifold.trustworthiness.html modules/generated/sklearn.metrics.ConfusionMatrixDisplay sklearn.metrics.ConfusionMatrixDisplay : modules/generated/sklearn.metrics.ConfusionMatrixDisplay.html modules/generated/sklearn.metrics.DetCurveDisplay sklearn.metrics.DetCurveDisplay : modules/generated/sklearn.metrics.DetCurveDisplay.html + modules/generated/sklearn.metrics.DistanceMetric sklearn.metrics.DistanceMetric : modules/generated/sklearn.metrics.DistanceMetric.html modules/generated/sklearn.metrics.PrecisionRecallDisplay sklearn.metrics.PrecisionRecallDisplay : modules/generated/sklearn.metrics.PrecisionRecallDisplay.html modules/generated/sklearn.metrics.RocCurveDisplay sklearn.metrics.RocCurveDisplay : modules/generated/sklearn.metrics.RocCurveDisplay.html modules/generated/sklearn.metrics.accuracy_score sklearn.metrics.accuracy_score : modules/generated/sklearn.metrics.accuracy_score.html @@ -3365,7 +3368,6 @@ std:doc modules/generated/sklearn.naive_bayes.GaussianNB sklearn.naive_bayes.GaussianNB : modules/generated/sklearn.naive_bayes.GaussianNB.html modules/generated/sklearn.naive_bayes.MultinomialNB sklearn.naive_bayes.MultinomialNB : modules/generated/sklearn.naive_bayes.MultinomialNB.html modules/generated/sklearn.neighbors.BallTree sklearn.neighbors.BallTree : modules/generated/sklearn.neighbors.BallTree.html - modules/generated/sklearn.neighbors.DistanceMetric sklearn.neighbors.DistanceMetric : modules/generated/sklearn.neighbors.DistanceMetric.html modules/generated/sklearn.neighbors.KDTree sklearn.neighbors.KDTree : modules/generated/sklearn.neighbors.KDTree.html modules/generated/sklearn.neighbors.KNeighborsClassifier sklearn.neighbors.KNeighborsClassifier : modules/generated/sklearn.neighbors.KNeighborsClassifier.html modules/generated/sklearn.neighbors.KNeighborsRegressor sklearn.neighbors.KNeighborsRegressor : modules/generated/sklearn.neighbors.KNeighborsRegressor.html @@ -3559,7 +3561,7 @@ std:doc whats_new/v0.22 Version 0.22.2.post1 : whats_new/v0.22.html whats_new/v0.23 Version 0.23.2 : whats_new/v0.23.html whats_new/v0.24 Version 0.24.2 : whats_new/v0.24.html - whats_new/v1.0 Version 1.0.1 : whats_new/v1.0.html + whats_new/v1.0 Version 1.0.2 : whats_new/v1.0.html std:label 20newsgroups_dataset The 20 newsgroups text dataset : datasets/real_world.html#newsgroups-dataset about About us : about.html#about @@ -3571,6 +3573,7 @@ std:label advanced-installation developers/advanced_installation.html#advanced-installation affinity_propagation Affinity Propagation : modules/clustering.html#affinity-propagation aggressive_elimination Aggressive elimination of candidates : modules/grid_search.html#aggressive-elimination + aic_bic modules/linear_model.html#aic-bic alternative_cv Alternatives to brute force parameter search: modules/grid_search.html#alternative-cv amount_of_resource_and_number_of_candidates Amount of resource and number of candidates at each iteration: modules/grid_search.html#amount-of-resource-and-number-of-candidates api_overview APIs of scikit-learn objects : developers/develop.html#api-overview @@ -3584,6 +3587,7 @@ std:label b2011 modules/clustering.html#b2011 backwards-compatibility Maintaining backwards compatibility : developers/contributing.html#backwards-compatibility bagging Bagging meta-estimator : modules/ensemble.html#bagging + bakir2004 modules/decomposition.html#bakir2004 balanced_accuracy_score Balanced accuracy score : modules/model_evaluation.html#balanced-accuracy-score ball_tree Ball Tree : modules/neighbors.html#ball-tree bayesian_regression Bayesian Regression : modules/linear_model.html#bayesian-regression @@ -3655,6 +3659,7 @@ std:label changes_0_9 Version 0.9 : whats_new/older_versions.html#changes-0-9 changes_1_0 Version 1.0.0 : whats_new/v1.0.html#changes-1-0 changes_1_0_1 Version 1.0.1 : whats_new/v1.0.html#changes-1-0-1 + changes_1_0_2 Version 1.0.2 : whats_new/v1.0.html#changes-1-0-2 chi2_kernel Chi-squared kernel : modules/metrics.html#chi2-kernel citing-scikit-learn Citing scikit-learn : about.html#citing-scikit-learn classification Nearest Neighbors Classification : modules/neighbors.html#classification @@ -3676,6 +3681,7 @@ std:label combining_estimators Pipelines and composite estimators : modules/compose.html#combining-estimators common_pitfalls Common pitfalls and recommended practices: common_pitfalls.html#common-pitfalls communication Communication Guidelines : developers/contributing.html#communication + communication_team Communication team : governance.html#communication-team compiler_freebsd FreeBSD : developers/advanced_installation.html#compiler-freebsd compiler_linux Linux : developers/advanced_installation.html#compiler-linux compiler_macos macOS : developers/advanced_installation.html#compiler-macos @@ -3873,6 +3879,7 @@ std:label labeled_faces_in_the_wild_dataset The Labeled Faces in the Wild face recognition dataset: datasets/real_world.html#labeled-faces-in-the-wild-dataset laplacian_kernel Laplacian kernel : modules/metrics.html#laplacian-kernel lasso Lasso : modules/linear_model.html#lasso + lasso_lars_ic Information-criteria based model selection: modules/linear_model.html#lasso-lars-ic latentdirichletallocation Latent Dirichlet Allocation (LDA) : modules/decomposition.html#latentdirichletallocation lda_qda Linear and Quadratic Discriminant Analysis: modules/lda_qda.html#lda-qda lda_qda_math Mathematical formulation of the LDA and QDA classifiers: modules/lda_qda.html#lda-qda-math @@ -4088,6 +4095,10 @@ std:label r37d39d7589e2-2 modules/generated/sklearn.feature_selection.mutual_info_regression.html#r37d39d7589e2-2 r37d39d7589e2-3 modules/generated/sklearn.feature_selection.mutual_info_regression.html#r37d39d7589e2-3 r37d39d7589e2-4 modules/generated/sklearn.feature_selection.mutual_info_regression.html#r37d39d7589e2-4 + r396fc7d924b8-1 modules/generated/sklearn.decomposition.KernelPCA.html#r396fc7d924b8-1 + r396fc7d924b8-2 modules/generated/sklearn.decomposition.KernelPCA.html#r396fc7d924b8-2 + r396fc7d924b8-3 modules/generated/sklearn.decomposition.KernelPCA.html#r396fc7d924b8-3 + r396fc7d924b8-4 modules/generated/sklearn.decomposition.KernelPCA.html#r396fc7d924b8-4 r3af56aed800a-1 modules/generated/sklearn.metrics.hamming_loss.html#r3af56aed800a-1 r3af56aed800a-2 modules/generated/sklearn.metrics.hamming_loss.html#r3af56aed800a-2 r3d389b87f49a-1 modules/generated/sklearn.metrics.completeness_score.html#r3d389b87f49a-1 @@ -4225,6 +4236,9 @@ std:label rd7ae0a2ae688-2 modules/generated/sklearn.ensemble.IsolationForest.html#rd7ae0a2ae688-2 rd9e56ef97513-bre modules/generated/sklearn.inspection.permutation_importance.html#rd9e56ef97513-bre rdd99a0224c6e-1 modules/generated/sklearn.tree.ExtraTreeClassifier.html#rdd99a0224c6e-1 + rde9cc43d0d41-1 modules/generated/sklearn.linear_model.LassoLarsIC.html#rde9cc43d0d41-1 + rde9cc43d0d41-2 modules/generated/sklearn.linear_model.LassoLarsIC.html#rde9cc43d0d41-2 + rde9cc43d0d41-3 modules/generated/sklearn.linear_model.LassoLarsIC.html#rde9cc43d0d41-3 re25e5648fc37-1 modules/generated/sklearn.decomposition.LatentDirichletAllocation.html#re25e5648fc37-1 re25e5648fc37-2 modules/generated/sklearn.decomposition.LatentDirichletAllocation.html#re25e5648fc37-2 re310f679c81e-1 modules/generated/sklearn.feature_selection.RFE.html#re310f679c81e-1 @@ -4282,6 +4296,7 @@ std:label saved_replies Standard replies for reviewing : developers/tips.html#saved-replies scaling_num Preprocessing numerical variables : auto_examples/inspection/plot_linear_model_coefficient_interpretation.html#scaling-num scaling_strategies Strategies to scale computationally: bigger data: computing/scaling_strategies.html#scaling-strategies + scholkopf1997 modules/decomposition.html#scholkopf1997 scholkopf1998 modules/preprocessing.html#scholkopf1998 scores_probabilities Scores and probabilities : modules/svm.html#scores-probabilities scoring Defining your scoring strategy from metric functions: modules/model_evaluation.html#scoring @@ -4469,7 +4484,7 @@ std:label sphx_glr_auto_examples_gaussian_process_plot_gpc_iris.py Gaussian process classification (GPC) on iris dataset: auto_examples/gaussian_process/plot_gpc_iris.html#sphx-glr-auto-examples-gaussian-process-plot-gpc-iris-py sphx_glr_auto_examples_gaussian_process_plot_gpc_isoprobability.py Iso-probability lines for Gaussian Processes classification (GPC): auto_examples/gaussian_process/plot_gpc_isoprobability.html#sphx-glr-auto-examples-gaussian-process-plot-gpc-isoprobability-py sphx_glr_auto_examples_gaussian_process_plot_gpc_xor.py Illustration of Gaussian process classification (GPC) on the XOR dataset: auto_examples/gaussian_process/plot_gpc_xor.html#sphx-glr-auto-examples-gaussian-process-plot-gpc-xor-py - sphx_glr_auto_examples_gaussian_process_plot_gpr_co2.py Gaussian process regression (GPR) on Mauna Loa CO2 data.: auto_examples/gaussian_process/plot_gpr_co2.html#sphx-glr-auto-examples-gaussian-process-plot-gpr-co2-py + sphx_glr_auto_examples_gaussian_process_plot_gpr_co2.py Gaussian process regression (GPR) on Mauna Loa CO2 data: auto_examples/gaussian_process/plot_gpr_co2.html#sphx-glr-auto-examples-gaussian-process-plot-gpr-co2-py sphx_glr_auto_examples_gaussian_process_plot_gpr_noisy.py Gaussian process regression (GPR) with noise-level estimation: auto_examples/gaussian_process/plot_gpr_noisy.html#sphx-glr-auto-examples-gaussian-process-plot-gpr-noisy-py sphx_glr_auto_examples_gaussian_process_plot_gpr_noisy_targets.py Gaussian Processes regression: basic introductory example: auto_examples/gaussian_process/plot_gpr_noisy_targets.html#sphx-glr-auto-examples-gaussian-process-plot-gpr-noisy-targets-py sphx_glr_auto_examples_gaussian_process_plot_gpr_on_structured_data.py Gaussian processes on discrete data structures: auto_examples/gaussian_process/plot_gpr_on_structured_data.html#sphx-glr-auto-examples-gaussian-process-plot-gpr-on-structured-data-py @@ -4499,7 +4514,8 @@ std:label sphx_glr_auto_examples_linear_model_plot_lasso_coordinate_descent_path.py Lasso and Elastic Net : auto_examples/linear_model/plot_lasso_coordinate_descent_path.html#sphx-glr-auto-examples-linear-model-plot-lasso-coordinate-descent-path-py sphx_glr_auto_examples_linear_model_plot_lasso_dense_vs_sparse_data.py Lasso on dense and sparse data : auto_examples/linear_model/plot_lasso_dense_vs_sparse_data.html#sphx-glr-auto-examples-linear-model-plot-lasso-dense-vs-sparse-data-py sphx_glr_auto_examples_linear_model_plot_lasso_lars.py Lasso path using LARS : auto_examples/linear_model/plot_lasso_lars.html#sphx-glr-auto-examples-linear-model-plot-lasso-lars-py - sphx_glr_auto_examples_linear_model_plot_lasso_model_selection.py Lasso model selection: Cross-Validation / AIC / BIC: auto_examples/linear_model/plot_lasso_model_selection.html#sphx-glr-auto-examples-linear-model-plot-lasso-model-selection-py + sphx_glr_auto_examples_linear_model_plot_lasso_lars_ic.py Lasso model selection via information criteria: auto_examples/linear_model/plot_lasso_lars_ic.html#sphx-glr-auto-examples-linear-model-plot-lasso-lars-ic-py + sphx_glr_auto_examples_linear_model_plot_lasso_model_selection.py Lasso model selection: AIC-BIC / cross-validation: auto_examples/linear_model/plot_lasso_model_selection.html#sphx-glr-auto-examples-linear-model-plot-lasso-model-selection-py sphx_glr_auto_examples_linear_model_plot_logistic.py Logistic function : auto_examples/linear_model/plot_logistic.html#sphx-glr-auto-examples-linear-model-plot-logistic-py sphx_glr_auto_examples_linear_model_plot_logistic_l1_l2_sparsity.py L1 Penalty and Sparsity in Logistic Regression: auto_examples/linear_model/plot_logistic_l1_l2_sparsity.html#sphx-glr-auto-examples-linear-model-plot-logistic-l1-l2-sparsity-py sphx_glr_auto_examples_linear_model_plot_logistic_multinomial.py Plot multinomial and One-vs-Rest Logistic Regression: auto_examples/linear_model/plot_logistic_multinomial.html#sphx-glr-auto-examples-linear-model-plot-logistic-multinomial-py @@ -4653,7 +4669,7 @@ std:label sphx_glr_auto_examples_text_sg_execution_times Computation times : auto_examples/text/sg_execution_times.html#sphx-glr-auto-examples-text-sg-execution-times sphx_glr_auto_examples_tree Decision Trees : auto_examples/index.html#sphx-glr-auto-examples-tree sphx_glr_auto_examples_tree_plot_cost_complexity_pruning.py Post pruning decision trees with cost complexity pruning: auto_examples/tree/plot_cost_complexity_pruning.html#sphx-glr-auto-examples-tree-plot-cost-complexity-pruning-py - sphx_glr_auto_examples_tree_plot_iris_dtc.py Plot the decision surface of a decision tree on the iris dataset: auto_examples/tree/plot_iris_dtc.html#sphx-glr-auto-examples-tree-plot-iris-dtc-py + sphx_glr_auto_examples_tree_plot_iris_dtc.py Plot the decision surface of decision trees trained on the iris dataset: auto_examples/tree/plot_iris_dtc.html#sphx-glr-auto-examples-tree-plot-iris-dtc-py sphx_glr_auto_examples_tree_plot_tree_regression.py Decision Tree Regression : auto_examples/tree/plot_tree_regression.html#sphx-glr-auto-examples-tree-plot-tree-regression-py sphx_glr_auto_examples_tree_plot_tree_regression_multioutput.py Multi-output Decision Tree Regression : auto_examples/tree/plot_tree_regression_multioutput.html#sphx-glr-auto-examples-tree-plot-tree-regression-multioutput-py sphx_glr_auto_examples_tree_plot_unveil_tree_structure.py Understanding the decision tree structure: auto_examples/tree/plot_unveil_tree_structure.html#sphx-glr-auto-examples-tree-plot-unveil-tree-structure-py @@ -4803,6 +4819,7 @@ std:label sphx_glr_download_auto_examples_linear_model_plot_lasso_coordinate_descent_path.py auto_examples/linear_model/plot_lasso_coordinate_descent_path.html#sphx-glr-download-auto-examples-linear-model-plot-lasso-coordinate-descent-path-py sphx_glr_download_auto_examples_linear_model_plot_lasso_dense_vs_sparse_data.py auto_examples/linear_model/plot_lasso_dense_vs_sparse_data.html#sphx-glr-download-auto-examples-linear-model-plot-lasso-dense-vs-sparse-data-py sphx_glr_download_auto_examples_linear_model_plot_lasso_lars.py auto_examples/linear_model/plot_lasso_lars.html#sphx-glr-download-auto-examples-linear-model-plot-lasso-lars-py + sphx_glr_download_auto_examples_linear_model_plot_lasso_lars_ic.py auto_examples/linear_model/plot_lasso_lars_ic.html#sphx-glr-download-auto-examples-linear-model-plot-lasso-lars-ic-py sphx_glr_download_auto_examples_linear_model_plot_lasso_model_selection.py auto_examples/linear_model/plot_lasso_model_selection.html#sphx-glr-download-auto-examples-linear-model-plot-lasso-model-selection-py sphx_glr_download_auto_examples_linear_model_plot_logistic.py auto_examples/linear_model/plot_logistic.html#sphx-glr-download-auto-examples-linear-model-plot-logistic-py sphx_glr_download_auto_examples_linear_model_plot_logistic_l1_l2_sparsity.py auto_examples/linear_model/plot_logistic_l1_l2_sparsity.html#sphx-glr-download-auto-examples-linear-model-plot-logistic-l1-l2-sparsity-py @@ -5017,6 +5034,7 @@ std:label xgboost modules/ensemble.html#xgboost yat2016 modules/clustering.html#yat2016 zero_one_loss Zero one loss : modules/model_evaluation.html#zero-one-loss + zht2007 auto_examples/linear_model/plot_lasso_lars_ic.html#zht2007 zzrh2009 modules/ensemble.html#zzrh2009 std:term 1d glossary.html#term-1d diff --git a/doc/_notebooks/atari/apex_dqn.ipynb b/doc/_notebooks/atari/apex_dqn.ipynb index da967d7..701eeeb 100644 --- a/doc/_notebooks/atari/apex_dqn.ipynb +++ b/doc/_notebooks/atari/apex_dqn.ipynb @@ -164,6 +164,11 @@ "version": "3.8.2" } }, + "colab": { + "name": "apex_dqn.ipynb", + "provenance": [] + }, "nbformat": 4, - "nbformat_minor": 2 + "nbformat_minor": 2, + "accelerator": "GPU" } \ No newline at end of file diff --git a/doc/_notebooks/atari/ddpg.ipynb b/doc/_notebooks/atari/ddpg.ipynb index 58c244b..3f2570c 100644 --- a/doc/_notebooks/atari/ddpg.ipynb +++ b/doc/_notebooks/atari/ddpg.ipynb @@ -155,6 +155,11 @@ "version": "3.8.2" } }, + "colab": { + "name": "ddpg.ipynb", + "provenance": [] + }, "nbformat": 4, - "nbformat_minor": 2 + "nbformat_minor": 2, + "accelerator": "GPU" } \ No newline at end of file diff --git a/doc/_notebooks/atari/dqn.ipynb b/doc/_notebooks/atari/dqn.ipynb index abea595..76aa3dd 100644 --- a/doc/_notebooks/atari/dqn.ipynb +++ b/doc/_notebooks/atari/dqn.ipynb @@ -137,6 +137,11 @@ "version": "3.8.2" } }, + "colab": { + "name": "dqn.ipynb", + "provenance": [] + }, "nbformat": 4, - "nbformat_minor": 2 + "nbformat_minor": 2, + "accelerator": "GPU" } \ No newline at end of file diff --git a/doc/_notebooks/atari/dqn_boltzmann.ipynb b/doc/_notebooks/atari/dqn_boltzmann.ipynb index 26a4807..36af13d 100644 --- a/doc/_notebooks/atari/dqn_boltzmann.ipynb +++ b/doc/_notebooks/atari/dqn_boltzmann.ipynb @@ -132,6 +132,11 @@ "version": "3.8.2" } }, + "colab": { + "name": "dqn_boltzmann.ipynb", + "provenance": [] + }, "nbformat": 4, - "nbformat_minor": 2 + "nbformat_minor": 2, + "accelerator": "GPU" } \ No newline at end of file diff --git a/doc/_notebooks/atari/dqn_per.ipynb b/doc/_notebooks/atari/dqn_per.ipynb index c62a0ae..c52eb98 100644 --- a/doc/_notebooks/atari/dqn_per.ipynb +++ b/doc/_notebooks/atari/dqn_per.ipynb @@ -139,6 +139,11 @@ "version": "3.8.2" } }, + "colab": { + "name": "dqn_per.ipynb", + "provenance": [] + }, "nbformat": 4, - "nbformat_minor": 2 + "nbformat_minor": 2, + "accelerator": "GPU" } \ No newline at end of file diff --git a/doc/_notebooks/atari/dqn_soft.ipynb b/doc/_notebooks/atari/dqn_soft.ipynb index 6cfeeb4..403e8b5 100644 --- a/doc/_notebooks/atari/dqn_soft.ipynb +++ b/doc/_notebooks/atari/dqn_soft.ipynb @@ -133,6 +133,11 @@ "version": "3.8.2" } }, + "colab": { + "name": "dqn_soft.ipynb", + "provenance": [] + }, "nbformat": 4, - "nbformat_minor": 2 + "nbformat_minor": 2, + "accelerator": "GPU" } \ No newline at end of file diff --git a/doc/_notebooks/atari/dqn_type1.ipynb b/doc/_notebooks/atari/dqn_type1.ipynb index b36b023..b16bbcc 100644 --- a/doc/_notebooks/atari/dqn_type1.ipynb +++ b/doc/_notebooks/atari/dqn_type1.ipynb @@ -134,6 +134,11 @@ "version": "3.8.2" } }, + "colab": { + "name": "dqn_type1.ipynb", + "provenance": [] + }, "nbformat": 4, - "nbformat_minor": 2 + "nbformat_minor": 2, + "accelerator": "GPU" } \ No newline at end of file diff --git a/doc/_notebooks/atari/ppo.ipynb b/doc/_notebooks/atari/ppo.ipynb index 3b4f67a..a25df36 100644 --- a/doc/_notebooks/atari/ppo.ipynb +++ b/doc/_notebooks/atari/ppo.ipynb @@ -161,6 +161,11 @@ "version": "3.8.2" } }, + "colab": { + "name": "ppo.ipynb", + "provenance": [] + }, "nbformat": 4, - "nbformat_minor": 2 + "nbformat_minor": 2, + "accelerator": "GPU" } \ No newline at end of file diff --git a/doc/_notebooks/cartpole/a2c.ipynb b/doc/_notebooks/cartpole/a2c.ipynb index 2b38914..c8a1159 100644 --- a/doc/_notebooks/cartpole/a2c.ipynb +++ b/doc/_notebooks/cartpole/a2c.ipynb @@ -131,6 +131,10 @@ "version": "3.8.2" } }, + "colab": { + "name": "a2c.ipynb", + "provenance": [] + }, "nbformat": 4, "nbformat_minor": 2 } \ No newline at end of file diff --git a/doc/_notebooks/cartpole/dqn.ipynb b/doc/_notebooks/cartpole/dqn.ipynb index bd03009..38649ad 100644 --- a/doc/_notebooks/cartpole/dqn.ipynb +++ b/doc/_notebooks/cartpole/dqn.ipynb @@ -131,6 +131,10 @@ "version": "3.8.2" } }, + "colab": { + "name": "dqn.ipynb", + "provenance": [] + }, "nbformat": 4, "nbformat_minor": 2 } \ No newline at end of file diff --git a/doc/_notebooks/cartpole/iqn.ipynb b/doc/_notebooks/cartpole/iqn.ipynb index 3c211ab..18c1b7c 100644 --- a/doc/_notebooks/cartpole/iqn.ipynb +++ b/doc/_notebooks/cartpole/iqn.ipynb @@ -150,6 +150,10 @@ "version": "3.8.2" } }, + "colab": { + "name": "iqn.ipynb", + "provenance": [] + }, "nbformat": 4, "nbformat_minor": 2 } \ No newline at end of file diff --git a/doc/_notebooks/cartpole/model_based.ipynb b/doc/_notebooks/cartpole/model_based.ipynb index 4dc8318..3a7f770 100644 --- a/doc/_notebooks/cartpole/model_based.ipynb +++ b/doc/_notebooks/cartpole/model_based.ipynb @@ -127,6 +127,10 @@ "version": "3.8.2" } }, + "colab": { + "name": "model_based.ipynb", + "provenance": [] + }, "nbformat": 4, "nbformat_minor": 2 } \ No newline at end of file diff --git a/doc/_notebooks/frozen_lake/a2c.ipynb b/doc/_notebooks/frozen_lake/a2c.ipynb index e98d620..1dbcbd6 100644 --- a/doc/_notebooks/frozen_lake/a2c.ipynb +++ b/doc/_notebooks/frozen_lake/a2c.ipynb @@ -137,6 +137,10 @@ "version": "3.8.2" } }, + "colab": { + "name": "a2c.ipynb", + "provenance": [] + }, "nbformat": 4, "nbformat_minor": 2 } \ No newline at end of file diff --git a/doc/_notebooks/frozen_lake/ddpg.ipynb b/doc/_notebooks/frozen_lake/ddpg.ipynb index b1ad755..30b210b 100644 --- a/doc/_notebooks/frozen_lake/ddpg.ipynb +++ b/doc/_notebooks/frozen_lake/ddpg.ipynb @@ -143,6 +143,10 @@ "version": "3.8.2" } }, + "colab": { + "name": "ddpg.ipynb", + "provenance": [] + }, "nbformat": 4, "nbformat_minor": 2 } \ No newline at end of file diff --git a/doc/_notebooks/frozen_lake/double_qlearning.ipynb b/doc/_notebooks/frozen_lake/double_qlearning.ipynb index 9224552..9109685 100644 --- a/doc/_notebooks/frozen_lake/double_qlearning.ipynb +++ b/doc/_notebooks/frozen_lake/double_qlearning.ipynb @@ -126,6 +126,10 @@ "version": "3.8.2" } }, + "colab": { + "name": "double_qlearning.ipynb", + "provenance": [] + }, "nbformat": 4, "nbformat_minor": 2 } \ No newline at end of file diff --git a/doc/_notebooks/frozen_lake/expected_sarsa.ipynb b/doc/_notebooks/frozen_lake/expected_sarsa.ipynb index 7fb0932..e85c69d 100644 --- a/doc/_notebooks/frozen_lake/expected_sarsa.ipynb +++ b/doc/_notebooks/frozen_lake/expected_sarsa.ipynb @@ -119,6 +119,10 @@ "version": "3.8.2" } }, + "colab": { + "name": "expected_sarsa.ipynb", + "provenance": [] + }, "nbformat": 4, "nbformat_minor": 2 } \ No newline at end of file diff --git a/doc/_notebooks/frozen_lake/ppo.ipynb b/doc/_notebooks/frozen_lake/ppo.ipynb index 15f84b9..8963c64 100644 --- a/doc/_notebooks/frozen_lake/ppo.ipynb +++ b/doc/_notebooks/frozen_lake/ppo.ipynb @@ -139,6 +139,10 @@ "version": "3.8.2" } }, + "colab": { + "name": "ppo.ipynb", + "provenance": [] + }, "nbformat": 4, "nbformat_minor": 2 } \ No newline at end of file diff --git a/doc/_notebooks/frozen_lake/qlearning.ipynb b/doc/_notebooks/frozen_lake/qlearning.ipynb index d503803..7ecaa98 100644 --- a/doc/_notebooks/frozen_lake/qlearning.ipynb +++ b/doc/_notebooks/frozen_lake/qlearning.ipynb @@ -119,6 +119,10 @@ "version": "3.8.2" } }, + "colab": { + "name": "qlearning.ipynb", + "provenance": [] + }, "nbformat": 4, "nbformat_minor": 2 } \ No newline at end of file diff --git a/doc/_notebooks/frozen_lake/reinforce.ipynb b/doc/_notebooks/frozen_lake/reinforce.ipynb index 7abd0c9..fa96abc 100644 --- a/doc/_notebooks/frozen_lake/reinforce.ipynb +++ b/doc/_notebooks/frozen_lake/reinforce.ipynb @@ -119,6 +119,10 @@ "version": "3.8.2" } }, + "colab": { + "name": "reinforce.ipynb", + "provenance": [] + }, "nbformat": 4, "nbformat_minor": 2 } \ No newline at end of file diff --git a/doc/_notebooks/frozen_lake/sarsa.ipynb b/doc/_notebooks/frozen_lake/sarsa.ipynb index 11e0f75..8e00497 100644 --- a/doc/_notebooks/frozen_lake/sarsa.ipynb +++ b/doc/_notebooks/frozen_lake/sarsa.ipynb @@ -119,6 +119,10 @@ "version": "3.8.2" } }, + "colab": { + "name": "sarsa.ipynb", + "provenance": [] + }, "nbformat": 4, "nbformat_minor": 2 } \ No newline at end of file diff --git a/doc/_notebooks/frozen_lake/stochastic_double_qlearning.ipynb b/doc/_notebooks/frozen_lake/stochastic_double_qlearning.ipynb index 7ad692a..414e414 100644 --- a/doc/_notebooks/frozen_lake/stochastic_double_qlearning.ipynb +++ b/doc/_notebooks/frozen_lake/stochastic_double_qlearning.ipynb @@ -140,6 +140,10 @@ "version": "3.8.2" } }, + "colab": { + "name": "stochastic_double_qlearning.ipynb", + "provenance": [] + }, "nbformat": 4, "nbformat_minor": 2 } \ No newline at end of file diff --git a/doc/_notebooks/frozen_lake/stochastic_expected_sarsa.ipynb b/doc/_notebooks/frozen_lake/stochastic_expected_sarsa.ipynb index 6268d3c..2e0c909 100644 --- a/doc/_notebooks/frozen_lake/stochastic_expected_sarsa.ipynb +++ b/doc/_notebooks/frozen_lake/stochastic_expected_sarsa.ipynb @@ -133,6 +133,10 @@ "version": "3.8.2" } }, + "colab": { + "name": "stochastic_expected_sarsa.ipynb", + "provenance": [] + }, "nbformat": 4, "nbformat_minor": 2 } \ No newline at end of file diff --git a/doc/_notebooks/frozen_lake/stochastic_qlearning.ipynb b/doc/_notebooks/frozen_lake/stochastic_qlearning.ipynb index ba469bb..01ed8c9 100644 --- a/doc/_notebooks/frozen_lake/stochastic_qlearning.ipynb +++ b/doc/_notebooks/frozen_lake/stochastic_qlearning.ipynb @@ -133,6 +133,10 @@ "version": "3.8.2" } }, + "colab": { + "name": "stochastic_qlearning.ipynb", + "provenance": [] + }, "nbformat": 4, "nbformat_minor": 2 } \ No newline at end of file diff --git a/doc/_notebooks/frozen_lake/stochastic_sarsa.ipynb b/doc/_notebooks/frozen_lake/stochastic_sarsa.ipynb index da1464a..91f0ff2 100644 --- a/doc/_notebooks/frozen_lake/stochastic_sarsa.ipynb +++ b/doc/_notebooks/frozen_lake/stochastic_sarsa.ipynb @@ -133,6 +133,10 @@ "version": "3.8.2" } }, + "colab": { + "name": "stochastic_sarsa.ipynb", + "provenance": [] + }, "nbformat": 4, "nbformat_minor": 2 } \ No newline at end of file diff --git a/doc/_notebooks/frozen_lake/td3.ipynb b/doc/_notebooks/frozen_lake/td3.ipynb index 499e35d..1f81c2f 100644 --- a/doc/_notebooks/frozen_lake/td3.ipynb +++ b/doc/_notebooks/frozen_lake/td3.ipynb @@ -157,6 +157,10 @@ "version": "3.8.2" } }, + "colab": { + "name": "td3.ipynb", + "provenance": [] + }, "nbformat": 4, "nbformat_minor": 2 } \ No newline at end of file diff --git a/doc/_notebooks/linear_regression/haiku.ipynb b/doc/_notebooks/linear_regression/haiku.ipynb index 44bfd8d..224e475 100644 --- a/doc/_notebooks/linear_regression/haiku.ipynb +++ b/doc/_notebooks/linear_regression/haiku.ipynb @@ -85,6 +85,10 @@ "version": "3.8.2" } }, + "colab": { + "name": "haiku.ipynb", + "provenance": [] + }, "nbformat": 4, "nbformat_minor": 2 } \ No newline at end of file diff --git a/doc/_notebooks/linear_regression/jax.ipynb b/doc/_notebooks/linear_regression/jax.ipynb index e151481..a91c203 100644 --- a/doc/_notebooks/linear_regression/jax.ipynb +++ b/doc/_notebooks/linear_regression/jax.ipynb @@ -78,6 +78,10 @@ "version": "3.8.2" } }, + "colab": { + "name": "jax.ipynb", + "provenance": [] + }, "nbformat": 4, "nbformat_minor": 2 } \ No newline at end of file diff --git a/doc/_notebooks/pendulum/ddpg.ipynb b/doc/_notebooks/pendulum/ddpg.ipynb index ce67035..9ddb11e 100644 --- a/doc/_notebooks/pendulum/ddpg.ipynb +++ b/doc/_notebooks/pendulum/ddpg.ipynb @@ -150,6 +150,10 @@ "version": "3.8.2" } }, + "colab": { + "name": "ddpg.ipynb", + "provenance": [] + }, "nbformat": 4, "nbformat_minor": 2 } \ No newline at end of file diff --git a/doc/_notebooks/pendulum/ppo.ipynb b/doc/_notebooks/pendulum/ppo.ipynb index d78b26c..1f9534e 100644 --- a/doc/_notebooks/pendulum/ppo.ipynb +++ b/doc/_notebooks/pendulum/ppo.ipynb @@ -152,6 +152,10 @@ "version": "3.8.2" } }, + "colab": { + "name": "ppo.ipynb", + "provenance": [] + }, "nbformat": 4, "nbformat_minor": 2 } \ No newline at end of file diff --git a/doc/_notebooks/pendulum/sac.ipynb b/doc/_notebooks/pendulum/sac.ipynb index 0d02aad..5cef601 100644 --- a/doc/_notebooks/pendulum/sac.ipynb +++ b/doc/_notebooks/pendulum/sac.ipynb @@ -166,6 +166,10 @@ "version": "3.8.2" } }, + "colab": { + "name": "sac.ipynb", + "provenance": [] + }, "nbformat": 4, "nbformat_minor": 2 } \ No newline at end of file diff --git a/doc/_notebooks/pendulum/td3.ipynb b/doc/_notebooks/pendulum/td3.ipynb index da4cbad..da15792 100644 --- a/doc/_notebooks/pendulum/td3.ipynb +++ b/doc/_notebooks/pendulum/td3.ipynb @@ -165,6 +165,10 @@ "version": "3.8.2" } }, + "colab": { + "name": "td3.ipynb", + "provenance": [] + }, "nbformat": 4, "nbformat_minor": 2 } \ No newline at end of file diff --git a/doc/_notebooks/stubs/a2c.ipynb b/doc/_notebooks/stubs/a2c.ipynb index 5738adb..994d84c 100644 --- a/doc/_notebooks/stubs/a2c.ipynb +++ b/doc/_notebooks/stubs/a2c.ipynb @@ -104,6 +104,10 @@ "version": "3.8.2" } }, + "colab": { + "name": "a2c.ipynb", + "provenance": [] + }, "nbformat": 4, "nbformat_minor": 2 } \ No newline at end of file diff --git a/doc/_notebooks/stubs/ddpg.ipynb b/doc/_notebooks/stubs/ddpg.ipynb index bbeca17..8450a66 100644 --- a/doc/_notebooks/stubs/ddpg.ipynb +++ b/doc/_notebooks/stubs/ddpg.ipynb @@ -115,6 +115,10 @@ "version": "3.8.2" } }, + "colab": { + "name": "ddpg.ipynb", + "provenance": [] + }, "nbformat": 4, "nbformat_minor": 2 } \ No newline at end of file diff --git a/doc/_notebooks/stubs/dqn.ipynb b/doc/_notebooks/stubs/dqn.ipynb index 3b0f82c..7c71f49 100644 --- a/doc/_notebooks/stubs/dqn.ipynb +++ b/doc/_notebooks/stubs/dqn.ipynb @@ -113,6 +113,10 @@ "version": "3.8.2" } }, + "colab": { + "name": "dqn.ipynb", + "provenance": [] + }, "nbformat": 4, "nbformat_minor": 2 } \ No newline at end of file diff --git a/doc/_notebooks/stubs/dqn_per.ipynb b/doc/_notebooks/stubs/dqn_per.ipynb index d9bf7e3..0d987fb 100644 --- a/doc/_notebooks/stubs/dqn_per.ipynb +++ b/doc/_notebooks/stubs/dqn_per.ipynb @@ -117,6 +117,10 @@ "version": "3.8.2" } }, + "colab": { + "name": "dqn_per.ipynb", + "provenance": [] + }, "nbformat": 4, "nbformat_minor": 2 } \ No newline at end of file diff --git a/doc/_notebooks/stubs/iqn.ipynb b/doc/_notebooks/stubs/iqn.ipynb index 18d4da1..8949dc0 100644 --- a/doc/_notebooks/stubs/iqn.ipynb +++ b/doc/_notebooks/stubs/iqn.ipynb @@ -117,6 +117,10 @@ "version": "3.8.2" } }, + "colab": { + "name": "iqn.ipynb", + "provenance": [] + }, "nbformat": 4, "nbformat_minor": 2 } \ No newline at end of file diff --git a/doc/_notebooks/stubs/ppo.ipynb b/doc/_notebooks/stubs/ppo.ipynb index 0bf2f18..3268757 100644 --- a/doc/_notebooks/stubs/ppo.ipynb +++ b/doc/_notebooks/stubs/ppo.ipynb @@ -107,6 +107,10 @@ "version": "3.8.2" } }, + "colab": { + "name": "ppo.ipynb", + "provenance": [] + }, "nbformat": 4, "nbformat_minor": 2 } \ No newline at end of file diff --git a/doc/_notebooks/stubs/qlearning.ipynb b/doc/_notebooks/stubs/qlearning.ipynb index 62713d2..6ef582f 100644 --- a/doc/_notebooks/stubs/qlearning.ipynb +++ b/doc/_notebooks/stubs/qlearning.ipynb @@ -98,6 +98,10 @@ "version": "3.8.2" } }, + "colab": { + "name": "qlearning.ipynb", + "provenance": [] + }, "nbformat": 4, "nbformat_minor": 2 } \ No newline at end of file diff --git a/doc/_notebooks/stubs/reinforce.ipynb b/doc/_notebooks/stubs/reinforce.ipynb index 27092bd..47bad9e 100644 --- a/doc/_notebooks/stubs/reinforce.ipynb +++ b/doc/_notebooks/stubs/reinforce.ipynb @@ -89,6 +89,10 @@ "version": "3.8.2" } }, + "colab": { + "name": "reinforce.ipynb", + "provenance": [] + }, "nbformat": 4, "nbformat_minor": 2 } \ No newline at end of file diff --git a/doc/_notebooks/stubs/sarsa.ipynb b/doc/_notebooks/stubs/sarsa.ipynb index 4a15975..12997bc 100644 --- a/doc/_notebooks/stubs/sarsa.ipynb +++ b/doc/_notebooks/stubs/sarsa.ipynb @@ -98,6 +98,10 @@ "version": "3.8.2" } }, + "colab": { + "name": "sarsa.ipynb", + "provenance": [] + }, "nbformat": 4, "nbformat_minor": 2 } \ No newline at end of file diff --git a/doc/_notebooks/stubs/soft_qlearning.ipynb b/doc/_notebooks/stubs/soft_qlearning.ipynb index 94d2198..e37e403 100644 --- a/doc/_notebooks/stubs/soft_qlearning.ipynb +++ b/doc/_notebooks/stubs/soft_qlearning.ipynb @@ -98,6 +98,10 @@ "version": "3.8.2" } }, + "colab": { + "name": "soft_qlearning.ipynb", + "provenance": [] + }, "nbformat": 4, "nbformat_minor": 2 } \ No newline at end of file diff --git a/doc/_notebooks/stubs/td3.ipynb b/doc/_notebooks/stubs/td3.ipynb index 32019a2..2a99941 100644 --- a/doc/_notebooks/stubs/td3.ipynb +++ b/doc/_notebooks/stubs/td3.ipynb @@ -128,6 +128,10 @@ "version": "3.8.2" } }, + "colab": { + "name": "td3.ipynb", + "provenance": [] + }, "nbformat": 4, "nbformat_minor": 2 } \ No newline at end of file diff --git a/doc/create_notebooks.py b/doc/create_notebooks.py index 9f7db38..be2c9f2 100755 --- a/doc/create_notebooks.py +++ b/doc/create_notebooks.py @@ -47,6 +47,10 @@ "version": "3.8.2" } }, + "colab": { + "name": None, + "provenance": [] + }, "nbformat": 4, "nbformat_minor": 2 } @@ -78,9 +82,12 @@ with open(f_in) as r, open(f'{f_out}', 'w') as w: lines = list(r) + nb['colab']['name'] = os.path.split(f_out)[1] nb['cells'][-1]['source'] = lines # the actual code if any("tensorboard_dir=" in line for line in lines): nb['cells'].insert(1, tensorboard_cell) + if 'atari' in f_in: + nb['accelerator'] = 'GPU' json.dump(nb, w, indent=1) print(f"converted: {f_in} --> {f_out}") diff --git a/doc/examples/stubs/iqn.rst b/doc/examples/stubs/iqn.rst index ad5f696..1a6c4b3 100644 --- a/doc/examples/stubs/iqn.rst +++ b/doc/examples/stubs/iqn.rst @@ -1,5 +1,5 @@ Implicit Quantile Network (IQN) -==================== +=============================== Implicit Quantile Networks are a distributional RL method that model the distribution of returns using quantile regression. They were introduced in the paper diff --git a/doc/versions.html b/doc/versions.html index 96ff5d2..e1b5111 100644 --- a/doc/versions.html +++ b/doc/versions.html @@ -109,7 +109,7 @@ function updateCommand() { var codecellName = 'codecell0'; - var jaxlibVersion = '0.1.76'; // this is automatically updated from conf.py + var jaxlibVersion = '0.3.7'; // this is automatically updated from conf.py // get the selected os version var osVersion = null; diff --git a/requirements.dev.txt b/requirements.dev.txt index e6bf102..12a41dd 100644 --- a/requirements.dev.txt +++ b/requirements.dev.txt @@ -1,5 +1,5 @@ -jax>=0.2.25 -jaxlib>=0.1.71 +jax>=0.3.4 +jaxlib>=0.3.2 flake8>=3.8.4 pylint>=2.6.0 pur>=5.3.0 diff --git a/requirements.doc.txt b/requirements.doc.txt index 78ab236..3d89ad0 100644 --- a/requirements.doc.txt +++ b/requirements.doc.txt @@ -1,5 +1,5 @@ -jax>=0.2.25 -jaxlib>=0.1.71 +jax>=0.3.4 +jaxlib>=0.3.2 Sphinx>=3.3.1 sphinx-rtd-theme>=0.5.0 nbsphinx>=0.8.0 diff --git a/requirements.txt b/requirements.txt index 15bb0cf..49386f4 100644 --- a/requirements.txt +++ b/requirements.txt @@ -1,12 +1,12 @@ Pillow>=7.1.2 -gym[atari,accept-rom-license]>=0.21.0 -numpy>=1.19.5 +gym[atari,accept-rom-license,box2d]>=0.23.1 +numpy>=1.21.6 scipy>=1.4.1 -pandas>=1.1.5 -dm-haiku>=0.0.2 -chex>=0.0.3 -optax>=0.0.1 -tensorboard>=2.7.0 -tensorboardX>=2.1 -lz4>=3.1.1 +pandas>=1.3.5 +dm-haiku>=0.0.6 +chex>=0.1.3 +optax>=0.1.2 +tensorboard>=2.8.0 +tensorboardX>=2.5 +lz4>=4.0.0 cloudpickle>=1.3.0