diff --git a/coax/__init__.py b/coax/__init__.py index 169abdc..0e3c8dd 100644 --- a/coax/__init__.py +++ b/coax/__init__.py @@ -1,4 +1,4 @@ -__version__ = '0.1.10' +__version__ = '0.1.11' # expose specific classes and functions @@ -73,8 +73,8 @@ import gym -if 'ConnectFour-v0' in gym.envs.registry.env_specs: - del gym.envs.registry.env_specs['ConnectFour-v0'] +if 'ConnectFour-v0' in gym.envs.registry: + del gym.envs.registry['ConnectFour-v0'] gym.envs.register( id='ConnectFour-v0', @@ -82,8 +82,8 @@ ) -if 'FrozenLakeNonSlippery-v0' in gym.envs.registry.env_specs: - del gym.envs.registry.env_specs['FrozenLakeNonSlippery-v0'] +if 'FrozenLakeNonSlippery-v0' in gym.envs.registry: + del gym.envs.registry['FrozenLakeNonSlippery-v0'] gym.envs.register( id='FrozenLakeNonSlippery-v0', diff --git a/coax/_base/test_case.py b/coax/_base/test_case.py index 7d1d659..11c40ea 100644 --- a/coax/_base/test_case.py +++ b/coax/_base/test_case.py @@ -322,13 +322,13 @@ def assertArrayNotEqual(self, x, y, margin=margin): def assertPytreeAlmostEqual(self, x, y, decimal=None): decimal = decimal or self.decimal - jax.tree_multimap( + jax.tree_map( lambda x, y: onp.testing.assert_array_almost_equal( x, y, decimal=decimal), x, y) def assertPytreeNotEqual(self, x, y, margin=None): margin = margin or self.margin - reldiff = jax.tree_multimap( + reldiff = jax.tree_map( lambda a, b: abs(2 * (a - b) / (a + b + 1e-16)), x, y) maxdiff = max(jnp.max(d) for d in jax.tree_leaves(reldiff)) assert float(maxdiff) > margin diff --git a/coax/_core/base_func.py b/coax/_core/base_func.py index 4d0d19d..50f8f3e 100644 --- a/coax/_core/base_func.py +++ b/coax/_core/base_func.py @@ -85,7 +85,7 @@ def __init__(self, func, observation_space, action_space=None, random_seed=None) self._check_output(output, example_data.output) def soft_update_func(old, new, tau): - return jax.tree_multimap(lambda a, b: (1 - tau) * a + tau * b, old, new) + return jax.tree_map(lambda a, b: (1 - tau) * a + tau * b, old, new) self._soft_update_func = jit(soft_update_func) diff --git a/coax/_core/base_stochastic_func_type1.py b/coax/_core/base_stochastic_func_type1.py index bf1c8b3..b888215 100644 --- a/coax/_core/base_stochastic_func_type1.py +++ b/coax/_core/base_stochastic_func_type1.py @@ -217,12 +217,12 @@ def example_data( # input: state observations S = [safe_sample(env.observation_space, rnd) for _ in range(batch_size)] S = [observation_preprocessor(next(rngs), s) for s in S] - S = jax.tree_multimap(lambda *x: jnp.concatenate(x, axis=0), *S) + S = jax.tree_map(lambda *x: jnp.concatenate(x, axis=0), *S) # input: actions A = [safe_sample(env.action_space, rnd) for _ in range(batch_size)] A = [action_preprocessor(next(rngs), a) for a in A] - A = jax.tree_multimap(lambda *x: jnp.concatenate(x, axis=0), *A) + A = jax.tree_map(lambda *x: jnp.concatenate(x, axis=0), *A) # output: type1 dist_params_type1 = jax.tree_map( @@ -425,7 +425,7 @@ def _check_output(self, actual, expected): f"found leaves of type: {bad_types}") if not all(a.shape == b.shape for a, b in zip(actual_leaves, expected_leaves)): - shapes_tree = jax.tree_multimap( + shapes_tree = jax.tree_map( lambda a, b: f"{a.shape} {'!=' if a.shape != b.shape else '=='} {b.shape}", actual, expected) raise TypeError(f"found leaves with unexpected shapes: {shapes_tree}") diff --git a/coax/_core/base_stochastic_func_type2.py b/coax/_core/base_stochastic_func_type2.py index 84299e2..5ae1fac 100644 --- a/coax/_core/base_stochastic_func_type2.py +++ b/coax/_core/base_stochastic_func_type2.py @@ -158,7 +158,7 @@ def example_data( # input: state observations S = [safe_sample(env.observation_space, rnd) for _ in range(batch_size)] S = [observation_preprocessor(next(rngs), s) for s in S] - S = jax.tree_multimap(lambda *x: jnp.concatenate(x, axis=0), *S) + S = jax.tree_map(lambda *x: jnp.concatenate(x, axis=0), *S) # output dist_params = jax.tree_map( @@ -201,7 +201,7 @@ def _check_output(self, actual, expected): f"found leaves of type: {bad_types}") if not all(a.shape == b.shape for a, b in zip(actual_leaves, expected_leaves)): - shapes_tree = jax.tree_multimap( + shapes_tree = jax.tree_map( lambda a, b: f"{a.shape} {'!=' if a.shape != b.shape else '=='} {b.shape}", actual, expected) raise TypeError(f"found leaves with unexpected shapes: {shapes_tree}") diff --git a/coax/_core/q.py b/coax/_core/q.py index 033cf41..05f83b9 100644 --- a/coax/_core/q.py +++ b/coax/_core/q.py @@ -226,12 +226,12 @@ def example_data( # input: state observations S = [safe_sample(env.observation_space, rnd) for _ in range(batch_size)] S = [observation_preprocessor(next(rngs), s) for s in S] - S = jax.tree_multimap(lambda *x: jnp.concatenate(x, axis=0), *S) + S = jax.tree_map(lambda *x: jnp.concatenate(x, axis=0), *S) # input: actions A = [safe_sample(env.action_space, rnd) for _ in range(batch_size)] A = [action_preprocessor(next(rngs), a) for a in A] - A = jax.tree_multimap(lambda *x: jnp.concatenate(x, axis=0), *A) + A = jax.tree_map(lambda *x: jnp.concatenate(x, axis=0), *A) # output: type1 q1_data = ExampleData( diff --git a/coax/_core/transition_model.py b/coax/_core/transition_model.py index 45040c8..2d5833f 100644 --- a/coax/_core/transition_model.py +++ b/coax/_core/transition_model.py @@ -240,12 +240,12 @@ def example_data( # input: state observations S = [safe_sample(env.observation_space, rnd) for _ in range(batch_size)] S = [observation_preprocessor(next(rngs), s) for s in S] - S = jax.tree_multimap(lambda *x: jnp.concatenate(x, axis=0), *S) + S = jax.tree_map(lambda *x: jnp.concatenate(x, axis=0), *S) # input: actions A = [safe_sample(env.action_space, rnd) for _ in range(batch_size)] A = [action_preprocessor(next(rngs), a) for a in A] - A = jax.tree_multimap(lambda *x: jnp.concatenate(x, axis=0), *A) + A = jax.tree_map(lambda *x: jnp.concatenate(x, axis=0), *A) # output: type1 S_next_type1 = jax.tree_map(lambda x: jnp.asarray(rnd.randn(batch_size, *x.shape[1:])), S) @@ -312,7 +312,7 @@ def _check_output(self, actual, expected): f"found leaves of type: {bad_types}") if not all(a.shape == b.shape for a, b in zip(actual_leaves, expected_leaves)): - shapes_tree = jax.tree_multimap( + shapes_tree = jax.tree_map( lambda a, b: f"{a.shape} {'!=' if a.shape != b.shape else '=='} {b.shape}", actual, expected) raise TypeError(f"found leaves with unexpected shapes: {shapes_tree}") diff --git a/coax/_core/v.py b/coax/_core/v.py index b7f2815..01d6ab9 100644 --- a/coax/_core/v.py +++ b/coax/_core/v.py @@ -123,7 +123,7 @@ def example_data(cls, env, observation_preprocessor=None, batch_size=1, random_s # input: state observations S = [safe_sample(env.observation_space, rnd) for _ in range(batch_size)] S = [observation_preprocessor(next(rngs), s) for s in S] - S = jax.tree_multimap(lambda *x: jnp.concatenate(x, axis=0), *S) + S = jax.tree_map(lambda *x: jnp.concatenate(x, axis=0), *S) return ExampleData( inputs=Inputs(args=ArgsType2(S=S, is_training=True), static_argnums=(1,)), diff --git a/coax/experience_replay/_prioritized.py b/coax/experience_replay/_prioritized.py index fbd58dd..fa761f0 100644 --- a/coax/experience_replay/_prioritized.py +++ b/coax/experience_replay/_prioritized.py @@ -222,7 +222,7 @@ def __iter__(self): def _concatenate_leaves(pytrees): - return jax.tree_multimap(lambda *leaves: onp.concatenate(leaves, axis=0), *pytrees) + return jax.tree_map(lambda *leaves: onp.concatenate(leaves, axis=0), *pytrees) @onp.vectorize diff --git a/coax/experience_replay/_simple.py b/coax/experience_replay/_simple.py index 906c4f1..797b990 100644 --- a/coax/experience_replay/_simple.py +++ b/coax/experience_replay/_simple.py @@ -80,7 +80,7 @@ def sample(self, batch_size=32): random.setstate(self._random_state) transitions = random.sample(self._storage, batch_size) self._random_state = random.getstate() - return jax.tree_multimap(lambda *leaves: onp.concatenate(leaves, axis=0), *transitions) + return jax.tree_map(lambda *leaves: onp.concatenate(leaves, axis=0), *transitions) def clear(self): r""" Clear the experience replay buffer. """ diff --git a/coax/proba_dists/_composite.py b/coax/proba_dists/_composite.py index 7f33d75..eb1615b 100644 --- a/coax/proba_dists/_composite.py +++ b/coax/proba_dists/_composite.py @@ -263,6 +263,12 @@ def preprocess_variate(self, rng, X): if self._structure_type == StructureType.LEAF: return self._structure.preprocess_variate(next(rngs), X) + if isinstance(self.space, (gym.spaces.MultiDiscrete, gym.spaces.MultiBinary)): + assert self._structure_type == StructureType.LIST + return [ + dist.preprocess_variate(next(rngs), X[..., i]) + for i, dist in enumerate(self._structure)] + if self._structure_type == StructureType.LIST: return [ dist.preprocess_variate(next(rngs), X[i]) diff --git a/coax/proba_dists/_composite_test.py b/coax/proba_dists/_composite_test.py index 8528d08..6e91f57 100644 --- a/coax/proba_dists/_composite_test.py +++ b/coax/proba_dists/_composite_test.py @@ -259,3 +259,10 @@ def test_prepostprocess_variate(self): self.assertNotIn(X_raw['multidiscrete'][0], space['multidiscrete']) self.assertIn(X_clean['multidiscrete'][0], space['multidiscrete']) self.assertIn(x_clean['multidiscrete'], space['multidiscrete']) + # Check if bijective. + X_clean_ = dist.postprocess_variate( + next(self.rngs), dist.preprocess_variate(next(self.rngs), X_clean), batch_mode=True) + x_clean_ = dist.postprocess_variate( + next(self.rngs), dist.preprocess_variate(next(self.rngs), x_clean), batch_mode=False) + self.assertPytreeAlmostEqual(X_clean_, X_clean) + self.assertPytreeAlmostEqual(x_clean_, x_clean) diff --git a/coax/regularizers/_nstep_entropy.py b/coax/regularizers/_nstep_entropy.py index 9cbed45..c7eff80 100644 --- a/coax/regularizers/_nstep_entropy.py +++ b/coax/regularizers/_nstep_entropy.py @@ -92,7 +92,7 @@ def f(s_next): self.f.observation_preprocessor( next(rngs), s_next), True) n_states = transition_batch.extra_info['states'] - dist_params, _ = jax.vmap(f)(jax.tree_util.tree_multimap( + dist_params, _ = jax.vmap(f)(jax.tree_util.tree_map( lambda *t: jnp.stack(t), *n_states)) dist_params = jax.tree_util.tree_map( lambda t: jnp.take(t, self._n, axis=0), dist_params) diff --git a/coax/reward_tracing/_base.py b/coax/reward_tracing/_base.py index 9b18e69..8285cce 100644 --- a/coax/reward_tracing/_base.py +++ b/coax/reward_tracing/_base.py @@ -90,4 +90,4 @@ def flush(self): while self: transitions.append(self.pop()) - return jax.tree_multimap(lambda *leaves: onp.concatenate(leaves, axis=0), *transitions) + return jax.tree_map(lambda *leaves: onp.concatenate(leaves, axis=0), *transitions) diff --git a/coax/utils/_array.py b/coax/utils/_array.py index 6d5be87..d473965 100644 --- a/coax/utils/_array.py +++ b/coax/utils/_array.py @@ -230,7 +230,7 @@ def test_leaves(a, b): if jax.tree_structure(y) != jax.tree_structure(y0): return False try: - jax.tree_multimap(test_leaves, y, y0) + jax.tree_map(test_leaves, y, y0) except AssertionError: return False return True @@ -625,7 +625,7 @@ def get_transition_batch(env, batch_size=1, gamma=0.9, random_seed=None): def batch_sample(space): max_seed = onp.iinfo('int32').max X = [safe_sample(space, seed=rnd.randint(max_seed)) for _ in range(batch_size)] - return jax.tree_multimap(lambda *leaves: onp.stack(leaves, axis=0), *X) + return jax.tree_map(lambda *leaves: onp.stack(leaves, axis=0), *X) return TransitionBatch( S=batch_sample(env.observation_space), @@ -1059,16 +1059,19 @@ def _check_leaf_batch_size(pytree): def stack_trees(*trees): """ - Stack + Apply :func:`jnp.stack ` to the leaves of a pytree. + Parameters ---------- trees : sequence of pytrees with ndarray leaves A typical example are pytrees containing the parameters and function states of a model that should be used in a function which is vectorized by `jax.vmap`. The trees have to have the same pytree structure. + Returns ------- pytree : pytree with ndarray leaves A tuple of pytrees. + """ - return jax.tree_util.tree_multimap(lambda *args: jnp.stack(args), *zip(*trees)) + return jax.tree_util.tree_map(lambda *args: jnp.stack(args), *zip(*trees)) diff --git a/coax/utils/_array_test.py b/coax/utils/_array_test.py index 91a8035..3a793d0 100644 --- a/coax/utils/_array_test.py +++ b/coax/utils/_array_test.py @@ -94,7 +94,7 @@ def test_default_preprocessor(self): self.assertArrayShape(default_preprocessor(dct)(next(rngs), dct.sample())['mds'][0], (1, 3)) self.assertArrayShape(default_preprocessor(dct)(next(rngs), dct.sample())['mds'][1], (1, 5)) - mds_batch = jax.tree_multimap(lambda *x: jnp.stack(x), *(mds.sample() for _ in range(7))) + mds_batch = jax.tree_map(lambda *x: jnp.stack(x), *(mds.sample() for _ in range(7))) self.assertArrayShape(default_preprocessor(mds)(next(rngs), mds_batch)[0], (7, 3)) self.assertArrayShape(default_preprocessor(mds)(next(rngs), mds_batch)[1], (7, 5)) diff --git a/doc/_intersphinx/haiku.inv b/doc/_intersphinx/haiku.inv index 68b0729..08ee1cc 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 43c5375..f9f398d 100644 --- a/doc/_intersphinx/haiku.txt +++ b/doc/_intersphinx/haiku.txt @@ -30,6 +30,7 @@ py:attribute haiku.TransformedWithState.init api.html#haiku.TransformedWithState.init haiku.experimental.ArraySpec.dtype api.html#haiku.experimental.ArraySpec.dtype haiku.experimental.ArraySpec.shape api.html#haiku.experimental.ArraySpec.shape + haiku.experimental.DO_NOT_STORE api.html#haiku.experimental.DO_NOT_STORE haiku.experimental.MethodInvocation.args_spec api.html#haiku.experimental.MethodInvocation.args_spec haiku.experimental.MethodInvocation.call_stack api.html#haiku.experimental.MethodInvocation.call_stack haiku.experimental.MethodInvocation.context api.html#haiku.experimental.MethodInvocation.context @@ -161,7 +162,9 @@ py:function 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.current_name api.html#haiku.experimental.current_name haiku.experimental.eval_summary api.html#haiku.experimental.eval_summary + haiku.experimental.fast_eval_shape api.html#haiku.experimental.fast_eval_shape 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 @@ -178,6 +181,8 @@ py:function haiku.experimental.profiler_name_scopes api.html#haiku.experimental.profiler_name_scopes haiku.experimental.tabulate api.html#haiku.experimental.tabulate haiku.experimental.to_dot api.html#haiku.experimental.to_dot + haiku.experimental.transparent_lift api.html#haiku.experimental.transparent_lift + haiku.experimental.transparent_lift_with_state api.html#haiku.experimental.transparent_lift_with_state 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 @@ -411,6 +416,7 @@ std:label /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-name current_name : api.html#current-name /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 @@ -420,6 +426,7 @@ std:label /api.rst#depthwiseconv1d DepthwiseConv1D : api.html#depthwiseconv1d /api.rst#depthwiseconv2d DepthwiseConv2D : api.html#depthwiseconv2d /api.rst#depthwiseconv3d DepthwiseConv3D : api.html#depthwiseconv3d + /api.rst#do-not-store DO_NOT_STORE : api.html#do-not-store /api.rst#dropout Dropout : api.html#dropout /api.rst#dynamic-unroll dynamic_unroll : api.html#dynamic-unroll /api.rst#emaparamstree EMAParamsTree : api.html#emaparamstree @@ -431,6 +438,7 @@ std:label /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#fast-eval-shape fast_eval_shape : api.html#fast-eval-shape /api.rst#filter filter : api.html#filter /api.rst#flatten Flatten : api.html#flatten /api.rst#fori-loop fori_loop : api.html#fori-loop @@ -536,7 +544,10 @@ std:label /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.current_name haiku.experimental.current_name : api.html#haiku.experimental.current_name + /api.rst#haiku.experimental.do_not_store haiku.experimental.DO_NOT_STORE : api.html#haiku.experimental.DO_NOT_STORE /api.rst#haiku.experimental.eval_summary haiku.experimental.eval_summary : api.html#haiku.experimental.eval_summary + /api.rst#haiku.experimental.fast_eval_shape haiku.experimental.fast_eval_shape : api.html#haiku.experimental.fast_eval_shape /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 @@ -568,6 +579,8 @@ std:label /api.rst#haiku.experimental.profiler_name_scopes haiku.experimental.profiler_name_scopes : api.html#haiku.experimental.profiler_name_scopes /api.rst#haiku.experimental.tabulate haiku.experimental.tabulate : api.html#haiku.experimental.tabulate /api.rst#haiku.experimental.to_dot haiku.experimental.to_dot : api.html#haiku.experimental.to_dot + /api.rst#haiku.experimental.transparent_lift haiku.experimental.transparent_lift : api.html#haiku.experimental.transparent_lift + /api.rst#haiku.experimental.transparent_lift_with_state haiku.experimental.transparent_lift_with_state: api.html#haiku.experimental.transparent_lift_with_state /api.rst#haiku.exponentialmovingaverage haiku.ExponentialMovingAverage : api.html#haiku.ExponentialMovingAverage /api.rst#haiku.exponentialmovingaverage.__call__ haiku.ExponentialMovingAverage.__call__ : api.html#haiku.ExponentialMovingAverage.__call__ /api.rst#haiku.exponentialmovingaverage.__init__ haiku.ExponentialMovingAverage.__init__ : api.html#haiku.ExponentialMovingAverage.__init__ @@ -801,8 +814,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#id15 Module : api.html#id15 + /api.rst#id16 Utilities : api.html#id16 /api.rst#id2 dropout : api.html#id2 /api.rst#identity Identity : api.html#identity /api.rst#identitycore IdentityCore : api.html#identitycore @@ -920,6 +933,8 @@ std:label /api.rst#transformed Transformed : api.html#transformed /api.rst#transformedwithstate TransformedWithState : api.html#transformedwithstate /api.rst#transparent transparent : api.html#transparent + /api.rst#transparent-lift transparent_lift : api.html#transparent-lift + /api.rst#transparent-lift-with-state transparent_lift_with_state : api.html#transparent-lift-with-state /api.rst#traverse traverse : api.html#traverse /api.rst#tree-bytes tree_bytes : api.html#tree-bytes /api.rst#tree-size tree_size : api.html#tree-size @@ -969,6 +984,7 @@ std:label /notebooks/jax2tf.ipynb#saving Saving : notebooks/jax2tf.html#Saving /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#freezing-layers-with-optax Freezing layers with Optax : notebooks/non_trainable.html#Freezing-layers-with-Optax /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 diff --git a/doc/_intersphinx/jax.inv b/doc/_intersphinx/jax.inv index d24df75..c9ee66e 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 45a5899..461a57d 100644 --- a/doc/_intersphinx/jax.txt +++ b/doc/_intersphinx/jax.txt @@ -63,10 +63,9 @@ py:class 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.scipy.stats.kde.gaussian_kde _autosummary/jax.scipy.stats.gaussian_kde.html#jax.scipy.stats.gaussian_kde 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 @@ -124,15 +123,13 @@ py:class jax.numpy.uint8 _autosummary/jax.numpy.uint8.html#jax.numpy.uint8 jax.numpy.unsignedinteger _autosummary/jax.numpy.unsignedinteger.html#jax.numpy.unsignedinteger jax.profiler.StepTraceAnnotation _autosummary/jax.profiler.StepTraceAnnotation.html#jax.profiler.StepTraceAnnotation - jax.profiler.StepTraceContext _autosummary/jax.profiler.StepTraceContext.html#jax.profiler.StepTraceContext jax.profiler.TraceAnnotation _autosummary/jax.profiler.TraceAnnotation.html#jax.profiler.TraceAnnotation - 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.scipy.stats.gaussian_kde _autosummary/jax.scipy.stats.gaussian_kde.html#jax.scipy.stats.gaussian_kde jax.tree_util.Partial _autosummary/jax.tree_util.Partial.html#jax.tree_util.Partial 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 @@ -153,6 +150,7 @@ py:data jax.config _autosummary/jax.config.html#jax.config jax.debug_infs _autosummary/jax.debug_infs.html#jax.debug_infs jax.debug_nans _autosummary/jax.debug_nans.html#jax.debug_nans + jax.default_device _autosummary/jax.default_device.html#jax.default_device jax.default_matmul_precision _autosummary/jax.default_matmul_precision.html#jax.default_matmul_precision 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 @@ -164,7 +162,6 @@ py:data jax.numpy.index_exp _autosummary/jax.numpy.index_exp.html#jax.numpy.index_exp jax.numpy.linalg.det _autosummary/jax.numpy.linalg.det.html#jax.numpy.linalg.det jax.numpy.linalg.pinv _autosummary/jax.numpy.linalg.pinv.html#jax.numpy.linalg.pinv - jax.numpy.linalg.slogdet _autosummary/jax.numpy.linalg.slogdet.html#jax.numpy.linalg.slogdet jax.numpy.logaddexp _autosummary/jax.numpy.logaddexp.html#jax.numpy.logaddexp jax.numpy.logaddexp2 _autosummary/jax.numpy.logaddexp2.html#jax.numpy.logaddexp2 jax.numpy.mgrid _autosummary/jax.numpy.mgrid.html#jax.numpy.mgrid @@ -247,6 +244,20 @@ py:function 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.bcoo_broadcast_in_dim _autosummary/jax.experimental.sparse.bcoo_broadcast_in_dim.html#jax.experimental.sparse.bcoo_broadcast_in_dim + jax.experimental.sparse.bcoo_concatenate _autosummary/jax.experimental.sparse.bcoo_concatenate.html#jax.experimental.sparse.bcoo_concatenate + jax.experimental.sparse.bcoo_dot_general _autosummary/jax.experimental.sparse.bcoo_dot_general.html#jax.experimental.sparse.bcoo_dot_general + jax.experimental.sparse.bcoo_dot_general_sampled _autosummary/jax.experimental.sparse.bcoo_dot_general_sampled.html#jax.experimental.sparse.bcoo_dot_general_sampled + jax.experimental.sparse.bcoo_extract _autosummary/jax.experimental.sparse.bcoo_extract.html#jax.experimental.sparse.bcoo_extract + jax.experimental.sparse.bcoo_fromdense _autosummary/jax.experimental.sparse.bcoo_fromdense.html#jax.experimental.sparse.bcoo_fromdense + jax.experimental.sparse.bcoo_multiply_dense _autosummary/jax.experimental.sparse.bcoo_multiply_dense.html#jax.experimental.sparse.bcoo_multiply_dense + jax.experimental.sparse.bcoo_multiply_sparse _autosummary/jax.experimental.sparse.bcoo_multiply_sparse.html#jax.experimental.sparse.bcoo_multiply_sparse + jax.experimental.sparse.bcoo_reduce_sum _autosummary/jax.experimental.sparse.bcoo_reduce_sum.html#jax.experimental.sparse.bcoo_reduce_sum + jax.experimental.sparse.bcoo_reshape _autosummary/jax.experimental.sparse.bcoo_reshape.html#jax.experimental.sparse.bcoo_reshape + jax.experimental.sparse.bcoo_sort_indices _autosummary/jax.experimental.sparse.bcoo_sort_indices.html#jax.experimental.sparse.bcoo_sort_indices + jax.experimental.sparse.bcoo_sum_duplicates _autosummary/jax.experimental.sparse.bcoo_sum_duplicates.html#jax.experimental.sparse.bcoo_sum_duplicates + jax.experimental.sparse.bcoo_todense _autosummary/jax.experimental.sparse.bcoo_todense.html#jax.experimental.sparse.bcoo_todense + jax.experimental.sparse.bcoo_transpose _autosummary/jax.experimental.sparse.bcoo_transpose.html#jax.experimental.sparse.bcoo_transpose 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 _autosummary/jax.grad.html#jax.grad @@ -421,6 +432,7 @@ py:function 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.named_scope _autosummary/jax.named_scope.html#jax.named_scope 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 @@ -586,6 +598,7 @@ 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.from_dlpack _autosummary/jax.numpy.from_dlpack.html#jax.numpy.from_dlpack 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 @@ -656,6 +669,7 @@ py:function jax.numpy.linalg.multi_dot _autosummary/jax.numpy.linalg.multi_dot.html#jax.numpy.linalg.multi_dot jax.numpy.linalg.norm _autosummary/jax.numpy.linalg.norm.html#jax.numpy.linalg.norm jax.numpy.linalg.qr _autosummary/jax.numpy.linalg.qr.html#jax.numpy.linalg.qr + jax.numpy.linalg.slogdet _autosummary/jax.numpy.linalg.slogdet.html#jax.numpy.linalg.slogdet jax.numpy.linalg.solve _autosummary/jax.numpy.linalg.solve.html#jax.numpy.linalg.solve jax.numpy.linalg.svd _autosummary/jax.numpy.linalg.svd.html#jax.numpy.linalg.svd jax.numpy.linalg.tensorinv _autosummary/jax.numpy.linalg.tensorinv.html#jax.numpy.linalg.tensorinv @@ -822,8 +836,8 @@ py:function jax.profiler.start_trace _autosummary/jax.profiler.start_trace.html#jax.profiler.start_trace jax.profiler.stop_trace _autosummary/jax.profiler.stop_trace.html#jax.profiler.stop_trace jax.profiler.trace _autosummary/jax.profiler.trace.html#jax.profiler.trace - jax.profiler.trace_function _autosummary/jax.profiler.trace_function.html#jax.profiler.trace_function jax.random.PRNGKey _autosummary/jax.random.PRNGKey.html#jax.random.PRNGKey + jax.random.ball _autosummary/jax.random.ball.html#jax.random.ball jax.random.bernoulli _autosummary/jax.random.bernoulli.html#jax.random.bernoulli jax.random.beta _autosummary/jax.random.beta.html#jax.random.beta jax.random.categorical _autosummary/jax.random.categorical.html#jax.random.categorical @@ -834,6 +848,7 @@ py:function jax.random.exponential _autosummary/jax.random.exponential.html#jax.random.exponential jax.random.fold_in _autosummary/jax.random.fold_in.html#jax.random.fold_in jax.random.gamma _autosummary/jax.random.gamma.html#jax.random.gamma + jax.random.generalized_normal _autosummary/jax.random.generalized_normal.html#jax.random.generalized_normal 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 @@ -864,6 +879,7 @@ py:function 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.funm _autosummary/jax.scipy.linalg.funm.html#jax.scipy.linalg.funm 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 @@ -933,6 +949,9 @@ py:function jax.scipy.stats.expon.pdf _autosummary/jax.scipy.stats.expon.pdf.html#jax.scipy.stats.expon.pdf jax.scipy.stats.gamma.logpdf _autosummary/jax.scipy.stats.gamma.logpdf.html#jax.scipy.stats.gamma.logpdf jax.scipy.stats.gamma.pdf _autosummary/jax.scipy.stats.gamma.pdf.html#jax.scipy.stats.gamma.pdf + jax.scipy.stats.gennorm.cdf _autosummary/jax.scipy.stats.gennorm.cdf.html#jax.scipy.stats.gennorm.cdf + jax.scipy.stats.gennorm.logpdf _autosummary/jax.scipy.stats.gennorm.logpdf.html#jax.scipy.stats.gennorm.logpdf + jax.scipy.stats.gennorm.pdf _autosummary/jax.scipy.stats.gennorm.pdf.html#jax.scipy.stats.gennorm.pdf jax.scipy.stats.geom.logpmf _autosummary/jax.scipy.stats.geom.logpmf.html#jax.scipy.stats.geom.logpmf jax.scipy.stats.geom.pmf _autosummary/jax.scipy.stats.geom.pmf.html#jax.scipy.stats.geom.pmf jax.scipy.stats.laplace.cdf _autosummary/jax.scipy.stats.laplace.cdf.html#jax.scipy.stats.laplace.cdf @@ -1023,10 +1042,16 @@ py:method jax.numpy.uint8.__init__ _autosummary/jax.numpy.uint8.html#jax.numpy.uint8.__init__ jax.numpy.unsignedinteger.__init__ _autosummary/jax.numpy.unsignedinteger.html#jax.numpy.unsignedinteger.__init__ jax.profiler.StepTraceAnnotation.__init__ _autosummary/jax.profiler.StepTraceAnnotation.html#jax.profiler.StepTraceAnnotation.__init__ - jax.profiler.StepTraceContext.__init__ _autosummary/jax.profiler.StepTraceContext.html#jax.profiler.StepTraceContext.__init__ jax.profiler.TraceAnnotation.__init__ _autosummary/jax.profiler.TraceAnnotation.html#jax.profiler.TraceAnnotation.__init__ - 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.scipy.stats.gaussian_kde.__init__ _autosummary/jax.scipy.stats.gaussian_kde.html#jax.scipy.stats.gaussian_kde.__init__ + jax.scipy.stats.gaussian_kde.evaluate _autosummary/jax.scipy.stats.gaussian_kde.evaluate.html#jax.scipy.stats.gaussian_kde.evaluate + jax.scipy.stats.gaussian_kde.integrate_box_1d _autosummary/jax.scipy.stats.gaussian_kde.integrate_box_1d.html#jax.scipy.stats.gaussian_kde.integrate_box_1d + jax.scipy.stats.gaussian_kde.integrate_gaussian _autosummary/jax.scipy.stats.gaussian_kde.integrate_gaussian.html#jax.scipy.stats.gaussian_kde.integrate_gaussian + jax.scipy.stats.gaussian_kde.integrate_kde _autosummary/jax.scipy.stats.gaussian_kde.integrate_kde.html#jax.scipy.stats.gaussian_kde.integrate_kde + jax.scipy.stats.gaussian_kde.logpdf _autosummary/jax.scipy.stats.gaussian_kde.logpdf.html#jax.scipy.stats.gaussian_kde.logpdf + jax.scipy.stats.gaussian_kde.pdf _autosummary/jax.scipy.stats.gaussian_kde.pdf.html#jax.scipy.stats.gaussian_kde.pdf + jax.scipy.stats.gaussian_kde.resample _autosummary/jax.scipy.stats.gaussian_kde.resample.html#jax.scipy.stats.gaussian_kde.resample jax.tree_util.Partial.__init__ _autosummary/jax.tree_util.Partial.html#jax.tree_util.Partial.__init__ jaxlib.xla_extension.Device.__init__ _autosummary/jaxlib.xla_extension.Device.html#jaxlib.xla_extension.Device.__init__ jaxlib.xla_extension.DeviceArray.all jax.numpy.html#jaxlib.xla_extension.DeviceArray.all @@ -1084,7 +1109,6 @@ py:method jaxlib.xla_extension.DeviceArray.var jax.numpy.html#jaxlib.xla_extension.DeviceArray.var jaxlib.xla_extension.DeviceArray.xla_dynamic_shape jax.numpy.html#jaxlib.xla_extension.DeviceArray.xla_dynamic_shape jaxlib.xla_extension.DeviceArray.xla_shape jax.numpy.html#jaxlib.xla_extension.DeviceArray.xla_shape - jaxlib.xla_extension.GpuDevice.__init__ _autosummary/jaxlib.xla_extension.GpuDevice.html#jaxlib.xla_extension.GpuDevice.__init__ 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 @@ -1127,6 +1151,7 @@ py:module jax.scipy.stats.dirichlet jax.scipy.html#module-jax.scipy.stats.dirichlet jax.scipy.stats.expon jax.scipy.html#module-jax.scipy.stats.expon jax.scipy.stats.gamma jax.scipy.html#module-jax.scipy.stats.gamma + jax.scipy.stats.gennorm jax.scipy.html#module-jax.scipy.stats.gennorm jax.scipy.stats.geom jax.scipy.html#module-jax.scipy.stats.geom jax.scipy.stats.laplace jax.scipy.html#module-jax.scipy.stats.laplace jax.scipy.stats.logistic jax.scipy.html#module-jax.scipy.stats.logistic @@ -1157,6 +1182,7 @@ std:doc _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_device jax.default_device : _autosummary/jax.default_device.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 @@ -1187,6 +1213,20 @@ std:doc _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.bcoo_broadcast_in_dim jax.experimental.sparse.bcoo_broadcast_in_dim: _autosummary/jax.experimental.sparse.bcoo_broadcast_in_dim.html + _autosummary/jax.experimental.sparse.bcoo_concatenate jax.experimental.sparse.bcoo_concatenate: _autosummary/jax.experimental.sparse.bcoo_concatenate.html + _autosummary/jax.experimental.sparse.bcoo_dot_general jax.experimental.sparse.bcoo_dot_general: _autosummary/jax.experimental.sparse.bcoo_dot_general.html + _autosummary/jax.experimental.sparse.bcoo_dot_general_sampled jax.experimental.sparse.bcoo_dot_general_sampled: _autosummary/jax.experimental.sparse.bcoo_dot_general_sampled.html + _autosummary/jax.experimental.sparse.bcoo_extract jax.experimental.sparse.bcoo_extract : _autosummary/jax.experimental.sparse.bcoo_extract.html + _autosummary/jax.experimental.sparse.bcoo_fromdense jax.experimental.sparse.bcoo_fromdense : _autosummary/jax.experimental.sparse.bcoo_fromdense.html + _autosummary/jax.experimental.sparse.bcoo_multiply_dense jax.experimental.sparse.bcoo_multiply_dense: _autosummary/jax.experimental.sparse.bcoo_multiply_dense.html + _autosummary/jax.experimental.sparse.bcoo_multiply_sparse jax.experimental.sparse.bcoo_multiply_sparse: _autosummary/jax.experimental.sparse.bcoo_multiply_sparse.html + _autosummary/jax.experimental.sparse.bcoo_reduce_sum jax.experimental.sparse.bcoo_reduce_sum : _autosummary/jax.experimental.sparse.bcoo_reduce_sum.html + _autosummary/jax.experimental.sparse.bcoo_reshape jax.experimental.sparse.bcoo_reshape : _autosummary/jax.experimental.sparse.bcoo_reshape.html + _autosummary/jax.experimental.sparse.bcoo_sort_indices jax.experimental.sparse.bcoo_sort_indices: _autosummary/jax.experimental.sparse.bcoo_sort_indices.html + _autosummary/jax.experimental.sparse.bcoo_sum_duplicates jax.experimental.sparse.bcoo_sum_duplicates: _autosummary/jax.experimental.sparse.bcoo_sum_duplicates.html + _autosummary/jax.experimental.sparse.bcoo_todense jax.experimental.sparse.bcoo_todense : _autosummary/jax.experimental.sparse.bcoo_todense.html + _autosummary/jax.experimental.sparse.bcoo_transpose jax.experimental.sparse.bcoo_transpose : _autosummary/jax.experimental.sparse.bcoo_transpose.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 @@ -1362,6 +1402,7 @@ std:doc _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.named_scope jax.named_scope : _autosummary/jax.named_scope.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 @@ -1547,6 +1588,7 @@ 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.from_dlpack jax.numpy.from_dlpack : _autosummary/jax.numpy.from_dlpack.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 @@ -1809,9 +1851,7 @@ std:doc _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 - _autosummary/jax.profiler.TraceContext jax.profiler.TraceContext : _autosummary/jax.profiler.TraceContext.html _autosummary/jax.profiler.annotate_function jax.profiler.annotate_function : _autosummary/jax.profiler.annotate_function.html _autosummary/jax.profiler.device_memory_profile jax.profiler.device_memory_profile : _autosummary/jax.profiler.device_memory_profile.html _autosummary/jax.profiler.save_device_memory_profile jax.profiler.save_device_memory_profile : _autosummary/jax.profiler.save_device_memory_profile.html @@ -1819,8 +1859,8 @@ std:doc _autosummary/jax.profiler.start_trace jax.profiler.start_trace : _autosummary/jax.profiler.start_trace.html _autosummary/jax.profiler.stop_trace jax.profiler.stop_trace : _autosummary/jax.profiler.stop_trace.html _autosummary/jax.profiler.trace jax.profiler.trace : _autosummary/jax.profiler.trace.html - _autosummary/jax.profiler.trace_function jax.profiler.trace_function : _autosummary/jax.profiler.trace_function.html _autosummary/jax.random.PRNGKey jax.random.PRNGKey : _autosummary/jax.random.PRNGKey.html + _autosummary/jax.random.ball jax.random.ball : _autosummary/jax.random.ball.html _autosummary/jax.random.bernoulli jax.random.bernoulli : _autosummary/jax.random.bernoulli.html _autosummary/jax.random.beta jax.random.beta : _autosummary/jax.random.beta.html _autosummary/jax.random.categorical jax.random.categorical : _autosummary/jax.random.categorical.html @@ -1831,6 +1871,7 @@ std:doc _autosummary/jax.random.exponential jax.random.exponential : _autosummary/jax.random.exponential.html _autosummary/jax.random.fold_in jax.random.fold_in : _autosummary/jax.random.fold_in.html _autosummary/jax.random.gamma jax.random.gamma : _autosummary/jax.random.gamma.html + _autosummary/jax.random.generalized_normal jax.random.generalized_normal : _autosummary/jax.random.generalized_normal.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 @@ -1861,6 +1902,7 @@ std:doc _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.funm jax.scipy.linalg.funm : _autosummary/jax.scipy.linalg.funm.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 @@ -1936,6 +1978,17 @@ std:doc _autosummary/jax.scipy.stats.expon.pdf jax.scipy.stats.expon.pdf : _autosummary/jax.scipy.stats.expon.pdf.html _autosummary/jax.scipy.stats.gamma.logpdf jax.scipy.stats.gamma.logpdf : _autosummary/jax.scipy.stats.gamma.logpdf.html _autosummary/jax.scipy.stats.gamma.pdf jax.scipy.stats.gamma.pdf : _autosummary/jax.scipy.stats.gamma.pdf.html + _autosummary/jax.scipy.stats.gaussian_kde jax.scipy.stats.gaussian_kde : _autosummary/jax.scipy.stats.gaussian_kde.html + _autosummary/jax.scipy.stats.gaussian_kde.evaluate jax.scipy.stats.gaussian_kde.evaluate : _autosummary/jax.scipy.stats.gaussian_kde.evaluate.html + _autosummary/jax.scipy.stats.gaussian_kde.integrate_box_1d jax.scipy.stats.gaussian_kde.integrate_box_1d: _autosummary/jax.scipy.stats.gaussian_kde.integrate_box_1d.html + _autosummary/jax.scipy.stats.gaussian_kde.integrate_gaussian jax.scipy.stats.gaussian_kde.integrate_gaussian: _autosummary/jax.scipy.stats.gaussian_kde.integrate_gaussian.html + _autosummary/jax.scipy.stats.gaussian_kde.integrate_kde jax.scipy.stats.gaussian_kde.integrate_kde: _autosummary/jax.scipy.stats.gaussian_kde.integrate_kde.html + _autosummary/jax.scipy.stats.gaussian_kde.logpdf jax.scipy.stats.gaussian_kde.logpdf : _autosummary/jax.scipy.stats.gaussian_kde.logpdf.html + _autosummary/jax.scipy.stats.gaussian_kde.pdf jax.scipy.stats.gaussian_kde.pdf : _autosummary/jax.scipy.stats.gaussian_kde.pdf.html + _autosummary/jax.scipy.stats.gaussian_kde.resample jax.scipy.stats.gaussian_kde.resample : _autosummary/jax.scipy.stats.gaussian_kde.resample.html + _autosummary/jax.scipy.stats.gennorm.cdf jax.scipy.stats.gennorm.cdf : _autosummary/jax.scipy.stats.gennorm.cdf.html + _autosummary/jax.scipy.stats.gennorm.logpdf jax.scipy.stats.gennorm.logpdf : _autosummary/jax.scipy.stats.gennorm.logpdf.html + _autosummary/jax.scipy.stats.gennorm.pdf jax.scipy.stats.gennorm.pdf : _autosummary/jax.scipy.stats.gennorm.pdf.html _autosummary/jax.scipy.stats.geom.logpmf jax.scipy.stats.geom.logpmf : _autosummary/jax.scipy.stats.geom.logpmf.html _autosummary/jax.scipy.stats.geom.pmf jax.scipy.stats.geom.pmf : _autosummary/jax.scipy.stats.geom.pmf.html _autosummary/jax.scipy.stats.laplace.cdf jax.scipy.stats.laplace.cdf : _autosummary/jax.scipy.stats.laplace.cdf.html @@ -1984,7 +2037,6 @@ std:doc _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 @@ -1999,6 +2051,7 @@ std:doc 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/sequencing_effects Sequencing side-effects in JAX : design_notes/sequencing_effects.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 @@ -2066,10 +2119,249 @@ std:doc transfer_guard Transfer guard : transfer_guard.html type_promotion Type promotion semantics : type_promotion.html std:label + api-compatibility API compatibility : api_compatibility.html#api-compatibility + api_compatibility.md#api-compatibility API compatibility : api_compatibility.html#id1 + api_compatibility.md#what-is-covered What is covered? : api_compatibility.html#what-is-covered + api_compatibility.md#what-is-not-covered What is not covered? : api_compatibility.html#what-is-not-covered async-dispatch Asynchronous dispatch : async_dispatch.html#async-dispatch + autodidax.ipynb#adding-cond Adding cond : autodidax.html#adding-cond + autodidax.ipynb#autodidax-jax-core-from-scratch Autodidax: JAX core from scratch : autodidax.html#autodidax-jax-core-from-scratch + autodidax.ipynb#building-jaxprs-with-tracing Building jaxprs with tracing : autodidax.html#building-jaxprs-with-tracing + autodidax.ipynb#evaluation-interpreter Evaluation interpreter : autodidax.html#evaluation-interpreter + autodidax.ipynb#forward-mode-autodiff-with-jvp Forward-mode autodiff with jvp : autodidax.html#forward-mode-autodiff-with-jvp + autodidax.ipynb#jax-core-machinery JAX core machinery : autodidax.html#jax-core-machinery + autodidax.ipynb#jaxpr-data-structures Jaxpr data structures : autodidax.html#jaxpr-data-structures + autodidax.ipynb#linearize linearize : autodidax.html#linearize + autodidax.ipynb#on-the-fly-final-style-and-staged-initial-style-processing On-the-fly ("final style") and staged ("initial style") processing: autodidax.html#on-the-fly-final-style-and-staged-initial-style-processing + autodidax.ipynb#part-1-transformations-as-interpreters-standard-evaluation-jvp-and-vmap Part 1: Transformations as interpreters: standard evaluation, jvp, and vmap: autodidax.html#part-1-transformations-as-interpreters-standard-evaluation-jvp-and-vmap + autodidax.ipynb#part-2-jaxprs Part 2: Jaxprs : autodidax.html#part-2-jaxprs + autodidax.ipynb#part-3-jit-simplified Part 3: jit, simplified : autodidax.html#part-3-jit-simplified + autodidax.ipynb#part-4-linearize-and-vjp-and-grad Part 4: linearize and vjp (and grad!) : autodidax.html#part-4-linearize-and-vjp-and-grad + autodidax.ipynb#part-5-the-control-flow-primitives-cond Part 5: the control flow primitives cond: autodidax.html#part-5-the-control-flow-primitives-cond + autodidax.ipynb#pytrees-and-flattening-user-functions-inputs-and-outputs Pytrees and flattening user functions' inputs and outputs: autodidax.html#pytrees-and-flattening-user-functions-inputs-and-outputs + autodidax.ipynb#vectorized-batching-with-vmap Vectorized batching with vmap : autodidax.html#vectorized-batching-with-vmap + autodidax.ipynb#vjp-and-grad vjp and grad : autodidax.html#vjp-and-grad ble1990 _autosummary/jax.lax.associative_scan.html#ble1990 boost _autosummary/jax.scipy.special.gammaincc.html#boost + changelog.md#change-log Change log : changelog.html#change-log + changelog.md#jax-0158-january-28-2020 jax 0.1.58 (January 28, 2020) : changelog.html#jax-0-1-58-january-28-2020 + changelog.md#jax-0159-february-11-2020 jax 0.1.59 (February 11, 2020) : changelog.html#jax-0-1-59-february-11-2020 + changelog.md#jax-0160-march-17-2020 jax 0.1.60 (March 17, 2020) : changelog.html#jax-0-1-60-march-17-2020 + changelog.md#jax-0161-march-17-2020 jax 0.1.61 (March 17, 2020) : changelog.html#jax-0-1-61-march-17-2020 + changelog.md#jax-0162-march-21-2020 jax 0.1.62 (March 21, 2020) : changelog.html#jax-0-1-62-march-21-2020 + changelog.md#jax-0163-april-12-2020 jax 0.1.63 (April 12, 2020) : changelog.html#jax-0-1-63-april-12-2020 + changelog.md#jax-0164-april-21-2020 jax 0.1.64 (April 21, 2020) : changelog.html#jax-0-1-64-april-21-2020 + changelog.md#jax-0165-april-30-2020 jax 0.1.65 (April 30, 2020) : changelog.html#jax-0-1-65-april-30-2020 + changelog.md#jax-0166-may-5-2020 jax 0.1.66 (May 5, 2020) : changelog.html#jax-0-1-66-may-5-2020 + changelog.md#jax-0167-may-12-2020 jax 0.1.67 (May 12, 2020) : changelog.html#jax-0-1-67-may-12-2020 + changelog.md#jax-0168-may-21-2020 jax 0.1.68 (May 21, 2020) : changelog.html#jax-0-1-68-may-21-2020 + changelog.md#jax-0169-june-3-2020 jax 0.1.69 (June 3, 2020) : changelog.html#jax-0-1-69-june-3-2020 + changelog.md#jax-0170-june-8-2020 jax 0.1.70 (June 8, 2020) : changelog.html#jax-0-1-70-june-8-2020 + changelog.md#jax-0171-june-25-2020 jax 0.1.71 (June 25, 2020) : changelog.html#jax-0-1-71-june-25-2020 + changelog.md#jax-0172-june-28-2020 jax 0.1.72 (June 28, 2020) : changelog.html#jax-0-1-72-june-28-2020 + changelog.md#jax-0173-july-22-2020 jax 0.1.73 (July 22, 2020) : changelog.html#jax-0-1-73-july-22-2020 + changelog.md#jax-0174-july-29-2020 jax 0.1.74 (July 29, 2020) : changelog.html#jax-0-1-74-july-29-2020 + changelog.md#jax-0175-july-30-2020 jax 0.1.75 (July 30, 2020) : changelog.html#jax-0-1-75-july-30-2020 + changelog.md#jax-0176-september-8-2020 jax 0.1.76 (September 8, 2020) : changelog.html#jax-0-1-76-september-8-2020 + changelog.md#jax-0177-september-15-2020 jax (0.1.77) (September 15 2020) : changelog.html#jax-0-1-77-september-15-2020 + changelog.md#jax-020-september-23-2020 jax (0.2.0) (September 23 2020) : changelog.html#jax-0-2-0-september-23-2020 + changelog.md#jax-021-october-6-2020 jax 0.2.1 (October 6 2020) : changelog.html#jax-0-2-1-october-6-2020 + changelog.md#jax-0210-march-5-2021 jax 0.2.10 (March 5 2021) : changelog.html#jax-0-2-10-march-5-2021 + changelog.md#jax-0211-march-23-2021 jax 0.2.11 (March 23 2021) : changelog.html#jax-0-2-11-march-23-2021 + changelog.md#jax-0212-april-1-2021 jax 0.2.12 (April 1 2021) : changelog.html#jax-0-2-12-april-1-2021 + changelog.md#jax-0213-may-3-2021 jax 0.2.13 (May 3 2021) : changelog.html#jax-0-2-13-may-3-2021 + changelog.md#jax-0214-june-10-2021 jax 0.2.14 (June 10 2021) : changelog.html#jax-0-2-14-june-10-2021 + changelog.md#jax-0215-june-23-2021 jax 0.2.15 (June 23 2021) : changelog.html#jax-0-2-15-june-23-2021 + changelog.md#jax-0216-june-23-2021 jax 0.2.16 (June 23 2021) : changelog.html#jax-0-2-16-june-23-2021 + changelog.md#jax-0217-july-9-2021 jax 0.2.17 (July 9 2021) : changelog.html#jax-0-2-17-july-9-2021 + changelog.md#jax-0218-july-21-2021 jax 0.2.18 (July 21 2021) : changelog.html#jax-0-2-18-july-21-2021 + changelog.md#jax-0219-aug-12-2021 jax 0.2.19 (Aug 12, 2021) : changelog.html#jax-0-2-19-aug-12-2021 + changelog.md#jax-022-october-13-2020 jax 0.2.2 (October 13 2020) : changelog.html#jax-0-2-2-october-13-2020 + changelog.md#jax-0220-sept-2-2021 jax 0.2.20 (Sept 2, 2021) : changelog.html#jax-0-2-20-sept-2-2021 + changelog.md#jax-0221-sept-23-2021 jax 0.2.21 (Sept 23, 2021) : changelog.html#jax-0-2-21-sept-23-2021 + changelog.md#jax-0222-oct-12-2021 jax 0.2.22 (Oct 12, 2021) : changelog.html#jax-0-2-22-oct-12-2021 + changelog.md#jax-0224-oct-19-2021 jax 0.2.24 (Oct 19, 2021) : changelog.html#jax-0-2-24-oct-19-2021 + changelog.md#jax-0225-nov-10-2021 jax 0.2.25 (Nov 10, 2021) : changelog.html#jax-0-2-25-nov-10-2021 + changelog.md#jax-0226-dec-8-2021 jax 0.2.26 (Dec 8, 2021) : changelog.html#jax-0-2-26-dec-8-2021 + changelog.md#jax-0227-jan-18-2022 jax 0.2.27 (Jan 18 2022) : changelog.html#jax-0-2-27-jan-18-2022 + changelog.md#jax-0228-feb-1-2022 jax 0.2.28 (Feb 1, 2022) : changelog.html#jax-0-2-28-feb-1-2022 + changelog.md#jax-023-october-14-2020 jax 0.2.3 (October 14 2020) : changelog.html#jax-0-2-3-october-14-2020 + changelog.md#jax-024-october-19-2020 jax 0.2.4 (October 19 2020) : changelog.html#jax-0-2-4-october-19-2020 + changelog.md#jax-025-october-27-2020 jax 0.2.5 (October 27 2020) : changelog.html#jax-0-2-5-october-27-2020 + changelog.md#jax-026-nov-18-2020 jax 0.2.6 (Nov 18 2020) : changelog.html#jax-0-2-6-nov-18-2020 + changelog.md#jax-027-dec-4-2020 jax 0.2.7 (Dec 4 2020) : changelog.html#jax-0-2-7-dec-4-2020 + changelog.md#jax-028-january-12-2021 jax 0.2.8 (January 12 2021) : changelog.html#jax-0-2-8-january-12-2021 + changelog.md#jax-029-january-26-2021 jax 0.2.9 (January 26 2021) : changelog.html#jax-0-2-9-january-26-2021 + changelog.md#jax-030-feb-10-2022 jax 0.3.0 (Feb 10, 2022) : changelog.html#jax-0-3-0-feb-10-2022 + changelog.md#jax-031-feb-18-2022 jax 0.3.1 (Feb 18, 2022) : changelog.html#jax-0-3-1-feb-18-2022 + changelog.md#jax-0310-may-3-2022 jax 0.3.10 (May 3, 2022) : changelog.html#jax-0-3-10-may-3-2022 + changelog.md#jax-0311-may-15-2022 jax 0.3.11 (May 15, 2022) : changelog.html#jax-0-3-11-may-15-2022 + changelog.md#jax-0312-may-15-2022 jax 0.3.12 (May 15, 2022) : changelog.html#jax-0-3-12-may-15-2022 + changelog.md#jax-0313-may-16-2022 jax 0.3.13 (May 16, 2022) : changelog.html#jax-0-3-13-may-16-2022 + changelog.md#jax-0314-june-27-2022 jax 0.3.14 (June 27, 2022) : changelog.html#jax-0-3-14-june-27-2022 + changelog.md#jax-0315-unreleased jax 0.3.15 (Unreleased) : changelog.html#jax-0-3-15-unreleased + changelog.md#jax-032-march-16-2022 jax 0.3.2 (March 16, 2022) : changelog.html#jax-0-3-2-march-16-2022 + changelog.md#jax-033-march-17-2022 jax 0.3.3 (March 17, 2022) : changelog.html#jax-0-3-3-march-17-2022 + changelog.md#jax-034-march-18-2022 jax 0.3.4 (March 18, 2022) : changelog.html#jax-0-3-4-march-18-2022 + changelog.md#jax-035-april-7-2022 jax 0.3.5 (April 7, 2022) : changelog.html#jax-0-3-5-april-7-2022 + changelog.md#jax-036-april-12-2022 jax 0.3.6 (April 12, 2022) : changelog.html#jax-0-3-6-april-12-2022 + changelog.md#jax-037-april-15-2022 jax 0.3.7 (April 15, 2022) : changelog.html#jax-0-3-7-april-15-2022 + changelog.md#jax-038-april-29-2022 jax 0.3.8 (April 29 2022) : changelog.html#jax-0-3-8-april-29-2022 + changelog.md#jax-039-may-2-2022 jax 0.3.9 (May 2, 2022) : changelog.html#jax-0-3-9-may-2-2022 + changelog.md#jaxlib-0138-january-29-2020 jaxlib 0.1.38 (January 29, 2020) : changelog.html#jaxlib-0-1-38-january-29-2020 + changelog.md#jaxlib-0139-february-11-2020 jaxlib 0.1.39 (February 11, 2020) : changelog.html#jaxlib-0-1-39-february-11-2020 + changelog.md#jaxlib-0140-march-4-2020 jaxlib 0.1.40 (March 4, 2020) : changelog.html#jaxlib-0-1-40-march-4-2020 + changelog.md#jaxlib-0142-march-19-2020 jaxlib 0.1.42 (March 19, 2020) : changelog.html#jaxlib-0-1-42-march-19-2020 + changelog.md#jaxlib-0143-march-31-2020 jaxlib 0.1.43 (March 31, 2020) : changelog.html#jaxlib-0-1-43-march-31-2020 + changelog.md#jaxlib-0144-april-16-2020 jaxlib 0.1.44 (April 16, 2020) : changelog.html#jaxlib-0-1-44-april-16-2020 + changelog.md#jaxlib-0145-april-21-2020 jaxlib 0.1.45 (April 21, 2020) : changelog.html#jaxlib-0-1-45-april-21-2020 + changelog.md#jaxlib-0146-may-5-2020 jaxlib 0.1.46 (May 5, 2020) : changelog.html#jaxlib-0-1-46-may-5-2020 + changelog.md#jaxlib-0147-may-8-2020 jaxlib 0.1.47 (May 8, 2020) : changelog.html#jaxlib-0-1-47-may-8-2020 + changelog.md#jaxlib-0148-june-12-2020 jaxlib 0.1.48 (June 12, 2020) : changelog.html#jaxlib-0-1-48-june-12-2020 + changelog.md#jaxlib-0149-june-19-2020 jaxlib 0.1.49 (June 19, 2020) : changelog.html#jaxlib-0-1-49-june-19-2020 + changelog.md#jaxlib-0150-june-25-2020 jaxlib 0.1.50 (June 25, 2020) : changelog.html#jaxlib-0-1-50-june-25-2020 + changelog.md#jaxlib-0151-july-2-2020 jaxlib 0.1.51 (July 2, 2020) : changelog.html#jaxlib-0-1-51-july-2-2020 + changelog.md#jaxlib-0152-july-22-2020 jaxlib 0.1.52 (July 22, 2020) : changelog.html#jaxlib-0-1-52-july-22-2020 + changelog.md#jaxlib-0155-september-8-2020 jaxlib 0.1.55 (September 8, 2020) : changelog.html#jaxlib-0-1-55-september-8-2020 + changelog.md#jaxlib-0156-october-14-2020 jaxlib 0.1.56 (October 14, 2020) : changelog.html#jaxlib-0-1-56-october-14-2020 + changelog.md#jaxlib-0157-november-12-2020 jaxlib 0.1.57 (November 12 2020) : changelog.html#jaxlib-0-1-57-november-12-2020 + changelog.md#jaxlib-0158-january-12ish-2021 jaxlib 0.1.58 (January 12ish 2021) : changelog.html#jaxlib-0-1-58-january-12ish-2021 + changelog.md#jaxlib-0159-january-15-2021 jaxlib 0.1.59 (January 15 2021) : changelog.html#jaxlib-0-1-59-january-15-2021 + changelog.md#jaxlib-0160-febuary-3-2021 jaxlib 0.1.60 (Febuary 3 2021) : changelog.html#jaxlib-0-1-60-febuary-3-2021 + changelog.md#jaxlib-0161-february-12-2021 jaxlib 0.1.61 (February 12 2021) : changelog.html#jaxlib-0-1-61-february-12-2021 + changelog.md#jaxlib-0162-march-9-2021 jaxlib 0.1.62 (March 9 2021) : changelog.html#jaxlib-0-1-62-march-9-2021 + changelog.md#jaxlib-0163-march-17-2021 jaxlib 0.1.63 (March 17 2021) : changelog.html#jaxlib-0-1-63-march-17-2021 + changelog.md#jaxlib-0164-march-18-2021 jaxlib 0.1.64 (March 18 2021) : changelog.html#jaxlib-0-1-64-march-18-2021 + changelog.md#jaxlib-0165-april-7-2021 jaxlib 0.1.65 (April 7 2021) : changelog.html#jaxlib-0-1-65-april-7-2021 + changelog.md#jaxlib-0166-may-11-2021 jaxlib 0.1.66 (May 11 2021) : changelog.html#jaxlib-0-1-66-may-11-2021 + changelog.md#jaxlib-0167-may-17-2021 jaxlib 0.1.67 (May 17 2021) : changelog.html#jaxlib-0-1-67-may-17-2021 + changelog.md#jaxlib-0168-june-23-2021 jaxlib 0.1.68 (June 23 2021) : changelog.html#jaxlib-0-1-68-june-23-2021 + changelog.md#jaxlib-0169-july-9-2021 jaxlib 0.1.69 (July 9 2021) : changelog.html#jaxlib-0-1-69-july-9-2021 + changelog.md#jaxlib-0170-aug-9-2021 jaxlib 0.1.70 (Aug 9, 2021) : changelog.html#jaxlib-0-1-70-aug-9-2021 + changelog.md#jaxlib-0171-sep-1-2021 jaxlib 0.1.71 (Sep 1, 2021) : changelog.html#jaxlib-0-1-71-sep-1-2021 + changelog.md#jaxlib-0172-oct-12-2021 jaxlib 0.1.72 (Oct 12, 2021) : changelog.html#jaxlib-0-1-72-oct-12-2021 + changelog.md#jaxlib-0173-oct-18-2021 jaxlib 0.1.73 (Oct 18, 2021) : changelog.html#jaxlib-0-1-73-oct-18-2021 + changelog.md#jaxlib-0174-nov-17-2021 jaxlib 0.1.74 (Nov 17, 2021) : changelog.html#jaxlib-0-1-74-nov-17-2021 + changelog.md#jaxlib-0175-dec-8-2021 jaxlib 0.1.75 (Dec 8, 2021) : changelog.html#jaxlib-0-1-75-dec-8-2021 + changelog.md#jaxlib-0176-jan-27-2022 jaxlib 0.1.76 (Jan 27, 2022) : changelog.html#jaxlib-0-1-76-jan-27-2022 + changelog.md#jaxlib-030-feb-10-2022 jaxlib 0.3.0 (Feb 10, 2022) : changelog.html#jaxlib-0-3-0-feb-10-2022 + changelog.md#jaxlib-0310-may-3-2022 jaxlib 0.3.10 (May 3, 2022) : changelog.html#jaxlib-0-3-10-may-3-2022 + changelog.md#jaxlib-0314-june-27-2022 jaxlib 0.3.14 (June 27, 2022) : changelog.html#jaxlib-0-3-14-june-27-2022 + changelog.md#jaxlib-0315-unreleased jaxlib 0.3.15 (Unreleased) : changelog.html#jaxlib-0-3-15-unreleased + changelog.md#jaxlib-032-march-16-2022 jaxlib 0.3.2 (March 16, 2022) : changelog.html#jaxlib-0-3-2-march-16-2022 + changelog.md#jaxlib-035-april-7-2022 jaxlib 0.3.5 (April 7, 2022) : changelog.html#jaxlib-0-3-5-april-7-2022 + changelog.md#jaxlib-037-april-15-2022 jaxlib 0.3.7 (April 15, 2022) : changelog.html#jaxlib-0-3-7-april-15-2022 + changelog.md#notable-bug-fixes Notable bug fixes : changelog.html#notable-bug-fixes + contributing.md#contributing-code-using-pull-requests Contributing code using pull requests : contributing.html#contributing-code-using-pull-requests + contributing.md#contributing-to-jax Contributing to JAX : contributing.html#contributing-to-jax + contributing.md#full-github-test-suite Full GitHub test suite : contributing.html#full-github-test-suite + contributing.md#google-contributor-license-agreement Google contributor license agreement : contributing.html#google-contributor-license-agreement + contributing.md#jax-pull-request-checklist JAX pull request checklist : contributing.html#jax-pull-request-checklist + contributing.md#linting-and-type-checking Linting and Type-checking : contributing.html#linting-and-type-checking + contributing.md#restricted-test-suite Restricted test suite : contributing.html#restricted-test-suite + contributing.md#single-change-commits-and-pull-requests Single-change commits and pull requests : contributing.html#single-change-commits-and-pull-requests + contributing.md#ways-to-contribute Ways to contribute : contributing.html#ways-to-contribute ct _autosummary/jax.numpy.fft.fft.html#ct + custom_vjp_update.md#custom_vjp-and-nondiff_argnums-update-guide custom_vjp and nondiff_argnums update guide: custom_vjp_update.html#custom-vjp-and-nondiff-argnums-update-guide + custom_vjp_update.md#explanation Explanation : custom_vjp_update.html#explanation + custom_vjp_update.md#what-to-update What to update : custom_vjp_update.html#what-to-update + deprecation.md#python-and-numpy-version-support-policy Python and NumPy version support policy : deprecation.html#python-and-numpy-version-support-policy + design_notes/custom_derivatives.md#api API : design_notes/custom_derivatives.html#api + design_notes/custom_derivatives.md#contents Contents : design_notes/custom_derivatives.html#contents + design_notes/custom_derivatives.md#custom-jvpvjp-rules-for-jax-transformable-functions Custom JVP/VJP rules for JAX-transformable functions: design_notes/custom_derivatives.html#custom-jvp-vjp-rules-for-jax-transformable-functions + design_notes/custom_derivatives.md#goals Goals : design_notes/custom_derivatives.html#goals + design_notes/custom_derivatives.md#implementation-notes Implementation notes : design_notes/custom_derivatives.html#implementation-notes + design_notes/custom_derivatives.md#main-problem-descriptions Main problem descriptions : design_notes/custom_derivatives.html#main-problem-descriptions + design_notes/custom_derivatives.md#non-goals Non-goals : design_notes/custom_derivatives.html#non-goals + design_notes/custom_derivatives.md#solution-idea Solution idea : design_notes/custom_derivatives.html#solution-idea + design_notes/custom_derivatives.md#the-python-flexibility-problem The Python flexibility problem : design_notes/custom_derivatives.html#the-python-flexibility-problem + design_notes/custom_derivatives.md#the-vmap-removes-custom-jvp-semantics-problem The vmap-removes-custom-jvp semantics problem: design_notes/custom_derivatives.html#the-vmap-removes-custom-jvp-semantics-problem + design_notes/jax_versioning.md#how-are-jax-and-jaxlib-versioned How are jax and jaxlib versioned? : design_notes/jax_versioning.html#how-are-jax-and-jaxlib-versioned + design_notes/jax_versioning.md#how-can-i-safely-make-changes-to-the-api-of-jaxlib How can I safely make changes to the API of jaxlib?: design_notes/jax_versioning.html#how-can-i-safely-make-changes-to-the-api-of-jaxlib + design_notes/jax_versioning.md#how-do-we-make-changes-across-the-jax-and-jaxlib-boundary-between-releases How do we make changes across the jax and jaxlib boundary between releases?: design_notes/jax_versioning.html#how-do-we-make-changes-across-the-jax-and-jaxlib-boundary-between-releases + design_notes/jax_versioning.md#how-is-the-source-to-jaxlib-laid-out How is the source to jaxlib laid out? : design_notes/jax_versioning.html#how-is-the-source-to-jaxlib-laid-out + design_notes/jax_versioning.md#jax-and-jaxlib-versioning Jax and Jaxlib versioning : design_notes/jax_versioning.html#jax-and-jaxlib-versioning + design_notes/jax_versioning.md#why-are-jax-and-jaxlib-separate-packages Why are jax and jaxlib separate packages?: design_notes/jax_versioning.html#why-are-jax-and-jaxlib-separate-packages + design_notes/omnistaging.md#contents Contents : design_notes/omnistaging.html#contents + design_notes/omnistaging.md#dependence-on-jax-internal-apis-that-changed Dependence on JAX internal APIs that changed: design_notes/omnistaging.html#dependence-on-jax-internal-apis-that-changed + design_notes/omnistaging.md#how-can-i-disable-omnistaging-for-now How can I disable omnistaging for now? : design_notes/omnistaging.html#how-can-i-disable-omnistaging-for-now + design_notes/omnistaging.md#how-do-i-fix-bugs-exposed-by-omnistaging How do I fix bugs exposed by omnistaging?: design_notes/omnistaging.html#how-do-i-fix-bugs-exposed-by-omnistaging + design_notes/omnistaging.md#how-do-i-know-if-omnistaging-broke-my-code How do I know if omnistaging broke my code?: design_notes/omnistaging.html#how-do-i-know-if-omnistaging-broke-my-code + design_notes/omnistaging.md#omnistaging Omnistaging : design_notes/omnistaging.html#omnistaging + design_notes/omnistaging.md#side-effects Side-effects : design_notes/omnistaging.html#side-effects + design_notes/omnistaging.md#slightly-less-toy-example Slightly less toy example : design_notes/omnistaging.html#slightly-less-toy-example + design_notes/omnistaging.md#small-numerical-differences-based-on-xla-optimizations Small numerical differences based on XLA optimizations: design_notes/omnistaging.html#small-numerical-differences-based-on-xla-optimizations + design_notes/omnistaging.md#tldr tl;dr : design_notes/omnistaging.html#tl-dr + design_notes/omnistaging.md#toy-example Toy example : design_notes/omnistaging.html#toy-example + design_notes/omnistaging.md#triggering-xla-compile-time-bugs Triggering XLA compile time bugs : design_notes/omnistaging.html#triggering-xla-compile-time-bugs + design_notes/omnistaging.md#using-jaxnumpy-for-shape-computations Using jax.numpy for shape computations : design_notes/omnistaging.html#using-jax-numpy-for-shape-computations + design_notes/omnistaging.md#what-is-omnistaging-and-why-is-it-useful What is "omnistaging" and why is it useful?: design_notes/omnistaging.html#what-is-omnistaging-and-why-is-it-useful + design_notes/omnistaging.md#what-issues-can-arise-when-omnistaging-is-switched-on What issues can arise when omnistaging is switched on?: design_notes/omnistaging.html#what-issues-can-arise-when-omnistaging-is-switched-on + design_notes/omnistaging.md#whats-going-on What's going on? : design_notes/omnistaging.html#what-s-going-on + design_notes/prng.md#contents Contents : design_notes/prng.html#contents + design_notes/prng.md#design Design : design_notes/prng.html#design + design_notes/prng.md#jax-prng-design JAX PRNG Design : design_notes/prng.html#jax-prng-design + design_notes/prng.md#more-realistic-example-user-programs More realistic example user programs : design_notes/prng.html#more-realistic-example-user-programs + design_notes/prng.md#three-programming-models-and-toy-example-programs Three programming models and toy example programs: design_notes/prng.html#three-programming-models-and-toy-example-programs + design_notes/prng.md#tradeoffs-and-alternatives Tradeoffs and alternatives : design_notes/prng.html#tradeoffs-and-alternatives + design_notes/sequencing_effects.md#adding-compiler-tokens Adding compiler tokens : design_notes/sequencing_effects.html#adding-compiler-tokens + design_notes/sequencing_effects.md#background Background : design_notes/sequencing_effects.html#background + design_notes/sequencing_effects.md#blocking-on-output-tokens Blocking on output tokens : design_notes/sequencing_effects.html#blocking-on-output-tokens + design_notes/sequencing_effects.md#enforcing-ordered-effects Enforcing ordered effects : design_notes/sequencing_effects.html#enforcing-ordered-effects + design_notes/sequencing_effects.md#managing-runtime-tokens Managing runtime tokens : design_notes/sequencing_effects.html#managing-runtime-tokens + design_notes/sequencing_effects.md#motivation Motivation : design_notes/sequencing_effects.html#motivation + design_notes/sequencing_effects.md#overview Overview : design_notes/sequencing_effects.html#overview + design_notes/sequencing_effects.md#runtime-tokens-vs-compiler-tokens Runtime tokens vs. compiler tokens : design_notes/sequencing_effects.html#runtime-tokens-vs-compiler-tokens + design_notes/sequencing_effects.md#sequencing-side-effects-in-jax Sequencing side-effects in JAX : design_notes/sequencing_effects.html#sequencing-side-effects-in-jax + design_notes/sequencing_effects.md#some-more-details Some more details : design_notes/sequencing_effects.html#some-more-details + design_notes/type_promotion.ipynb#appendix-example-type-promotion-tables Appendix: Example Type Promotion Tables : design_notes/type_promotion.html#appendix-example-type-promotion-tables + design_notes/type_promotion.ipynb#combining-lattices Combining Lattices : design_notes/type_promotion.html#combining-lattices + design_notes/type_promotion.ipynb#design-of-type-promotion-semantics-for-jax Design of Type Promotion Semantics for JAX: design_notes/type_promotion.html#design-of-type-promotion-semantics-for-jax + design_notes/type_promotion.ipynb#enter-python-scalars Enter Python Scalars : design_notes/type_promotion.html#enter-python-scalars + design_notes/type_promotion.ipynb#goals-of-jax-type-promotion Goals of JAX Type Promotion : design_notes/type_promotion.html#goals-of-jax-type-promotion + design_notes/type_promotion.ipynb#how-to-handle-uint64 How to handle uint64? : design_notes/type_promotion.html#how-to-handle-uint64 + design_notes/type_promotion.ipynb#jax-type-promotion-jaxlax JAX Type Promotion: jax.lax : design_notes/type_promotion.html#jax-type-promotion-jax-lax + design_notes/type_promotion.ipynb#jax-type-promotion-jaxnumpy JAX Type Promotion: jax.numpy : design_notes/type_promotion.html#jax-type-promotion-jax-numpy + design_notes/type_promotion.ipynb#mixed-promotion-float-and-complex Mixed Promotion: Float and Complex : design_notes/type_promotion.html#mixed-promotion-float-and-complex + design_notes/type_promotion.ipynb#mixed-promotion-integer-and-floating Mixed Promotion: Integer and Floating : design_notes/type_promotion.html#mixed-promotion-integer-and-floating + design_notes/type_promotion.ipynb#mixed-promotion-signed--unsigned-integers Mixed Promotion: Signed & Unsigned Integers: design_notes/type_promotion.html#mixed-promotion-signed-unsigned-integers + design_notes/type_promotion.ipynb#numpy-type-promotion NumPy Type Promotion : design_notes/type_promotion.html#numpy-type-promotion + design_notes/type_promotion.ipynb#option-0-leave-integerfloating-mixed-precision-undefined Option 0: Leave integer/floating mixed precision undefined: design_notes/type_promotion.html#option-0-leave-integer-floating-mixed-precision-undefined + design_notes/type_promotion.ipynb#option-1-avoiding-all-precision-loss Option 1: Avoiding All Precision Loss : design_notes/type_promotion.html#option-1-avoiding-all-precision-loss + design_notes/type_promotion.ipynb#option-2-avoid-most-wider-than-necessary-promotions Option 2: Avoid most wider-than-necessary promotions: design_notes/type_promotion.html#option-2-avoid-most-wider-than-necessary-promotions + design_notes/type_promotion.ipynb#option-3-avoid-all-wider-than-necessary-promotions Option 3: Avoid all wider-than-necessary promotions: design_notes/type_promotion.html#option-3-avoid-all-wider-than-necessary-promotions + design_notes/type_promotion.ipynb#properties-of-a-type-promotion-lattice Properties of a Type Promotion Lattice : design_notes/type_promotion.html#properties-of-a-type-promotion-lattice + design_notes/type_promotion.ipynb#pytorch-type-promotion PyTorch Type Promotion : design_notes/type_promotion.html#pytorch-type-promotion + design_notes/type_promotion.ipynb#stepping-back-tables-and-lattices Stepping Back: Tables and Lattices : design_notes/type_promotion.html#stepping-back-tables-and-lattices + design_notes/type_promotion.ipynb#tensorflow-type-promotion Tensorflow Type Promotion : design_notes/type_promotion.html#tensorflow-type-promotion + design_notes/type_promotion.ipynb#type-promotion-in-jax Type Promotion in JAX : design_notes/type_promotion.html#type-promotion-in-jax + design_notes/type_promotion.ipynb#type-promotion-within-categories Type Promotion within Categories : design_notes/type_promotion.html#type-promotion-within-categories + developer.md#additional-notes-for-building-jaxlib-from-source-on-windows Additional Notes for Building jaxlib from source on Windows: developer.html#additional-notes-for-building-jaxlib-from-source-on-windows + developer.md#building-from-source Building from source : developer.html#building-from-source + developer.md#building-jaxlib-from-source Building jaxlib from source : developer.html#building-jaxlib-from-source + developer.md#building-jaxlib-from-source-with-a-modified-tensorflow-repository Building jaxlib from source with a modified TensorFlow repository.: developer.html#building-jaxlib-from-source-with-a-modified-tensorflow-repository + developer.md#building-or-installing-jaxlib Building or installing jaxlib : developer.html#building-or-installing-jaxlib + developer.md#controlling-test-behavior Controlling test behavior : developer.html#controlling-test-behavior + developer.md#creating-new-notebooks Creating new notebooks : developer.html#creating-new-notebooks + developer.md#doctests Doctests : developer.html#doctests + developer.md#documentation-building-on-readthedocsio Documentation building on readthedocs.io: developer.html#documentation-building-on-readthedocs-io + developer.md#editing-ipynb Editing ipynb : developer.html#editing-ipynb + developer.md#editing-md Editing md : developer.html#editing-md + developer.md#installing-jax Installing jax : developer.html#installing-jax + developer.md#installing-jaxlib-with-pip Installing jaxlib with pip : developer.html#installing-jaxlib-with-pip + developer.md#linting Linting : developer.html#linting + developer.md#notebooks-within-the-sphinx-build Notebooks within the sphinx build : developer.html#notebooks-within-the-sphinx-build + developer.md#running-the-tests Running the tests : developer.html#running-the-tests + developer.md#syncing-notebooks Syncing notebooks : developer.html#syncing-notebooks + developer.md#type-checking Type checking : developer.html#type-checking + developer.md#update-documentation Update documentation : developer.html#update-documentation + developer.md#update-notebooks Update notebooks : developer.html#id1 + developer.md#using-bazel Using Bazel : developer.html#using-bazel + developer.md#using-pytest Using pytest : developer.html#using-pytest + device_memory_profiling.md#debugging-memory-leaks Debugging memory leaks : device_memory_profiling.html#debugging-memory-leaks + device_memory_profiling.md#device-memory-profiling Device Memory Profiling : device_memory_profiling.html#device-memory-profiling + device_memory_profiling.md#installation Installation : device_memory_profiling.html#installation + device_memory_profiling.md#understanding-how-a-jax-program-is-using-gpu-or-tpu-memory Understanding how a JAX program is using GPU or TPU memory: device_memory_profiling.html#understanding-how-a-jax-program-is-using-gpu-or-tpu-memory dlmf _autosummary/jax.scipy.special.zeta.html#dlmf extending-pytrees Extending pytrees : pytrees.html#extending-pytrees faq-benchmark Benchmarking JAX code : faq.html#faq-benchmark @@ -2077,21 +2369,250 @@ std:label 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-class-methods How to use jit with methods? : faq.html#faq-jit-class-methods 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 + jax-101/01-jax-basics.ipynb#auxiliary-data Auxiliary data : jax-101/01-jax-basics.html#auxiliary-data + jax-101/01-jax-basics.ipynb#differences-from-numpy Differences from NumPy : jax-101/01-jax-basics.html#differences-from-numpy + jax-101/01-jax-basics.ipynb#getting-started-with-jax-numpy Getting started with JAX numpy : jax-101/01-jax-basics.html#getting-started-with-jax-numpy + jax-101/01-jax-basics.ipynb#jax-as-accelerated-numpy JAX As Accelerated NumPy : jax-101/01-jax-basics.html#jax-as-accelerated-numpy + jax-101/01-jax-basics.ipynb#jax-first-transformation-grad JAX first transformation: grad : jax-101/01-jax-basics.html#jax-first-transformation-grad + jax-101/01-jax-basics.ipynb#value-and-grad Value and Grad : jax-101/01-jax-basics.html#value-and-grad + jax-101/01-jax-basics.ipynb#your-first-jax-training-loop Your first JAX training loop : jax-101/01-jax-basics.html#your-first-jax-training-loop + jax-101/02-jitting.ipynb#caching Caching : jax-101/02-jitting.html#caching + jax-101/02-jitting.ipynb#how-jax-transforms-work How JAX transforms work : jax-101/02-jitting.html#how-jax-transforms-work + jax-101/02-jitting.ipynb#jit-compiling-a-function JIT compiling a function : jax-101/02-jitting.html#jit-compiling-a-function + jax-101/02-jitting.ipynb#just-in-time-compilation-with-jax Just In Time Compilation with JAX : jax-101/02-jitting.html#just-in-time-compilation-with-jax + jax-101/02-jitting.ipynb#when-to-use-jit When to use JIT : jax-101/02-jitting.html#when-to-use-jit + jax-101/02-jitting.ipynb#why-cant-we-just-jit-everything Why can't we just JIT everything? : jax-101/02-jitting.html#why-can-t-we-just-jit-everything + jax-101/03-vectorization.ipynb#automatic-vectorization Automatic Vectorization : jax-101/03-vectorization.html#automatic-vectorization + jax-101/03-vectorization.ipynb#automatic-vectorization-in-jax Automatic Vectorization in JAX : jax-101/03-vectorization.html#automatic-vectorization-in-jax + jax-101/03-vectorization.ipynb#combining-transformations Combining transformations : jax-101/03-vectorization.html#combining-transformations + jax-101/03-vectorization.ipynb#manual-vectorization Manual Vectorization : jax-101/03-vectorization.html#manual-vectorization + jax-101/04-advanced-autodiff.ipynb#advanced-automatic-differentiation-in-jax Advanced Automatic Differentiation in JAX: jax-101/04-advanced-autodiff.html#advanced-automatic-differentiation-in-jax + jax-101/04-advanced-autodiff.ipynb#higher-order-derivatives Higher-order derivatives : jax-101/04-advanced-autodiff.html#higher-order-derivatives + jax-101/04-advanced-autodiff.ipynb#higher-order-optimization Higher order optimization : jax-101/04-advanced-autodiff.html#higher-order-optimization + jax-101/04-advanced-autodiff.ipynb#per-example-gradients Per-example gradients : jax-101/04-advanced-autodiff.html#per-example-gradients + jax-101/04-advanced-autodiff.ipynb#stopping-gradients Stopping gradients : jax-101/04-advanced-autodiff.html#stopping-gradients + jax-101/04-advanced-autodiff.ipynb#straight-through-estimator-using-stop_gradient Straight-through estimator using stop_gradient: jax-101/04-advanced-autodiff.html#straight-through-estimator-using-stop-gradient + jax-101/05-random-numbers.ipynb#pseudo-random-numbers-in-jax Pseudo Random Numbers in JAX : jax-101/05-random-numbers.html#pseudo-random-numbers-in-jax + jax-101/05-random-numbers.ipynb#random-numbers-in-jax Random numbers in JAX : jax-101/05-random-numbers.html#random-numbers-in-jax + jax-101/05-random-numbers.ipynb#random-numbers-in-numpy Random numbers in NumPy : jax-101/05-random-numbers.html#random-numbers-in-numpy + jax-101/05.1-pytrees.ipynb#common-pytree-functions Common pytree functions : jax-101/05.1-pytrees.html#common-pytree-functions + jax-101/05.1-pytrees.ipynb#common-pytree-gotchas-and-patterns Common pytree gotchas and patterns : jax-101/05.1-pytrees.html#common-pytree-gotchas-and-patterns + jax-101/05.1-pytrees.ipynb#custom-pytree-nodes Custom pytree nodes : jax-101/05.1-pytrees.html#custom-pytree-nodes + jax-101/05.1-pytrees.ipynb#example-ml-model-parameters Example: ML model parameters : jax-101/05.1-pytrees.html#example-ml-model-parameters + jax-101/05.1-pytrees.ipynb#gotchas Gotchas : jax-101/05.1-pytrees.html#gotchas + jax-101/05.1-pytrees.ipynb#more-information More Information : jax-101/05.1-pytrees.html#more-information + jax-101/05.1-pytrees.ipynb#patterns Patterns : jax-101/05.1-pytrees.html#patterns + jax-101/05.1-pytrees.ipynb#what-is-a-pytree What is a pytree? : jax-101/05.1-pytrees.html#what-is-a-pytree + jax-101/05.1-pytrees.ipynb#why-pytrees Why pytrees? : jax-101/05.1-pytrees.html#why-pytrees + jax-101/05.1-pytrees.ipynb#working-with-pytrees Working with Pytrees : jax-101/05.1-pytrees.html#working-with-pytrees + jax-101/06-parallelism.ipynb#aside-hosts-and-devices-in-jax Aside: hosts and devices in JAX : jax-101/06-parallelism.html#aside-hosts-and-devices-in-jax + jax-101/06-parallelism.ipynb#colab-tpu-setup Colab TPU Setup : jax-101/06-parallelism.html#colab-tpu-setup + jax-101/06-parallelism.ipynb#communication-between-devices Communication between devices : jax-101/06-parallelism.html#communication-between-devices + jax-101/06-parallelism.ipynb#example Example : jax-101/06-parallelism.html#example + jax-101/06-parallelism.ipynb#nesting-jaxpmap-and-jaxvmap Nesting jax.pmap and jax.vmap : jax-101/06-parallelism.html#nesting-jax-pmap-and-jax-vmap + jax-101/06-parallelism.ipynb#parallel-evaluation-in-jax Parallel Evaluation in JAX : jax-101/06-parallelism.html#parallel-evaluation-in-jax + jax-101/06-parallelism.ipynb#pmap-and-jit pmap and jit : jax-101/06-parallelism.html#pmap-and-jit + jax-101/06-parallelism.ipynb#specifying-in_axes Specifying in_axes : jax-101/06-parallelism.html#specifying-in-axes + jax-101/06-parallelism.ipynb#the-basics The basics : jax-101/06-parallelism.html#the-basics + jax-101/07-state.ipynb#a-general-strategy A general strategy : jax-101/07-state.html#a-general-strategy + jax-101/07-state.ipynb#a-simple-example-counter A simple example: Counter : jax-101/07-state.html#a-simple-example-counter + jax-101/07-state.ipynb#motivation Motivation : jax-101/07-state.html#motivation + jax-101/07-state.ipynb#simple-worked-example-linear-regression Simple worked example: Linear Regression: jax-101/07-state.html#simple-worked-example-linear-regression + jax-101/07-state.ipynb#stateful-computations-in-jax Stateful Computations in JAX : jax-101/07-state.html#stateful-computations-in-jax + jax-101/07-state.ipynb#taking-it-further Taking it further : jax-101/07-state.html#taking-it-further + jax-101/07-state.ipynb#the-solution-explicit-state The solution: explicit state : jax-101/07-state.html#the-solution-explicit-state + jax-101/08-pjit.md#--partitionspecnone-x - PartitionSpec(None, 'x') : jax-101/08-pjit.html#partitionspec-none-x + jax-101/08-pjit.md#--partitionspecnone-y - PartitionSpec(None, 'y') : jax-101/08-pjit.html#partitionspec-none-y + jax-101/08-pjit.md#--partitionspecx-none - PartitionSpec('x', None) : jax-101/08-pjit.html#partitionspec-x-none + jax-101/08-pjit.md#--partitionspecx-y-none - PartitionSpec((“x”, “y”), None) : jax-101/08-pjit.html#partitionspec-x-y-none + jax-101/08-pjit.md#--partitionspecy-none - PartitionSpec('y', None) : jax-101/08-pjit.html#partitionspec-y-none + jax-101/08-pjit.md#background Background : jax-101/08-pjit.html#background + jax-101/08-pjit.md#how-it-works How it works: : jax-101/08-pjit.html#how-it-works + jax-101/08-pjit.md#in_axis_resources--out_axis_resources in_axis_resources & out_axis_resources : jax-101/08-pjit.html#in-axis-resources-out-axis-resources + jax-101/08-pjit.md#in_axis_resources--out_axis_resources-1 in_axis_resources & out_axis_resources : jax-101/08-pjit.html#id4 + jax-101/08-pjit.md#input-data Input Data : jax-101/08-pjit.html#input-data + jax-101/08-pjit.md#input-data-1 Input data : jax-101/08-pjit.html#id3 + jax-101/08-pjit.md#introduction-to-pjit Introduction to pjit : jax-101/08-pjit.html#introduction-to-pjit + jax-101/08-pjit.md#mesh Mesh : jax-101/08-pjit.html#mesh + jax-101/08-pjit.md#mesh-1 Mesh : jax-101/08-pjit.html#id2 + jax-101/08-pjit.md#more-information-on-partitionspec More information on PartitionSpec: : jax-101/08-pjit.html#more-information-on-partitionspec + jax-101/08-pjit.md#multiple-host-example Multiple Host Example : jax-101/08-pjit.html#multiple-host-example + jax-101/08-pjit.md#putting-everything-together Putting everything together : jax-101/08-pjit.html#putting-everything-together + jax-101/08-pjit.md#putting-everything-together-1 Putting everything together : jax-101/08-pjit.html#id5 + jax-101/08-pjit.md#setup Setup : jax-101/08-pjit.html#setup + jax-101/08-pjit.md#setup-1 Setup : jax-101/08-pjit.html#id1 + jax-101/08-pjit.md#single-host-example Single Host Example : jax-101/08-pjit.html#single-host-example jax-errors JAX Errors : errors.html#jax-errors jax-grad Automatic differentiation : jax.html#jax-grad jax-jit Just-in-time compilation (jit) : jax.html#jax-jit jax-parallel-operators Parallel operators : jax.lax.html#jax-parallel-operators lax-control-flow Control flow operators : jax.lax.html#lax-control-flow modindex Module Index : py-modindex.html + multi_process.md#introduction Introduction : multi_process.html#introduction + multi_process.md#launching-jax-processes Launching JAX processes : multi_process.html#launching-jax-processes + multi_process.md#local-vs-global-devices Local vs. global devices : multi_process.html#local-vs-global-devices + multi_process.md#multi-process-programming-model Multi-process programming model : multi_process.html#multi-process-programming-model + multi_process.md#running-multi-process-computations Running multi-process computations : multi_process.html#running-multi-process-computations + multi_process.md#using-jax-in-multi-host-and-multi-process-environments Using JAX in multi-host and multi-process environments: multi_process.html#using-jax-in-multi-host-and-multi-process-environments multiple_installs Multiple TensorBoard installs : profiling.html#multiple-installs + notebooks/Common_Gotchas_in_JAX.ipynb#-control-flow 🔪 Control Flow : notebooks/Common_Gotchas_in_JAX.html#control-flow + notebooks/Common_Gotchas_in_JAX.ipynb#-double-64bit-precision 🔪 Double (64bit) precision : notebooks/Common_Gotchas_in_JAX.html#double-64bit-precision + notebooks/Common_Gotchas_in_JAX.ipynb#-in-place-updates 🔪 In-Place Updates : notebooks/Common_Gotchas_in_JAX.html#in-place-updates + notebooks/Common_Gotchas_in_JAX.ipynb#-jax---the-sharp-bits- 🔪 JAX - The Sharp Bits 🔪 : notebooks/Common_Gotchas_in_JAX.html#jax-the-sharp-bits + notebooks/Common_Gotchas_in_JAX.ipynb#-miscellaneous-divergences-from-numpy 🔪 Miscellaneous Divergences from NumPy : notebooks/Common_Gotchas_in_JAX.html#miscellaneous-divergences-from-numpy + notebooks/Common_Gotchas_in_JAX.ipynb#-nans 🔪 NaNs : notebooks/Common_Gotchas_in_JAX.html#nans + notebooks/Common_Gotchas_in_JAX.ipynb#-non-array-inputs-numpy-vs-jax 🔪 Non-array inputs: NumPy vs. JAX : notebooks/Common_Gotchas_in_JAX.html#non-array-inputs-numpy-vs-jax + notebooks/Common_Gotchas_in_JAX.ipynb#-out-of-bounds-indexing 🔪 Out-of-Bounds Indexing : notebooks/Common_Gotchas_in_JAX.html#out-of-bounds-indexing + notebooks/Common_Gotchas_in_JAX.ipynb#-pure-functions 🔪 Pure functions : notebooks/Common_Gotchas_in_JAX.html#pure-functions + notebooks/Common_Gotchas_in_JAX.ipynb#-python-control_flow--autodiff- ✔ python control_flow + autodiff ✔ : notebooks/Common_Gotchas_in_JAX.html#python-control-flow-autodiff + notebooks/Common_Gotchas_in_JAX.ipynb#-random-numbers 🔪 Random Numbers : notebooks/Common_Gotchas_in_JAX.html#random-numbers + notebooks/Common_Gotchas_in_JAX.ipynb#array-updates-with-other-operations Array updates with other operations : notebooks/Common_Gotchas_in_JAX.html#array-updates-with-other-operations + notebooks/Common_Gotchas_in_JAX.ipynb#array-updates-xatidxsety Array updates: x.at[idx].set(y) : notebooks/Common_Gotchas_in_JAX.html#array-updates-x-at-idx-set-y + notebooks/Common_Gotchas_in_JAX.ipynb#caveats Caveats : notebooks/Common_Gotchas_in_JAX.html#caveats + notebooks/Common_Gotchas_in_JAX.ipynb#debugging-nans Debugging NaNs : notebooks/Common_Gotchas_in_JAX.html#debugging-nans + notebooks/Common_Gotchas_in_JAX.ipynb#fin Fin. : notebooks/Common_Gotchas_in_JAX.html#fin + notebooks/Common_Gotchas_in_JAX.ipynb#jax-prng JAX PRNG : notebooks/Common_Gotchas_in_JAX.html#jax-prng + notebooks/Common_Gotchas_in_JAX.ipynb#python-control-flow--jit python control flow + JIT : notebooks/Common_Gotchas_in_JAX.html#python-control-flow-jit + notebooks/Common_Gotchas_in_JAX.ipynb#rngs-and-state RNGs and State : notebooks/Common_Gotchas_in_JAX.html#rngs-and-state + notebooks/Common_Gotchas_in_JAX.ipynb#structured-control-flow-primitives Structured control flow primitives : notebooks/Common_Gotchas_in_JAX.html#structured-control-flow-primitives + notebooks/Custom_derivative_rules_for_Python_code.ipynb#basic-usage-of-jaxcustom_jvp-and-jaxcustom_vjp-apis Basic usage of jax.custom_jvp and jax.custom_vjp APIs: notebooks/Custom_derivative_rules_for_Python_code.html#basic-usage-of-jax-custom-jvp-and-jax-custom-vjp-apis + notebooks/Custom_derivative_rules_for_Python_code.ipynb#custom-derivative-rules-for-jax-transformable-python-functions Custom derivative rules for JAX-transformable Python functions: notebooks/Custom_derivative_rules_for_Python_code.html#custom-derivative-rules-for-jax-transformable-python-functions + notebooks/Custom_derivative_rules_for_Python_code.ipynb#custom-jvps-with-jaxcustom_jvp Custom JVPs with jax.custom_jvp : notebooks/Custom_derivative_rules_for_Python_code.html#custom-jvps-with-jax-custom-jvp + notebooks/Custom_derivative_rules_for_Python_code.ipynb#custom-vjps-with-jaxcustom_vjp Custom VJPs with jax.custom_vjp : notebooks/Custom_derivative_rules_for_Python_code.html#custom-vjps-with-jax-custom-vjp + notebooks/Custom_derivative_rules_for_Python_code.ipynb#enforcing-a-differentiation-convention Enforcing a differentiation convention : notebooks/Custom_derivative_rules_for_Python_code.html#enforcing-a-differentiation-convention + notebooks/Custom_derivative_rules_for_Python_code.ipynb#example-problems Example problems : notebooks/Custom_derivative_rules_for_Python_code.html#example-problems + notebooks/Custom_derivative_rules_for_Python_code.ipynb#gradient-clipping Gradient clipping : notebooks/Custom_derivative_rules_for_Python_code.html#gradient-clipping + notebooks/Custom_derivative_rules_for_Python_code.ipynb#handling--non-differentiable-arguments Handling non-differentiable arguments : notebooks/Custom_derivative_rules_for_Python_code.html#handling-non-differentiable-arguments + notebooks/Custom_derivative_rules_for_Python_code.ipynb#implicit-function-differentiation-of-iterative-implementations Implicit function differentiation of iterative implementations: notebooks/Custom_derivative_rules_for_Python_code.html#implicit-function-differentiation-of-iterative-implementations + notebooks/Custom_derivative_rules_for_Python_code.ipynb#more-features-and-details More features and details : notebooks/Custom_derivative_rules_for_Python_code.html#more-features-and-details + notebooks/Custom_derivative_rules_for_Python_code.ipynb#numerical-stability Numerical stability : notebooks/Custom_derivative_rules_for_Python_code.html#numerical-stability + notebooks/Custom_derivative_rules_for_Python_code.ipynb#python-debugging Python debugging : notebooks/Custom_derivative_rules_for_Python_code.html#python-debugging + notebooks/Custom_derivative_rules_for_Python_code.ipynb#tldr TL;DR : notebooks/Custom_derivative_rules_for_Python_code.html#tl-dr + notebooks/Custom_derivative_rules_for_Python_code.ipynb#use-jaxcustom_jvp-to-define-forward-mode-and-indirectly-reverse-mode-rules Use jax.custom_jvp to define forward-mode (and, indirectly, reverse-mode) rules: notebooks/Custom_derivative_rules_for_Python_code.html#use-jax-custom-jvp-to-define-forward-mode-and-indirectly-reverse-mode-rules + notebooks/Custom_derivative_rules_for_Python_code.ipynb#use-jaxcustom_vjp-to-define-custom-reverse-mode-only-rules Use jax.custom_vjp to define custom reverse-mode-only rules: notebooks/Custom_derivative_rules_for_Python_code.html#use-jax-custom-vjp-to-define-custom-reverse-mode-only-rules + notebooks/Custom_derivative_rules_for_Python_code.ipynb#working-with-list--tuple--dict-containers-and-other-pytrees Working with list / tuple / dict containers (and other pytrees): notebooks/Custom_derivative_rules_for_Python_code.html#working-with-list-tuple-dict-containers-and-other-pytrees + notebooks/How_JAX_primitives_work.ipynb#batching Batching : notebooks/How_JAX_primitives_work.html#batching + notebooks/How_JAX_primitives_work.ipynb#defining-new-jax-primitives Defining new JAX primitives : notebooks/How_JAX_primitives_work.html#defining-new-jax-primitives + notebooks/How_JAX_primitives_work.ipynb#forward-differentiation Forward differentiation : notebooks/How_JAX_primitives_work.html#forward-differentiation + notebooks/How_JAX_primitives_work.ipynb#how-jax-primitives-work How JAX primitives work : notebooks/How_JAX_primitives_work.html#how-jax-primitives-work + notebooks/How_JAX_primitives_work.ipynb#jit JIT : notebooks/How_JAX_primitives_work.html#jit + notebooks/How_JAX_primitives_work.ipynb#primal-evaluation-rules Primal evaluation rules : notebooks/How_JAX_primitives_work.html#primal-evaluation-rules + notebooks/How_JAX_primitives_work.ipynb#reverse-differentiation Reverse differentiation : notebooks/How_JAX_primitives_work.html#reverse-differentiation + notebooks/How_JAX_primitives_work.ipynb#using-existing-primitives Using existing primitives : notebooks/How_JAX_primitives_work.html#using-existing-primitives + notebooks/Neural_Network_and_Data_Loading.ipynb#auto-batching-predictions Auto-batching predictions : notebooks/Neural_Network_and_Data_Loading.html#auto-batching-predictions + notebooks/Neural_Network_and_Data_Loading.ipynb#data-loading-with-pytorch Data Loading with PyTorch : notebooks/Neural_Network_and_Data_Loading.html#data-loading-with-pytorch + notebooks/Neural_Network_and_Data_Loading.ipynb#hyperparameters Hyperparameters : notebooks/Neural_Network_and_Data_Loading.html#hyperparameters + notebooks/Neural_Network_and_Data_Loading.ipynb#training-a-simple-neural-network-with-pytorch-data-loading Training a Simple Neural Network, with PyTorch Data Loading: notebooks/Neural_Network_and_Data_Loading.html#training-a-simple-neural-network-with-pytorch-data-loading + notebooks/Neural_Network_and_Data_Loading.ipynb#training-loop Training Loop : notebooks/Neural_Network_and_Data_Loading.html#training-loop + notebooks/Neural_Network_and_Data_Loading.ipynb#utility-and-loss-functions Utility and loss functions : notebooks/Neural_Network_and_Data_Loading.html#utility-and-loss-functions + notebooks/Writing_custom_interpreters_in_Jax.ipynb#1-tracing-a-function 1. Tracing a function : notebooks/Writing_custom_interpreters_in_Jax.html#tracing-a-function + notebooks/Writing_custom_interpreters_in_Jax.ipynb#2-evaluating-a-jaxpr 2. Evaluating a Jaxpr : notebooks/Writing_custom_interpreters_in_Jax.html#evaluating-a-jaxpr + notebooks/Writing_custom_interpreters_in_Jax.ipynb#custom-inverse-jaxpr-interpreter Custom inverse Jaxpr interpreter : notebooks/Writing_custom_interpreters_in_Jax.html#custom-inverse-jaxpr-interpreter + notebooks/Writing_custom_interpreters_in_Jax.ipynb#exercises-for-the-reader Exercises for the reader : notebooks/Writing_custom_interpreters_in_Jax.html#exercises-for-the-reader + notebooks/Writing_custom_interpreters_in_Jax.ipynb#jaxpr-tracer Jaxpr tracer : notebooks/Writing_custom_interpreters_in_Jax.html#jaxpr-tracer + notebooks/Writing_custom_interpreters_in_Jax.ipynb#what-is-jax-doing What is JAX doing? : notebooks/Writing_custom_interpreters_in_Jax.html#what-is-jax-doing + notebooks/Writing_custom_interpreters_in_Jax.ipynb#why-are-jaxprs-useful Why are Jaxprs useful? : notebooks/Writing_custom_interpreters_in_Jax.html#why-are-jaxprs-useful + notebooks/Writing_custom_interpreters_in_Jax.ipynb#writing-custom-jaxpr-interpreters-in-jax Writing custom Jaxpr interpreters in JAX: notebooks/Writing_custom_interpreters_in_Jax.html#writing-custom-jaxpr-interpreters-in-jax + notebooks/Writing_custom_interpreters_in_Jax.ipynb#your-first-interpreter-invert Your first interpreter: invert : notebooks/Writing_custom_interpreters_in_Jax.html#your-first-interpreter-invert + notebooks/autodiff_cookbook.ipynb#checking-against-numerical-differences Checking against numerical differences : notebooks/autodiff_cookbook.html#checking-against-numerical-differences + notebooks/autodiff_cookbook.ipynb#complex-numbers-and-differentiation Complex numbers and differentiation : notebooks/autodiff_cookbook.html#complex-numbers-and-differentiation + notebooks/autodiff_cookbook.ipynb#composing-vjps-jvps-and-vmap Composing VJPs, JVPs, and vmap : notebooks/autodiff_cookbook.html#composing-vjps-jvps-and-vmap + notebooks/autodiff_cookbook.ipynb#differentiating-with-respect-to-nested-lists-tuples-and-dicts Differentiating with respect to nested lists, tuples, and dicts: notebooks/autodiff_cookbook.html#differentiating-with-respect-to-nested-lists-tuples-and-dicts + notebooks/autodiff_cookbook.ipynb#evaluate-a-function-and-its-gradient-using-value_and_grad Evaluate a function and its gradient using value_and_grad: notebooks/autodiff_cookbook.html#evaluate-a-function-and-its-gradient-using-value-and-grad + notebooks/autodiff_cookbook.ipynb#gradients Gradients : notebooks/autodiff_cookbook.html#gradients + notebooks/autodiff_cookbook.ipynb#hessian-vector-products-using-both-forward--and-reverse-mode Hessian-vector products using both forward- and reverse-mode: notebooks/autodiff_cookbook.html#hessian-vector-products-using-both-forward-and-reverse-mode + notebooks/autodiff_cookbook.ipynb#hessian-vector-products-with-grad-of-grad Hessian-vector products with grad-of-grad: notebooks/autodiff_cookbook.html#hessian-vector-products-with-grad-of-grad + notebooks/autodiff_cookbook.ipynb#how-its-made-two-foundational-autodiff-functions How it's made: two foundational autodiff functions: notebooks/autodiff_cookbook.html#how-it-s-made-two-foundational-autodiff-functions + notebooks/autodiff_cookbook.ipynb#jacobian-matrix-and-matrix-jacobian-products Jacobian-Matrix and Matrix-Jacobian products: notebooks/autodiff_cookbook.html#jacobian-matrix-and-matrix-jacobian-products + notebooks/autodiff_cookbook.ipynb#jacobian-vector-products-jvps-aka-forward-mode-autodiff Jacobian-Vector products (JVPs, aka forward-mode autodiff): notebooks/autodiff_cookbook.html#jacobian-vector-products-jvps-aka-forward-mode-autodiff + notebooks/autodiff_cookbook.ipynb#jacobians-and-hessians-using-jacfwd-and-jacrev Jacobians and Hessians using jacfwd and jacrev: notebooks/autodiff_cookbook.html#jacobians-and-hessians-using-jacfwd-and-jacrev + notebooks/autodiff_cookbook.ipynb#more-advanced-autodiff More advanced autodiff : notebooks/autodiff_cookbook.html#more-advanced-autodiff + notebooks/autodiff_cookbook.ipynb#starting-with-grad Starting with grad : notebooks/autodiff_cookbook.html#starting-with-grad + notebooks/autodiff_cookbook.ipynb#the-autodiff-cookbook The Autodiff Cookbook : notebooks/autodiff_cookbook.html#the-autodiff-cookbook + notebooks/autodiff_cookbook.ipynb#the-implementation-of-jacfwd-and-jacrev The implementation of jacfwd and jacrev : notebooks/autodiff_cookbook.html#the-implementation-of-jacfwd-and-jacrev + notebooks/autodiff_cookbook.ipynb#vector-jacobian-products-vjps-aka-reverse-mode-autodiff Vector-Jacobian products (VJPs, aka reverse-mode autodiff): notebooks/autodiff_cookbook.html#vector-jacobian-products-vjps-aka-reverse-mode-autodiff + notebooks/autodiff_cookbook.ipynb#vector-valued-gradients-with-vjps Vector-valued gradients with VJPs : notebooks/autodiff_cookbook.html#vector-valued-gradients-with-vjps + notebooks/convolutions.ipynb#1d-convolutions 1D Convolutions : notebooks/convolutions.html#d-convolutions + notebooks/convolutions.ipynb#3d-convolutions 3D Convolutions : notebooks/convolutions.html#id1 + notebooks/convolutions.ipynb#basic-n-dimensional-convolution Basic N-dimensional Convolution : notebooks/convolutions.html#basic-n-dimensional-convolution + notebooks/convolutions.ipynb#basic-one-dimensional-convolution Basic One-dimensional Convolution : notebooks/convolutions.html#basic-one-dimensional-convolution + notebooks/convolutions.ipynb#convolutions-in-jax Convolutions in JAX : notebooks/convolutions.html#convolutions-in-jax + notebooks/convolutions.ipynb#dimension-numbers-define-dimensional-layout-for-conv_general_dilated Dimension Numbers define dimensional layout for conv_general_dilated: notebooks/convolutions.html#dimension-numbers-define-dimensional-layout-for-conv-general-dilated + notebooks/convolutions.ipynb#general-convolutions General Convolutions : notebooks/convolutions.html#general-convolutions + notebooks/convolutions.ipynb#laxconv-and-laxconv_with_general_padding lax.conv and lax.conv_with_general_padding: notebooks/convolutions.html#lax-conv-and-lax-conv-with-general-padding + notebooks/neural_network_with_tfds_data.ipynb#auto-batching-predictions Auto-batching predictions : notebooks/neural_network_with_tfds_data.html#auto-batching-predictions + notebooks/neural_network_with_tfds_data.ipynb#data-loading-with-tensorflowdatasets Data Loading with tensorflow/datasets : notebooks/neural_network_with_tfds_data.html#data-loading-with-tensorflow-datasets + notebooks/neural_network_with_tfds_data.ipynb#hyperparameters Hyperparameters : notebooks/neural_network_with_tfds_data.html#hyperparameters + notebooks/neural_network_with_tfds_data.ipynb#training-a-simple-neural-network-with-tensorflowdatasets-data-loading Training a Simple Neural Network, with tensorflow/datasets Data Loading: notebooks/neural_network_with_tfds_data.html#training-a-simple-neural-network-with-tensorflow-datasets-data-loading + notebooks/neural_network_with_tfds_data.ipynb#training-loop Training Loop : notebooks/neural_network_with_tfds_data.html#training-loop + notebooks/neural_network_with_tfds_data.ipynb#utility-and-loss-functions Utility and loss functions : notebooks/neural_network_with_tfds_data.html#utility-and-loss-functions + notebooks/quickstart.ipynb#auto-vectorization-with Auto-vectorization with vmap() : notebooks/quickstart.html#auto-vectorization-with-vmap + notebooks/quickstart.ipynb#jax-quickstart JAX Quickstart : notebooks/quickstart.html#jax-quickstart + notebooks/quickstart.ipynb#multiplying-matrices Multiplying Matrices : notebooks/quickstart.html#multiplying-matrices + notebooks/quickstart.ipynb#taking-derivatives-with Taking derivatives with grad() : notebooks/quickstart.html#taking-derivatives-with-grad + notebooks/quickstart.ipynb#using--to-speed-up-functions Using jit() to speed up functions : notebooks/quickstart.html#using-jit-to-speed-up-functions + notebooks/thinking_in_jax.ipynb#how-to-think-in-jax How to Think in JAX : notebooks/thinking_in_jax.html#how-to-think-in-jax + notebooks/thinking_in_jax.ipynb#jax-vs-numpy JAX vs. NumPy : notebooks/thinking_in_jax.html#jax-vs-numpy + notebooks/thinking_in_jax.ipynb#jit-mechanics-tracing-and-static-variables JIT mechanics: tracing and static variables: notebooks/thinking_in_jax.html#jit-mechanics-tracing-and-static-variables + notebooks/thinking_in_jax.ipynb#numpy-lax--xla-jax-api-layering NumPy, lax & XLA: JAX API layering : notebooks/thinking_in_jax.html#numpy-lax-xla-jax-api-layering + notebooks/thinking_in_jax.ipynb#static-vs-traced-operations Static vs Traced Operations : notebooks/thinking_in_jax.html#static-vs-traced-operations + notebooks/thinking_in_jax.ipynb#to-jit-or-not-to-jit To JIT or not to JIT : notebooks/thinking_in_jax.html#to-jit-or-not-to-jit + notebooks/vmapped_log_probs.ipynb#autobatched-with-vmap Autobatched with vmap : notebooks/vmapped_log_probs.html#autobatched-with-vmap + notebooks/vmapped_log_probs.ipynb#autobatching-log-densities-example Autobatching log-densities example : notebooks/vmapped_log_probs.html#autobatching-log-densities-example + notebooks/vmapped_log_probs.ipynb#define-the-elbo-and-its-gradient Define the ELBO and its gradient : notebooks/vmapped_log_probs.html#define-the-elbo-and-its-gradient + notebooks/vmapped_log_probs.ipynb#display-the-results Display the results : notebooks/vmapped_log_probs.html#display-the-results + notebooks/vmapped_log_probs.ipynb#generate-a-fake-binary-classification-dataset Generate a fake binary classification dataset: notebooks/vmapped_log_probs.html#generate-a-fake-binary-classification-dataset + notebooks/vmapped_log_probs.ipynb#manually-batched Manually batched : notebooks/vmapped_log_probs.html#manually-batched + notebooks/vmapped_log_probs.ipynb#non-batched Non-batched : notebooks/vmapped_log_probs.html#non-batched + notebooks/vmapped_log_probs.ipynb#optimize-the-elbo-using-sgd Optimize the ELBO using SGD : notebooks/vmapped_log_probs.html#optimize-the-elbo-using-sgd + notebooks/vmapped_log_probs.ipynb#self-contained-variational-inference-example Self-contained variational inference example: notebooks/vmapped_log_probs.html#self-contained-variational-inference-example + notebooks/vmapped_log_probs.ipynb#set-up-the-batched-log-joint-function Set up the (batched) log-joint function : notebooks/vmapped_log_probs.html#set-up-the-batched-log-joint-function + notebooks/vmapped_log_probs.ipynb#write-the-log-joint-function-for-the-model Write the log-joint function for the model: notebooks/vmapped_log_probs.html#write-the-log-joint-function-for-the-model + notebooks/xmap_tutorial.ipynb#broadcasting Broadcasting : notebooks/xmap_tutorial.html#broadcasting + notebooks/xmap_tutorial.ipynb#but-where-do-those-resource-names-come-from But... where do those resource names come from?: notebooks/xmap_tutorial.html#but-where-do-those-resource-names-come-from + notebooks/xmap_tutorial.ipynb#collectives Collectives : notebooks/xmap_tutorial.html#collectives + notebooks/xmap_tutorial.ipynb#einsum einsum : notebooks/xmap_tutorial.html#einsum + notebooks/xmap_tutorial.ipynb#from-positions-to-names-in-a-toy-neural-network From positions to names in a toy neural network: notebooks/xmap_tutorial.html#from-positions-to-names-in-a-toy-neural-network + notebooks/xmap_tutorial.ipynb#interactions-with-positional-axes Interactions with positional axes : notebooks/xmap_tutorial.html#interactions-with-positional-axes + notebooks/xmap_tutorial.ipynb#introducing-and-eliminating-named-axes Introducing and eliminating named axes : notebooks/xmap_tutorial.html#introducing-and-eliminating-named-axes + notebooks/xmap_tutorial.ipynb#is-my-data-replicated-or-partitioned-where-is-it Is my data replicated? Or partitioned? Where is it?: notebooks/xmap_tutorial.html#is-my-data-replicated-or-partitioned-where-is-it + notebooks/xmap_tutorial.ipynb#named-axes-and-easy-to-revise-parallelism Named axes and easy-to-revise parallelism: notebooks/xmap_tutorial.html#named-axes-and-easy-to-revise-parallelism + notebooks/xmap_tutorial.ipynb#named-axis-propagation Named axis propagation : notebooks/xmap_tutorial.html#named-axis-propagation + notebooks/xmap_tutorial.ipynb#parallelism-support Parallelism support : notebooks/xmap_tutorial.html#parallelism-support + notebooks/xmap_tutorial.ipynb#porting-positional-code-to-named-code Porting positional code to named code : notebooks/xmap_tutorial.html#porting-positional-code-to-named-code + notebooks/xmap_tutorial.ipynb#preliminaries Preliminaries : notebooks/xmap_tutorial.html#preliminaries + notebooks/xmap_tutorial.ipynb#reductions Reductions : notebooks/xmap_tutorial.html#reductions + notebooks/xmap_tutorial.ipynb#tensors-with-named-axes Tensors with named axes : notebooks/xmap_tutorial.html#tensors-with-named-axes + notebooks/xmap_tutorial.ipynb#why-axis_resources-and-not-a-more-direct-mapping-to-hardware Why axis_resources and not a more direct mapping to hardware?: notebooks/xmap_tutorial.html#why-axis-resources-and-not-a-more-direct-mapping-to-hardware pr-checklist JAX pull request checklist : contributing.html#pr-checklist + profiling.md#adding-custom-trace-events Adding custom trace events : profiling.html#adding-custom-trace-events + profiling.md#installation Installation : profiling.html#installation + profiling.md#manual-capture Manual capture : profiling.html#manual-capture + profiling.md#manual-capture-via-tensorboard Manual capture via TensorBoard : profiling.html#manual-capture-via-tensorboard + profiling.md#nsight Nsight : profiling.html#nsight + profiling.md#profiling-jax-programs Profiling JAX programs : profiling.html#profiling-jax-programs + profiling.md#programmatic-capture Programmatic capture : profiling.html#programmatic-capture + profiling.md#remote-profiling Remote profiling : profiling.html#remote-profiling + profiling.md#tensorboard-profiling TensorBoard profiling : profiling.html#tensorboard-profiling + profiling.md#troubleshooting Troubleshooting : profiling.html#troubleshooting + profiling.md#viewing-program-traces-with-perfetto Viewing program traces with Perfetto : profiling.html#viewing-program-traces-with-perfetto py-modindex Python Module Index : py-modindex.html pytrees Pytrees : pytrees.html#pytrees - remote_profiling Profiling on a remote machine : profiling.html#remote-profiling + pytrees.md#applying-optional-parameters-to-pytrees Applying optional parameters to pytrees : pytrees.html#applying-optional-parameters-to-pytrees + pytrees.md#custom-pytrees-and-initialization Custom PyTrees and Initialization : pytrees.html#custom-pytrees-and-initialization + pytrees.md#developer-information Developer information : pytrees.html#developer-information + pytrees.md#extending-pytrees Extending pytrees : pytrees.html#id2 + pytrees.md#internal-pytree-handling Internal pytree handling : pytrees.html#internal-pytree-handling + pytrees.md#pytrees Pytrees : pytrees.html#id1 + pytrees.md#pytrees-and-jax-functions Pytrees and JAX functions : pytrees.html#pytrees-and-jax-functions + pytrees.md#viewing-the-pytree-definition-of-an-object Viewing the pytree definition of an object: pytrees.html#viewing-the-pytree-definition-of-an-object + pytrees.md#what-is-a-pytree What is a pytree? : pytrees.html#what-is-a-pytree + remote_profiling Profiling on a remote machine : profiling.html#id1 running-tests Running the tests : developer.html#running-tests search Search Page : search.html syntactic-sugar-for-ops jax.ops.html#syntactic-sugar-for-ops diff --git a/doc/_intersphinx/numpy.inv b/doc/_intersphinx/numpy.inv index f3e875a..1f93190 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 27ffeb7..389958a 100644 --- a/doc/_intersphinx/numpy.txt +++ b/doc/_intersphinx/numpy.txt @@ -252,6 +252,7 @@ c:function PyArray_FROM_OF reference/c-api/array.html#c.PyArray_FROM_OF PyArray_FROM_OT reference/c-api/array.html#c.PyArray_FROM_OT PyArray_FROM_OTF reference/c-api/array.html#c.PyArray_FROM_OTF + PyArray_FailUnlessWriteable reference/c-api/array.html#c.PyArray_FailUnlessWriteable 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 @@ -404,7 +405,6 @@ c:function PyArray_SetField reference/c-api/array.html#c.PyArray_SetField PyArray_SetNumericOps reference/c-api/array.html#c.PyArray_SetNumericOps PyArray_SetStringFunction reference/c-api/array.html#c.PyArray_SetStringFunction - PyArray_SetUpdateIfCopyBase reference/c-api/array.html#c.PyArray_SetUpdateIfCopyBase PyArray_SetWritebackIfCopyBase reference/c-api/array.html#c.PyArray_SetWritebackIfCopyBase PyArray_SimpleNew reference/c-api/array.html#c.PyArray_SimpleNew PyArray_SimpleNewFromData reference/c-api/array.html#c.PyArray_SimpleNewFromData @@ -743,11 +743,10 @@ c:functionParam PyArray_ArrayType.op reference/c-api/array.html#c.PyArray_ArrayType PyArray_ArrayType.outtype reference/c-api/array.html#c.PyArray_ArrayType PyArray_AsCArray.dims reference/c-api/array.html#c.PyArray_AsCArray - PyArray_AsCArray.itemsize reference/c-api/array.html#c.PyArray_AsCArray PyArray_AsCArray.nd reference/c-api/array.html#c.PyArray_AsCArray PyArray_AsCArray.op reference/c-api/array.html#c.PyArray_AsCArray PyArray_AsCArray.ptr reference/c-api/array.html#c.PyArray_AsCArray - PyArray_AsCArray.typenum reference/c-api/array.html#c.PyArray_AsCArray + PyArray_AsCArray.typedescr reference/c-api/array.html#c.PyArray_AsCArray PyArray_AxisConverter.axis reference/c-api/array.html#c.PyArray_AxisConverter PyArray_AxisConverter.obj reference/c-api/array.html#c.PyArray_AxisConverter PyArray_BASE.arr reference/c-api/array.html#c.PyArray_BASE @@ -936,6 +935,8 @@ c:functionParam PyArray_FROM_OTF.obj reference/c-api/array.html#c.PyArray_FROM_OTF PyArray_FROM_OTF.requirements reference/c-api/array.html#c.PyArray_FROM_OTF PyArray_FROM_OTF.typenum reference/c-api/array.html#c.PyArray_FROM_OTF + PyArray_FailUnlessWriteable.name reference/c-api/array.html#c.PyArray_FailUnlessWriteable + PyArray_FailUnlessWriteable.obj reference/c-api/array.html#c.PyArray_FailUnlessWriteable PyArray_FieldNames.dict reference/c-api/array.html#c.PyArray_FieldNames PyArray_FillObjectArray.arr reference/c-api/array.html#c.PyArray_FillObjectArray PyArray_FillObjectArray.obj reference/c-api/array.html#c.PyArray_FillObjectArray @@ -1246,8 +1247,6 @@ c:functionParam PyArray_SetNumericOps.dict reference/c-api/array.html#c.PyArray_SetNumericOps PyArray_SetStringFunction.op reference/c-api/array.html#c.PyArray_SetStringFunction PyArray_SetStringFunction.repr reference/c-api/array.html#c.PyArray_SetStringFunction - PyArray_SetUpdateIfCopyBase.arr reference/c-api/array.html#c.PyArray_SetUpdateIfCopyBase - PyArray_SetUpdateIfCopyBase.base reference/c-api/array.html#c.PyArray_SetUpdateIfCopyBase PyArray_SetWritebackIfCopyBase.arr reference/c-api/array.html#c.PyArray_SetWritebackIfCopyBase PyArray_SetWritebackIfCopyBase.base reference/c-api/array.html#c.PyArray_SetWritebackIfCopyBase PyArray_SimpleNew.dims reference/c-api/array.html#c.PyArray_SimpleNew @@ -1776,7 +1775,6 @@ c:macro 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 NPY_ARRAY_WRITEABLE reference/c-api/array.html#c.NPY_ARRAY_WRITEABLE NPY_ARRAY_WRITEBACKIFCOPY reference/c-api/array.html#c.NPY_ARRAY_WRITEBACKIFCOPY @@ -1932,7 +1930,6 @@ 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_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_GetEndianness.NPY_CPU_BIG reference/c-api/config.html#c.PyArray_GetEndianness.NPY_CPU_BIG @@ -2057,6 +2054,7 @@ 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.flags reference/c-api/types-and-structures.html#c.PyArray_Descr.flags PyArray_Descr.kind reference/c-api/types-and-structures.html#c.PyArray_Descr.kind @@ -2467,6 +2465,7 @@ py:attribute numpy.singlecomplex reference/arrays.scalars.html#numpy.singlecomplex numpy.string_ reference/arrays.scalars.html#numpy.string_ numpy.testing.Tester reference/generated/numpy.testing.Tester.html#numpy.testing.Tester + numpy.testing.clear_and_catch_warnings.class_modules reference/generated/numpy.testing.clear_and_catch_warnings.class_modules.html#numpy.testing.clear_and_catch_warnings.class_modules numpy.ufunc.identity reference/generated/numpy.ufunc.identity.html#numpy.ufunc.identity numpy.ufunc.nargs reference/generated/numpy.ufunc.nargs.html#numpy.ufunc.nargs numpy.ufunc.nin reference/generated/numpy.ufunc.nin.html#numpy.ufunc.nin @@ -2563,7 +2562,9 @@ py:class numpy.signedinteger reference/arrays.scalars.html#numpy.signedinteger numpy.single reference/arrays.scalars.html#numpy.single numpy.str_ reference/arrays.scalars.html#numpy.str_ + numpy.testing._private.utils.clear_and_catch_warnings reference/generated/numpy.testing.clear_and_catch_warnings.html#numpy.testing.clear_and_catch_warnings numpy.testing._private.utils.suppress_warnings reference/generated/numpy.testing.suppress_warnings.html#numpy.testing.suppress_warnings + numpy.testing.clear_and_catch_warnings reference/generated/numpy.testing.clear_and_catch_warnings.html#numpy.testing.clear_and_catch_warnings numpy.testing.suppress_warnings reference/generated/numpy.testing.suppress_warnings.html#numpy.testing.suppress_warnings numpy.timedelta64 reference/arrays.scalars.html#numpy.timedelta64 numpy.typing.NBitBase reference/typing.html#numpy.typing.NBitBase @@ -2804,7 +2805,6 @@ py:function numpy.asfarray reference/generated/numpy.asfarray.html#numpy.asfarray numpy.asfortranarray reference/generated/numpy.asfortranarray.html#numpy.asfortranarray numpy.asmatrix reference/generated/numpy.asmatrix.html#numpy.asmatrix - numpy.asscalar reference/generated/numpy.asscalar.html#numpy.asscalar numpy.atleast_1d reference/generated/numpy.atleast_1d.html#numpy.atleast_1d numpy.atleast_2d reference/generated/numpy.atleast_2d.html#numpy.atleast_2d numpy.atleast_3d reference/generated/numpy.atleast_3d.html#numpy.atleast_3d @@ -2986,6 +2986,15 @@ py:function numpy.ediff1d reference/generated/numpy.ediff1d.html#numpy.ediff1d numpy.einsum reference/generated/numpy.einsum.html#numpy.einsum numpy.einsum_path reference/generated/numpy.einsum_path.html#numpy.einsum_path + numpy.emath.arccos reference/generated/numpy.emath.arccos.html#numpy.emath.arccos + numpy.emath.arcsin reference/generated/numpy.emath.arcsin.html#numpy.emath.arcsin + numpy.emath.arctanh reference/generated/numpy.emath.arctanh.html#numpy.emath.arctanh + numpy.emath.log reference/generated/numpy.emath.log.html#numpy.emath.log + numpy.emath.log10 reference/generated/numpy.emath.log10.html#numpy.emath.log10 + numpy.emath.log2 reference/generated/numpy.emath.log2.html#numpy.emath.log2 + numpy.emath.logn reference/generated/numpy.emath.logn.html#numpy.emath.logn + numpy.emath.power reference/generated/numpy.emath.power.html#numpy.emath.power + numpy.emath.sqrt reference/generated/numpy.emath.sqrt.html#numpy.emath.sqrt numpy.empty reference/generated/numpy.empty.html#numpy.empty numpy.empty_like reference/generated/numpy.empty_like.html#numpy.empty_like numpy.expand_dims reference/generated/numpy.expand_dims.html#numpy.expand_dims @@ -3021,6 +3030,7 @@ py:function numpy.flipud reference/generated/numpy.flipud.html#numpy.flipud numpy.format_float_positional reference/generated/numpy.format_float_positional.html#numpy.format_float_positional numpy.format_float_scientific reference/generated/numpy.format_float_scientific.html#numpy.format_float_scientific + numpy.from_dlpack reference/generated/numpy.from_dlpack.html#numpy.from_dlpack numpy.frombuffer reference/generated/numpy.frombuffer.html#numpy.frombuffer numpy.fromfile reference/generated/numpy.fromfile.html#numpy.fromfile numpy.fromfunction reference/generated/numpy.fromfunction.html#numpy.fromfunction @@ -3072,6 +3082,7 @@ py:function numpy.issubclass_ reference/generated/numpy.issubclass_.html#numpy.issubclass_ numpy.issubdtype reference/generated/numpy.issubdtype.html#numpy.issubdtype numpy.issubsctype reference/generated/numpy.issubsctype.html#numpy.issubsctype + numpy.iterable reference/generated/numpy.iterable.html#numpy.iterable numpy.ix_ reference/generated/numpy.ix_.html#numpy.ix_ numpy.kaiser reference/generated/numpy.kaiser.html#numpy.kaiser numpy.kron reference/generated/numpy.kron.html#numpy.kron @@ -3109,15 +3120,6 @@ py:function numpy.lib.recfunctions.stack_arrays user/basics.rec.html#numpy.lib.recfunctions.stack_arrays numpy.lib.recfunctions.structured_to_unstructured user/basics.rec.html#numpy.lib.recfunctions.structured_to_unstructured numpy.lib.recfunctions.unstructured_to_structured user/basics.rec.html#numpy.lib.recfunctions.unstructured_to_structured - numpy.lib.scimath.arccos reference/generated/numpy.lib.scimath.arccos.html#numpy.lib.scimath.arccos - numpy.lib.scimath.arcsin reference/generated/numpy.lib.scimath.arcsin.html#numpy.lib.scimath.arcsin - numpy.lib.scimath.arctanh reference/generated/numpy.lib.scimath.arctanh.html#numpy.lib.scimath.arctanh - numpy.lib.scimath.log reference/generated/numpy.lib.scimath.log.html#numpy.lib.scimath.log - numpy.lib.scimath.log10 reference/generated/numpy.lib.scimath.log10.html#numpy.lib.scimath.log10 - numpy.lib.scimath.log2 reference/generated/numpy.lib.scimath.log2.html#numpy.lib.scimath.log2 - numpy.lib.scimath.logn reference/generated/numpy.lib.scimath.logn.html#numpy.lib.scimath.logn - numpy.lib.scimath.power reference/generated/numpy.lib.scimath.power.html#numpy.lib.scimath.power - numpy.lib.scimath.sqrt reference/generated/numpy.lib.scimath.sqrt.html#numpy.lib.scimath.sqrt numpy.lib.stride_tricks.as_strided reference/generated/numpy.lib.stride_tricks.as_strided.html#numpy.lib.stride_tricks.as_strided numpy.lib.stride_tricks.sliding_window_view reference/generated/numpy.lib.stride_tricks.sliding_window_view.html#numpy.lib.stride_tricks.sliding_window_view numpy.linalg.cholesky reference/generated/numpy.linalg.cholesky.html#numpy.linalg.cholesky @@ -3212,6 +3214,7 @@ py:function numpy.ma.median reference/generated/numpy.ma.median.html#numpy.ma.median numpy.ma.min reference/generated/numpy.ma.min.html#numpy.ma.min numpy.ma.minimum_fill_value reference/generated/numpy.ma.minimum_fill_value.html#numpy.ma.minimum_fill_value + numpy.ma.ndenumerate reference/generated/numpy.ma.ndenumerate.html#numpy.ma.ndenumerate numpy.ma.notmasked_contiguous reference/generated/numpy.ma.notmasked_contiguous.html#numpy.ma.notmasked_contiguous numpy.ma.notmasked_edges reference/generated/numpy.ma.notmasked_edges.html#numpy.ma.notmasked_edges numpy.ma.outer reference/generated/numpy.ma.outer.html#numpy.ma.outer @@ -3553,6 +3556,7 @@ py:function numpy.take_along_axis reference/generated/numpy.take_along_axis.html#numpy.take_along_axis numpy.tensordot reference/generated/numpy.tensordot.html#numpy.tensordot numpy.test reference/testing.html#numpy.test + numpy.testing.assert_ reference/generated/numpy.testing.assert_.html#numpy.testing.assert_ numpy.testing.assert_allclose reference/generated/numpy.testing.assert_allclose.html#numpy.testing.assert_allclose numpy.testing.assert_almost_equal reference/generated/numpy.testing.assert_almost_equal.html#numpy.testing.assert_almost_equal numpy.testing.assert_approx_equal reference/generated/numpy.testing.assert_approx_equal.html#numpy.testing.assert_approx_equal @@ -3562,6 +3566,8 @@ py:function numpy.testing.assert_array_less reference/generated/numpy.testing.assert_array_less.html#numpy.testing.assert_array_less numpy.testing.assert_array_max_ulp reference/generated/numpy.testing.assert_array_max_ulp.html#numpy.testing.assert_array_max_ulp numpy.testing.assert_equal reference/generated/numpy.testing.assert_equal.html#numpy.testing.assert_equal + numpy.testing.assert_no_gc_cycles reference/generated/numpy.testing.assert_no_gc_cycles.html#numpy.testing.assert_no_gc_cycles + numpy.testing.assert_no_warnings reference/generated/numpy.testing.assert_no_warnings.html#numpy.testing.assert_no_warnings numpy.testing.assert_raises reference/generated/numpy.testing.assert_raises.html#numpy.testing.assert_raises numpy.testing.assert_raises_regex reference/generated/numpy.testing.assert_raises_regex.html#numpy.testing.assert_raises_regex numpy.testing.assert_string_equal reference/generated/numpy.testing.assert_string_equal.html#numpy.testing.assert_string_equal @@ -3573,6 +3579,8 @@ py:function 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.measure reference/generated/numpy.testing.measure.html#numpy.testing.measure + numpy.testing.print_assert_equal reference/generated/numpy.testing.print_assert_equal.html#numpy.testing.print_assert_equal 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 @@ -3804,6 +3812,7 @@ py:method numpy.distutils.ccompiler_opt.CCompilerOpt.cache_flush reference/generated/numpy.distutils.ccompiler_opt.CCompilerOpt.cache_flush.html#numpy.distutils.ccompiler_opt.CCompilerOpt.cache_flush numpy.distutils.ccompiler_opt.CCompilerOpt.cache_hash reference/generated/numpy.distutils.ccompiler_opt.CCompilerOpt.cache_hash.html#numpy.distutils.ccompiler_opt.CCompilerOpt.cache_hash numpy.distutils.ccompiler_opt.CCompilerOpt.cc_normalize_flags reference/generated/numpy.distutils.ccompiler_opt.CCompilerOpt.cc_normalize_flags.html#numpy.distutils.ccompiler_opt.CCompilerOpt.cc_normalize_flags + numpy.distutils.ccompiler_opt.CCompilerOpt.cc_test_cexpr reference/generated/numpy.distutils.ccompiler_opt.CCompilerOpt.cc_test_cexpr.html#numpy.distutils.ccompiler_opt.CCompilerOpt.cc_test_cexpr numpy.distutils.ccompiler_opt.CCompilerOpt.cc_test_flags reference/generated/numpy.distutils.ccompiler_opt.CCompilerOpt.cc_test_flags.html#numpy.distutils.ccompiler_opt.CCompilerOpt.cc_test_flags numpy.distutils.ccompiler_opt.CCompilerOpt.conf_features_partial reference/generated/numpy.distutils.ccompiler_opt.CCompilerOpt.conf_features_partial.html#numpy.distutils.ccompiler_opt.CCompilerOpt.conf_features_partial numpy.distutils.ccompiler_opt.CCompilerOpt.cpu_baseline_flags reference/generated/numpy.distutils.ccompiler_opt.CCompilerOpt.cpu_baseline_flags.html#numpy.distutils.ccompiler_opt.CCompilerOpt.cpu_baseline_flags @@ -4742,12 +4751,12 @@ py:module numpy.distutils.misc_util reference/distutils/misc_util.html#module-numpy.distutils.misc_util numpy.doc.constants reference/constants.html#module-numpy.doc.constants numpy.dual reference/routines.dual.html#module-numpy.dual + numpy.emath reference/routines.emath.html#module-numpy.emath numpy.f2py f2py/usage.html#module-numpy.f2py numpy.fft reference/routines.fft.html#module-numpy.fft numpy.lib.arraysetops reference/generated/numpy.lib.arraysetops.html#module-numpy.lib.arraysetops numpy.lib.format reference/generated/numpy.lib.format.html#module-numpy.lib.format numpy.lib.recfunctions user/basics.rec.html#module-numpy.lib.recfunctions - numpy.lib.scimath reference/routines.emath.html#module-numpy.lib.scimath numpy.linalg reference/routines.linalg.html#module-numpy.linalg numpy.ma reference/maskedarray.generic.html#module-numpy.ma numpy.matlib reference/routines.matlib.html#module-numpy.matlib @@ -4835,22 +4844,32 @@ std:doc 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-examples F2PY examples : f2py/f2py-examples.html + f2py/f2py-reference F2PY reference manual : f2py/f2py-reference.html + f2py/f2py-testing F2PY test suite : f2py/f2py-testing.html + f2py/f2py-user F2PY user guide : f2py/f2py-user.html f2py/f2py.getting-started Three ways to wrap - getting started : f2py/f2py.getting-started.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 + f2py/windows/conda F2PY and Conda on Windows : f2py/windows/conda.html + f2py/windows/index F2PY and Windows : f2py/windows/index.html + f2py/windows/intel F2PY and Windows Intel Fortran : f2py/windows/intel.html + f2py/windows/msys2 F2PY and Windows with MSYS2 : f2py/windows/msys2.html + f2py/windows/pgi F2PY and PGI Fortran on Windows : f2py/windows/pgi.html getting_started Getting started : getting_started.html glossary Glossary : glossary.html index NumPy documentation : index.html license NumPy license : license.html reference/alignment Memory Alignment : reference/alignment.html + reference/array_api Array API Standard Compatibility : reference/array_api.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 routines : reference/arrays.indexing.html - reference/arrays.interface The Array Interface : reference/arrays.interface.html + reference/arrays.interface The array interface protocol : 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 reference/arrays.nditer.cython Putting the Inner Loop in Cython : reference/arrays.nditer.cython.html @@ -4870,6 +4889,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/distutils_status_migration Status of numpy.distutils and migration advice: reference/distutils_status_migration.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 @@ -4916,7 +4936,6 @@ std:doc reference/generated/numpy.asfarray numpy.asfarray : reference/generated/numpy.asfarray.html reference/generated/numpy.asfortranarray numpy.asfortranarray : reference/generated/numpy.asfortranarray.html reference/generated/numpy.asmatrix numpy.asmatrix : reference/generated/numpy.asmatrix.html - reference/generated/numpy.asscalar numpy.asscalar : reference/generated/numpy.asscalar.html reference/generated/numpy.atleast_1d numpy.atleast_1d : reference/generated/numpy.atleast_1d.html reference/generated/numpy.atleast_2d numpy.atleast_2d : reference/generated/numpy.atleast_2d.html reference/generated/numpy.atleast_3d numpy.atleast_3d : reference/generated/numpy.atleast_3d.html @@ -5287,6 +5306,7 @@ std:doc reference/generated/numpy.distutils.ccompiler_opt.CCompilerOpt.cache_flush numpy.distutils.ccompiler_opt.CCompilerOpt.cache_flush: reference/generated/numpy.distutils.ccompiler_opt.CCompilerOpt.cache_flush.html reference/generated/numpy.distutils.ccompiler_opt.CCompilerOpt.cache_hash numpy.distutils.ccompiler_opt.CCompilerOpt.cache_hash: reference/generated/numpy.distutils.ccompiler_opt.CCompilerOpt.cache_hash.html reference/generated/numpy.distutils.ccompiler_opt.CCompilerOpt.cc_normalize_flags numpy.distutils.ccompiler_opt.CCompilerOpt.cc_normalize_flags: reference/generated/numpy.distutils.ccompiler_opt.CCompilerOpt.cc_normalize_flags.html + reference/generated/numpy.distutils.ccompiler_opt.CCompilerOpt.cc_test_cexpr numpy.distutils.ccompiler_opt.CCompilerOpt.cc_test_cexpr: reference/generated/numpy.distutils.ccompiler_opt.CCompilerOpt.cc_test_cexpr.html reference/generated/numpy.distutils.ccompiler_opt.CCompilerOpt.cc_test_flags numpy.distutils.ccompiler_opt.CCompilerOpt.cc_test_flags: reference/generated/numpy.distutils.ccompiler_opt.CCompilerOpt.cc_test_flags.html reference/generated/numpy.distutils.ccompiler_opt.CCompilerOpt.conf_c_prefix numpy.distutils.ccompiler_opt.CCompilerOpt.conf_c_prefix: reference/generated/numpy.distutils.ccompiler_opt.CCompilerOpt.conf_c_prefix.html reference/generated/numpy.distutils.ccompiler_opt.CCompilerOpt.conf_c_prefix_ numpy.distutils.ccompiler_opt.CCompilerOpt.conf_c_prefix_: reference/generated/numpy.distutils.ccompiler_opt.CCompilerOpt.conf_c_prefix_.html @@ -5385,6 +5405,15 @@ std:doc reference/generated/numpy.ediff1d numpy.ediff1d : reference/generated/numpy.ediff1d.html reference/generated/numpy.einsum numpy.einsum : reference/generated/numpy.einsum.html reference/generated/numpy.einsum_path numpy.einsum_path : reference/generated/numpy.einsum_path.html + reference/generated/numpy.emath.arccos numpy.emath.arccos : reference/generated/numpy.emath.arccos.html + reference/generated/numpy.emath.arcsin numpy.emath.arcsin : reference/generated/numpy.emath.arcsin.html + reference/generated/numpy.emath.arctanh numpy.emath.arctanh : reference/generated/numpy.emath.arctanh.html + reference/generated/numpy.emath.log numpy.emath.log : reference/generated/numpy.emath.log.html + reference/generated/numpy.emath.log10 numpy.emath.log10 : reference/generated/numpy.emath.log10.html + reference/generated/numpy.emath.log2 numpy.emath.log2 : reference/generated/numpy.emath.log2.html + reference/generated/numpy.emath.logn numpy.emath.logn : reference/generated/numpy.emath.logn.html + reference/generated/numpy.emath.power numpy.emath.power : reference/generated/numpy.emath.power.html + reference/generated/numpy.emath.sqrt numpy.emath.sqrt : reference/generated/numpy.emath.sqrt.html reference/generated/numpy.empty numpy.empty : reference/generated/numpy.empty.html reference/generated/numpy.empty_like numpy.empty_like : reference/generated/numpy.empty_like.html reference/generated/numpy.equal numpy.equal : reference/generated/numpy.equal.html @@ -5441,6 +5470,7 @@ std:doc reference/generated/numpy.format_float_scientific numpy.format_float_scientific : reference/generated/numpy.format_float_scientific.html reference/generated/numpy.format_parser numpy.format_parser : reference/generated/numpy.format_parser.html reference/generated/numpy.frexp numpy.frexp : reference/generated/numpy.frexp.html + reference/generated/numpy.from_dlpack numpy.from_dlpack : reference/generated/numpy.from_dlpack.html reference/generated/numpy.frombuffer numpy.frombuffer : reference/generated/numpy.frombuffer.html reference/generated/numpy.fromfile numpy.fromfile : reference/generated/numpy.fromfile.html reference/generated/numpy.fromfunction numpy.fromfunction : reference/generated/numpy.fromfunction.html @@ -5528,6 +5558,7 @@ std:doc reference/generated/numpy.issubclass_ numpy.issubclass_ : reference/generated/numpy.issubclass_.html reference/generated/numpy.issubdtype numpy.issubdtype : reference/generated/numpy.issubdtype.html reference/generated/numpy.issubsctype numpy.issubsctype : reference/generated/numpy.issubsctype.html + reference/generated/numpy.iterable numpy.iterable : reference/generated/numpy.iterable.html reference/generated/numpy.ix_ numpy.ix_ : reference/generated/numpy.ix_.html reference/generated/numpy.kaiser numpy.kaiser : reference/generated/numpy.kaiser.html reference/generated/numpy.kron numpy.kron : reference/generated/numpy.kron.html @@ -5556,15 +5587,6 @@ std:doc reference/generated/numpy.lib.format.write_array_header_1_0 numpy.lib.format.write_array_header_1_0 : reference/generated/numpy.lib.format.write_array_header_1_0.html reference/generated/numpy.lib.format.write_array_header_2_0 numpy.lib.format.write_array_header_2_0 : reference/generated/numpy.lib.format.write_array_header_2_0.html reference/generated/numpy.lib.mixins.NDArrayOperatorsMixin numpy.lib.mixins.NDArrayOperatorsMixin : reference/generated/numpy.lib.mixins.NDArrayOperatorsMixin.html - reference/generated/numpy.lib.scimath.arccos numpy.lib.scimath.arccos : reference/generated/numpy.lib.scimath.arccos.html - reference/generated/numpy.lib.scimath.arcsin numpy.lib.scimath.arcsin : reference/generated/numpy.lib.scimath.arcsin.html - reference/generated/numpy.lib.scimath.arctanh numpy.lib.scimath.arctanh : reference/generated/numpy.lib.scimath.arctanh.html - reference/generated/numpy.lib.scimath.log numpy.lib.scimath.log : reference/generated/numpy.lib.scimath.log.html - reference/generated/numpy.lib.scimath.log10 numpy.lib.scimath.log10 : reference/generated/numpy.lib.scimath.log10.html - reference/generated/numpy.lib.scimath.log2 numpy.lib.scimath.log2 : reference/generated/numpy.lib.scimath.log2.html - reference/generated/numpy.lib.scimath.logn numpy.lib.scimath.logn : reference/generated/numpy.lib.scimath.logn.html - reference/generated/numpy.lib.scimath.power numpy.lib.scimath.power : reference/generated/numpy.lib.scimath.power.html - reference/generated/numpy.lib.scimath.sqrt numpy.lib.scimath.sqrt : reference/generated/numpy.lib.scimath.sqrt.html reference/generated/numpy.lib.stride_tricks.as_strided numpy.lib.stride_tricks.as_strided : reference/generated/numpy.lib.stride_tricks.as_strided.html reference/generated/numpy.lib.stride_tricks.sliding_window_view numpy.lib.stride_tricks.sliding_window_view: reference/generated/numpy.lib.stride_tricks.sliding_window_view.html reference/generated/numpy.lib.user_array.container numpy.lib.user_array.container : reference/generated/numpy.lib.user_array.container.html @@ -6015,6 +6037,7 @@ std:doc reference/generated/numpy.ma.min numpy.ma.min : reference/generated/numpy.ma.min.html reference/generated/numpy.ma.minimum_fill_value numpy.ma.minimum_fill_value : reference/generated/numpy.ma.minimum_fill_value.html reference/generated/numpy.ma.mr_ numpy.ma.mr_ : reference/generated/numpy.ma.mr_.html + reference/generated/numpy.ma.ndenumerate numpy.ma.ndenumerate : reference/generated/numpy.ma.ndenumerate.html reference/generated/numpy.ma.nonzero numpy.ma.nonzero : reference/generated/numpy.ma.nonzero.html 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 @@ -7003,6 +7026,7 @@ std:doc reference/generated/numpy.testing.Tester.bench numpy.testing.Tester.bench : reference/generated/numpy.testing.Tester.bench.html reference/generated/numpy.testing.Tester.prepare_test_args numpy.testing.Tester.prepare_test_args : reference/generated/numpy.testing.Tester.prepare_test_args.html reference/generated/numpy.testing.Tester.test numpy.testing.Tester.test : reference/generated/numpy.testing.Tester.test.html + reference/generated/numpy.testing.assert_ numpy.testing.assert_ : reference/generated/numpy.testing.assert_.html reference/generated/numpy.testing.assert_allclose numpy.testing.assert_allclose : reference/generated/numpy.testing.assert_allclose.html reference/generated/numpy.testing.assert_almost_equal numpy.testing.assert_almost_equal : reference/generated/numpy.testing.assert_almost_equal.html reference/generated/numpy.testing.assert_approx_equal numpy.testing.assert_approx_equal : reference/generated/numpy.testing.assert_approx_equal.html @@ -7012,16 +7036,22 @@ std:doc reference/generated/numpy.testing.assert_array_less numpy.testing.assert_array_less : reference/generated/numpy.testing.assert_array_less.html reference/generated/numpy.testing.assert_array_max_ulp numpy.testing.assert_array_max_ulp : reference/generated/numpy.testing.assert_array_max_ulp.html reference/generated/numpy.testing.assert_equal numpy.testing.assert_equal : reference/generated/numpy.testing.assert_equal.html + reference/generated/numpy.testing.assert_no_gc_cycles numpy.testing.assert_no_gc_cycles : reference/generated/numpy.testing.assert_no_gc_cycles.html + reference/generated/numpy.testing.assert_no_warnings numpy.testing.assert_no_warnings : reference/generated/numpy.testing.assert_no_warnings.html reference/generated/numpy.testing.assert_raises numpy.testing.assert_raises : reference/generated/numpy.testing.assert_raises.html reference/generated/numpy.testing.assert_raises_regex numpy.testing.assert_raises_regex : reference/generated/numpy.testing.assert_raises_regex.html reference/generated/numpy.testing.assert_string_equal numpy.testing.assert_string_equal : reference/generated/numpy.testing.assert_string_equal.html reference/generated/numpy.testing.assert_warns numpy.testing.assert_warns : reference/generated/numpy.testing.assert_warns.html + reference/generated/numpy.testing.clear_and_catch_warnings numpy.testing.clear_and_catch_warnings : reference/generated/numpy.testing.clear_and_catch_warnings.html + reference/generated/numpy.testing.clear_and_catch_warnings.class_modules numpy.testing.clear_and_catch_warnings.class_modules: reference/generated/numpy.testing.clear_and_catch_warnings.class_modules.html reference/generated/numpy.testing.dec.deprecated numpy.testing.dec.deprecated : reference/generated/numpy.testing.dec.deprecated.html reference/generated/numpy.testing.dec.knownfailureif numpy.testing.dec.knownfailureif : reference/generated/numpy.testing.dec.knownfailureif.html reference/generated/numpy.testing.dec.setastest numpy.testing.dec.setastest : reference/generated/numpy.testing.dec.setastest.html reference/generated/numpy.testing.dec.skipif numpy.testing.dec.skipif : reference/generated/numpy.testing.dec.skipif.html reference/generated/numpy.testing.dec.slow numpy.testing.dec.slow : reference/generated/numpy.testing.dec.slow.html reference/generated/numpy.testing.decorate_methods numpy.testing.decorate_methods : reference/generated/numpy.testing.decorate_methods.html + reference/generated/numpy.testing.measure numpy.testing.measure : reference/generated/numpy.testing.measure.html + reference/generated/numpy.testing.print_assert_equal numpy.testing.print_assert_equal : reference/generated/numpy.testing.print_assert_equal.html reference/generated/numpy.testing.run_module_suite numpy.testing.run_module_suite : reference/generated/numpy.testing.run_module_suite.html reference/generated/numpy.testing.rundocs numpy.testing.rundocs : reference/generated/numpy.testing.rundocs.html reference/generated/numpy.testing.suppress_warnings numpy.testing.suppress_warnings : reference/generated/numpy.testing.suppress_warnings.html @@ -7291,7 +7321,7 @@ std:doc reference/routines.datetime Datetime Support Functions : reference/routines.datetime.html reference/routines.dtype Data type routines : reference/routines.dtype.html reference/routines.dual Optionally SciPy-accelerated routines (numpy.dual): reference/routines.dual.html - reference/routines.emath Mathematical functions with automatic domain (numpy.emath): reference/routines.emath.html + reference/routines.emath Mathematical functions with automatic domain: reference/routines.emath.html reference/routines.err Floating point error handling : reference/routines.err.html reference/routines.fft Discrete Fourier Transform (numpy.fft) : reference/routines.fft.html reference/routines.functional Functional programming : reference/routines.functional.html @@ -7320,7 +7350,10 @@ std:doc reference/routines.statistics Statistics : reference/routines.statistics.html reference/routines.testing Test Support (numpy.testing) : reference/routines.testing.html reference/routines.window Window functions : reference/routines.window.html - reference/simd/simd-optimizations SIMD Optimizations : reference/simd/simd-optimizations.html + reference/simd/build-options CPU build options : reference/simd/build-options.html + reference/simd/how-it-works How does the CPU dispatcher work? : reference/simd/how-it-works.html + reference/simd/index CPU/SIMD Optimizations : reference/simd/index.html + reference/simd/simd-optimizations : reference/simd/simd-optimizations.html reference/swig NumPy and SWIG : reference/swig.html reference/swig.interface-file numpy.i: a SWIG Interface File for NumPy: reference/swig.interface-file.html reference/swig.testing Testing the numpy.i Typemaps : reference/swig.testing.html @@ -7389,8 +7422,14 @@ std:doc 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.21.5-notes NumPy 1.21.5 Release Notes : release/1.21.5-notes.html + release/1.21.6-notes NumPy 1.21.6 Release Notes : release/1.21.6-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.22.2-notes NumPy 1.22.2 Release Notes : release/1.22.2-notes.html + release/1.22.3-notes NumPy 1.22.3 Release Notes : release/1.22.3-notes.html + release/1.22.4-notes NumPy 1.22.4 Release Notes : release/1.22.4-notes.html + release/1.23.0-notes NumPy 1.23.0 Release Notes : release/1.23.0-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 @@ -7415,6 +7454,7 @@ std:doc user/basics.creation Array creation : user/basics.creation.html user/basics.dispatch Writing custom array containers : user/basics.dispatch.html user/basics.indexing Indexing on ndarrays : user/basics.indexing.html + user/basics.interoperability Interoperability with NumPy : user/basics.interoperability.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 @@ -7429,6 +7469,7 @@ std:doc user/c-info.ufunc-tutorial Writing your own ufunc : user/c-info.ufunc-tutorial.html user/depending_on_numpy For downstream package authors : user/depending_on_numpy.html user/how-to-how-to How to write a NumPy how-to : user/how-to-how-to.html + user/how-to-index How to index ndarrays : user/how-to-index.html user/how-to-io Reading and writing files : user/how-to-io.html user/howtos_index NumPy How Tos : user/howtos_index.html user/index NumPy user guide : user/index.html @@ -7448,6 +7489,13 @@ std:label 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 + array_api Array API Standard Compatibility : reference/array_api.html#array-api + array_api-differences Table of Differences between numpy.array_api and numpy: reference/array_api.html#array-api-differences + array_api-linear-algebra-differences Linear Algebra Differences : reference/array_api.html#array-api-linear-algebra-differences + array_api-name-changes Function Name Changes : reference/array_api.html#array-api-name-changes + array_api-set-functions-differences Set Functions Differences : reference/array_api.html#array-api-set-functions-differences + array_api-type-promotion-differences Type Promotion Differences : reference/array_api.html#array-api-type-promotion-differences + array_api-type-strictness Type Strictness : reference/array_api.html#array-api-type-strictness arrays Array objects : reference/arrays.html#arrays arrays.broadcasting.broadcastable Broadcastable arrays : user/basics.broadcasting.html#arrays-broadcasting-broadcastable arrays.classes Standard array subclasses : reference/arrays.classes.html#arrays-classes @@ -7460,7 +7508,7 @@ std:label arrays.dtypes.timeunits reference/arrays.datetime.html#arrays-dtypes-timeunits 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.interface The array interface protocol : 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 arrays.ndarray.attributes Array attributes : reference/arrays.ndarray.html#arrays-ndarray-attributes @@ -7471,12 +7519,15 @@ std:label 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 + basic-indexing Basic indexing : user/basics.indexing.html#basic-indexing 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 on ndarrays : user/basics.indexing.html#basics-indexing + basics.interoperability Interoperability with NumPy : user/basics.interoperability.html#basics-interoperability basics.subclassing Subclassing ndarray : user/basics.subclassing.html#basics-subclassing basics.types Data types : user/basics.types.html#basics-types + boolean-indexing Boolean array indexing : user/basics.indexing.html#boolean-indexing 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 @@ -7488,6 +7539,7 @@ std:label 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 + c-expressions C expressions : f2py/signature-file.html#c-expressions call-back arguments Call-back arguments : f2py/python-usage.html#call-back-arguments classDoxyLimbo dev/howto-docs.html#classDoxyLimbo classDoxyLimbo_1a097c2d3d62ef8696ca0f4f9af875be48 dev/howto-docs.html#classDoxyLimbo_1a097c2d3d62ef8696ca0f4f9af875be48 @@ -7507,7 +7559,9 @@ std:label development-setup Setting up git for NumPy development : dev/gitwash/development_setup.html#development-setup development-workflow Development workflow : dev/development_workflow.html#development-workflow devindex Contributing to NumPy : dev/index.html#devindex - dispatchable-sources 5- Dispatch-able sources and configuration statements: reference/simd/simd-optimizations.html#dispatchable-sources + dimensional-indexing-tools Dimensional indexing tools : user/basics.indexing.html#dimensional-indexing-tools + dispatchable-sources 5- Dispatch-able sources and configuration statements: reference/simd/how-it-works.html#dispatchable-sources + distutils-status-migration Status of numpy.distutils and migration advice: reference/distutils_status_migration.html#distutils-status-migration distutils-user-guide NumPy Distutils - Users Guide : reference/distutils_guide.html#distutils-user-guide doc_c_code Documenting C/C++ Code : dev/howto-docs.html#doc-c-code docstring_intro Docstrings : dev/howto-docs.html#docstring-intro @@ -7519,18 +7573,29 @@ std:label extending_cython_example Extending numpy.random via Cython : reference/random/examples/cython/index.html#extending-cython-example external f2py/signature-file.html#external f2py F2PY user guide and reference manual : f2py/index.html#f2py + f2py-attributes Attributes : f2py/signature-file.html#f2py-attributes 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-examples F2PY examples : f2py/f2py-examples.html#f2py-examples 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-reference F2PY reference manual : f2py/f2py-reference.html#f2py-reference f2py-skbuild Using via scikit-build : f2py/buildtools/skbuild.html#f2py-skbuild + f2py-testing F2PY test suite : f2py/f2py-testing.html#f2py-testing + f2py-user F2PY user guide : f2py/f2py-user.html#f2py-user + f2py-win-conda F2PY and Conda on Windows : f2py/windows/conda.html#f2py-win-conda + f2py-win-intel F2PY and Windows Intel Fortran : f2py/windows/intel.html#f2py-win-intel + f2py-win-msys2 F2PY and Windows with MSYS2 : f2py/windows/msys2.html#f2py-win-msys2 + f2py-win-pgi F2PY and PGI Fortran on Windows : f2py/windows/pgi.html#f2py-win-pgi + f2py-windows F2PY and Windows : f2py/windows/index.html#f2py-windows 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 + generator-handling-axis-parameter Handling the axis parameter : reference/random/generator.html#generator-handling-axis-parameter 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 @@ -7538,6 +7603,7 @@ std:label global_state Global State : reference/global_state.html#global-state 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-index.rst How to index ndarrays : user/how-to-index.html#how-to-index-rst 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 @@ -7547,6 +7613,7 @@ std:label 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 + indexing-operations Indexing operations : user/basics.copies.html#indexing-operations install-git dev/gitwash/index.html#install-git legacy Legacy Random Generation : reference/random/legacy.html#legacy linking-to-upstream dev/gitwash/development_setup.html#linking-to-upstream @@ -7565,11 +7632,17 @@ std:label 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 Internal organization of NumPy arrays : dev/internals.html#numpy-internals + numpy-setuptools-interaction Interaction of numpy.disutils with setuptools: reference/distutils_status_migration.html#numpy-setuptools-interaction 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_tutorials NumPy tutorials : dev/howto-docs.html#numpy-tutorials numpyrandom reference/random/index.html#numpyrandom + numpysimd CPU/SIMD Optimizations : reference/simd/index.html#numpysimd offsets-and-alignment Automatic Byte Offsets and Alignment : user/basics.rec.html#offsets-and-alignment + opt-build-report Build report : reference/simd/build-options.html#opt-build-report + opt-platform-differences Platform differences : reference/simd/build-options.html#opt-platform-differences + opt-special-options Special Options : reference/simd/build-options.html#opt-special-options + opt-supported-features Supported Features : reference/simd/build-options.html#opt-supported-features overflow-errors Overflow Errors : user/basics.types.html#overflow-errors parallel-builds Parallel builds : user/building.html#parallel-builds parallel-jumped Jumping the BitGenerator state : reference/random/parallel.html#parallel-jumped @@ -7868,6 +7941,8 @@ std:label re85a9a53b4f0-3 reference/random/generated/numpy.random.logseries.html#re85a9a53b4f0-3 re85a9a53b4f0-4 reference/random/generated/numpy.random.logseries.html#re85a9a53b4f0-4 re860718f5533-1 reference/generated/numpy.MachAr.html#re860718f5533-1 + re9eadf7a166b-1 reference/generated/numpy.from_dlpack.html#re9eadf7a166b-1 + re9eadf7a166b-2 reference/generated/numpy.from_dlpack.html#re9eadf7a166b-2 rebasing-on-main Rebasing on main : dev/development_workflow.html#rebasing-on-main rec505eafac9d-1 reference/generated/numpy.linalg.pinv.html#rec505eafac9d-1 recommended-development-setup Recommended development setup : dev/development_environment.html#recommended-development-setup @@ -7926,18 +8001,23 @@ 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 + shortcomings Datetime64 shortcomings : reference/arrays.datetime.html#shortcomings 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 + slicing-and-striding Slicing and striding : user/basics.indexing.html#slicing-and-striding + special-attributes-and-methods Special attributes and methods : reference/arrays.classes.html#special-attributes-and-methods + specific-array-subtyping Specific features of ndarray sub-typing : user/c-info.beyond-basics.html#specific-array-subtyping string-dtype-note reference/arrays.dtypes.html#string-dtype-note structured_arrays Structured arrays : user/basics.rec.html#structured-arrays + structured_dtype_comparison_and_promotion Structure Comparison and Promotion : user/basics.rec.html#structured-dtype-comparison-and-promotion stylistic-guidelines Stylistic Guidelines : dev/index.html#stylistic-guidelines - tables-diff reference/simd/simd-optimizations.html#tables-diff + table-f2py-winsup-mat Support matrix, exe implies a Windows installer: f2py/windows/index.html#table-f2py-winsup-mat templating Conversion of .src files using Templates: reference/distutils_guide.html#templating 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_howtos_explanations Documentation framework : dev/howto-docs.html#tutorials-howtos-explanations + type-declarations Type declarations : f2py/signature-file.html#type-declarations typing reference/typing.html#typing ufuncs Universal functions (ufunc) : reference/ufuncs.html#ufuncs ufuncs-basics Universal functions (ufunc) basics : user/basics.ufuncs.html#ufuncs-basics diff --git a/doc/_intersphinx/python3.inv b/doc/_intersphinx/python3.inv index dc78759..262d953 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 bf50bbb..2c937ec 100644 --- a/doc/_intersphinx/python3.txt +++ b/doc/_intersphinx/python3.txt @@ -121,6 +121,7 @@ c:function PyCoro_New c-api/coro.html#c.PyCoro_New PyDateTime_Check c-api/datetime.html#c.PyDateTime_Check PyDateTime_CheckExact c-api/datetime.html#c.PyDateTime_CheckExact + PyDateTime_DATE_GET_FOLD c-api/datetime.html#c.PyDateTime_DATE_GET_FOLD PyDateTime_DATE_GET_HOUR c-api/datetime.html#c.PyDateTime_DATE_GET_HOUR PyDateTime_DATE_GET_MICROSECOND c-api/datetime.html#c.PyDateTime_DATE_GET_MICROSECOND PyDateTime_DATE_GET_MINUTE c-api/datetime.html#c.PyDateTime_DATE_GET_MINUTE @@ -135,6 +136,7 @@ c:function PyDateTime_GET_DAY c-api/datetime.html#c.PyDateTime_GET_DAY PyDateTime_GET_MONTH c-api/datetime.html#c.PyDateTime_GET_MONTH PyDateTime_GET_YEAR c-api/datetime.html#c.PyDateTime_GET_YEAR + PyDateTime_TIME_GET_FOLD c-api/datetime.html#c.PyDateTime_TIME_GET_FOLD PyDateTime_TIME_GET_HOUR c-api/datetime.html#c.PyDateTime_TIME_GET_HOUR PyDateTime_TIME_GET_MICROSECOND c-api/datetime.html#c.PyDateTime_TIME_GET_MICROSECOND PyDateTime_TIME_GET_MINUTE c-api/datetime.html#c.PyDateTime_TIME_GET_MINUTE @@ -892,6 +894,7 @@ c:function Py_CompileStringFlags c-api/veryhigh.html#c.Py_CompileStringFlags Py_CompileStringObject c-api/veryhigh.html#c.Py_CompileStringObject Py_DECREF c-api/refcounting.html#c.Py_DECREF + Py_DecRef c-api/refcounting.html#c.Py_DecRef Py_DecodeLocale c-api/sys.html#c.Py_DecodeLocale Py_EncodeLocale c-api/sys.html#c.Py_EncodeLocale Py_EndInterpreter c-api/init.html#c.Py_EndInterpreter @@ -916,6 +919,7 @@ c:function Py_GetVersion c-api/init.html#c.Py_GetVersion Py_INCREF c-api/refcounting.html#c.Py_INCREF Py_IS_TYPE c-api/structures.html#c.Py_IS_TYPE + Py_IncRef c-api/refcounting.html#c.Py_IncRef Py_Initialize c-api/init.html#c.Py_Initialize Py_InitializeEx c-api/init.html#c.Py_InitializeEx Py_InitializeFromConfig c-api/init_config.html#c.Py_InitializeFromConfig @@ -981,6 +985,1725 @@ c:function _Py_c_prod c-api/complex.html#c._Py_c_prod _Py_c_quot c-api/complex.html#c._Py_c_quot _Py_c_sum c-api/complex.html#c._Py_c_sum +c:functionParam + PyAIter_Check.o c-api/iter.html#c.PyAIter_Check + PyAnySet_Check.p c-api/set.html#c.PyAnySet_Check + PyAnySet_CheckExact.p c-api/set.html#c.PyAnySet_CheckExact + PyArg_Parse.args c-api/arg.html#c.PyArg_Parse + PyArg_Parse.format c-api/arg.html#c.PyArg_Parse + PyArg_ParseTuple.args c-api/arg.html#c.PyArg_ParseTuple + PyArg_ParseTuple.format c-api/arg.html#c.PyArg_ParseTuple + PyArg_ParseTupleAndKeywords.args c-api/arg.html#c.PyArg_ParseTupleAndKeywords + PyArg_ParseTupleAndKeywords.format c-api/arg.html#c.PyArg_ParseTupleAndKeywords + PyArg_ParseTupleAndKeywords.keywords c-api/arg.html#c.PyArg_ParseTupleAndKeywords + PyArg_ParseTupleAndKeywords.kw c-api/arg.html#c.PyArg_ParseTupleAndKeywords + PyArg_UnpackTuple.args c-api/arg.html#c.PyArg_UnpackTuple + PyArg_UnpackTuple.max c-api/arg.html#c.PyArg_UnpackTuple + PyArg_UnpackTuple.min c-api/arg.html#c.PyArg_UnpackTuple + PyArg_UnpackTuple.name c-api/arg.html#c.PyArg_UnpackTuple + PyArg_VaParse.args c-api/arg.html#c.PyArg_VaParse + PyArg_VaParse.format c-api/arg.html#c.PyArg_VaParse + PyArg_VaParse.vargs c-api/arg.html#c.PyArg_VaParse + PyArg_VaParseTupleAndKeywords.args c-api/arg.html#c.PyArg_VaParseTupleAndKeywords + PyArg_VaParseTupleAndKeywords.format c-api/arg.html#c.PyArg_VaParseTupleAndKeywords + PyArg_VaParseTupleAndKeywords.keywords c-api/arg.html#c.PyArg_VaParseTupleAndKeywords + PyArg_VaParseTupleAndKeywords.kw c-api/arg.html#c.PyArg_VaParseTupleAndKeywords + PyArg_VaParseTupleAndKeywords.vargs c-api/arg.html#c.PyArg_VaParseTupleAndKeywords + PyBool_Check.o c-api/bool.html#c.PyBool_Check + PyBool_FromLong.v c-api/bool.html#c.PyBool_FromLong + PyBuffer_FillContiguousStrides.itemsize c-api/buffer.html#c.PyBuffer_FillContiguousStrides + PyBuffer_FillContiguousStrides.ndims c-api/buffer.html#c.PyBuffer_FillContiguousStrides + PyBuffer_FillContiguousStrides.order c-api/buffer.html#c.PyBuffer_FillContiguousStrides + PyBuffer_FillContiguousStrides.shape c-api/buffer.html#c.PyBuffer_FillContiguousStrides + PyBuffer_FillContiguousStrides.strides c-api/buffer.html#c.PyBuffer_FillContiguousStrides + PyBuffer_FillInfo.buf c-api/buffer.html#c.PyBuffer_FillInfo + PyBuffer_FillInfo.exporter c-api/buffer.html#c.PyBuffer_FillInfo + PyBuffer_FillInfo.flags c-api/buffer.html#c.PyBuffer_FillInfo + PyBuffer_FillInfo.len c-api/buffer.html#c.PyBuffer_FillInfo + PyBuffer_FillInfo.readonly c-api/buffer.html#c.PyBuffer_FillInfo + PyBuffer_FillInfo.view c-api/buffer.html#c.PyBuffer_FillInfo + PyBuffer_FromContiguous.buf c-api/buffer.html#c.PyBuffer_FromContiguous + PyBuffer_FromContiguous.fort c-api/buffer.html#c.PyBuffer_FromContiguous + PyBuffer_FromContiguous.len c-api/buffer.html#c.PyBuffer_FromContiguous + PyBuffer_FromContiguous.view c-api/buffer.html#c.PyBuffer_FromContiguous + PyBuffer_GetPointer.indices c-api/buffer.html#c.PyBuffer_GetPointer + PyBuffer_GetPointer.view c-api/buffer.html#c.PyBuffer_GetPointer + PyBuffer_IsContiguous.order c-api/buffer.html#c.PyBuffer_IsContiguous + PyBuffer_IsContiguous.view c-api/buffer.html#c.PyBuffer_IsContiguous + PyBuffer_Release.view c-api/buffer.html#c.PyBuffer_Release + PyBuffer_SizeFromFormat.format c-api/buffer.html#c.PyBuffer_SizeFromFormat + PyBuffer_ToContiguous.buf c-api/buffer.html#c.PyBuffer_ToContiguous + PyBuffer_ToContiguous.len c-api/buffer.html#c.PyBuffer_ToContiguous + PyBuffer_ToContiguous.order c-api/buffer.html#c.PyBuffer_ToContiguous + PyBuffer_ToContiguous.src c-api/buffer.html#c.PyBuffer_ToContiguous + PyByteArray_AS_STRING.bytearray c-api/bytearray.html#c.PyByteArray_AS_STRING + PyByteArray_AsString.bytearray c-api/bytearray.html#c.PyByteArray_AsString + PyByteArray_Check.o c-api/bytearray.html#c.PyByteArray_Check + PyByteArray_CheckExact.o c-api/bytearray.html#c.PyByteArray_CheckExact + PyByteArray_Concat.a c-api/bytearray.html#c.PyByteArray_Concat + PyByteArray_Concat.b c-api/bytearray.html#c.PyByteArray_Concat + PyByteArray_FromObject.o c-api/bytearray.html#c.PyByteArray_FromObject + PyByteArray_FromStringAndSize.len c-api/bytearray.html#c.PyByteArray_FromStringAndSize + PyByteArray_FromStringAndSize.string c-api/bytearray.html#c.PyByteArray_FromStringAndSize + PyByteArray_GET_SIZE.bytearray c-api/bytearray.html#c.PyByteArray_GET_SIZE + PyByteArray_Resize.bytearray c-api/bytearray.html#c.PyByteArray_Resize + PyByteArray_Resize.len c-api/bytearray.html#c.PyByteArray_Resize + PyByteArray_Size.bytearray c-api/bytearray.html#c.PyByteArray_Size + PyBytes_AS_STRING.string c-api/bytes.html#c.PyBytes_AS_STRING + PyBytes_AsString.o c-api/bytes.html#c.PyBytes_AsString + PyBytes_AsStringAndSize.buffer c-api/bytes.html#c.PyBytes_AsStringAndSize + PyBytes_AsStringAndSize.length c-api/bytes.html#c.PyBytes_AsStringAndSize + PyBytes_AsStringAndSize.obj c-api/bytes.html#c.PyBytes_AsStringAndSize + PyBytes_Check.o c-api/bytes.html#c.PyBytes_Check + PyBytes_CheckExact.o c-api/bytes.html#c.PyBytes_CheckExact + PyBytes_Concat.bytes c-api/bytes.html#c.PyBytes_Concat + PyBytes_Concat.newpart c-api/bytes.html#c.PyBytes_Concat + PyBytes_ConcatAndDel.bytes c-api/bytes.html#c.PyBytes_ConcatAndDel + PyBytes_ConcatAndDel.newpart c-api/bytes.html#c.PyBytes_ConcatAndDel + PyBytes_FromFormat.format c-api/bytes.html#c.PyBytes_FromFormat + PyBytes_FromFormatV.format c-api/bytes.html#c.PyBytes_FromFormatV + PyBytes_FromFormatV.vargs c-api/bytes.html#c.PyBytes_FromFormatV + PyBytes_FromObject.o c-api/bytes.html#c.PyBytes_FromObject + PyBytes_FromString.v c-api/bytes.html#c.PyBytes_FromString + PyBytes_FromStringAndSize.len c-api/bytes.html#c.PyBytes_FromStringAndSize + PyBytes_FromStringAndSize.v c-api/bytes.html#c.PyBytes_FromStringAndSize + PyBytes_GET_SIZE.o c-api/bytes.html#c.PyBytes_GET_SIZE + PyBytes_Size.o c-api/bytes.html#c.PyBytes_Size + PyCallIter_New.callable c-api/iterator.html#c.PyCallIter_New + PyCallIter_New.sentinel c-api/iterator.html#c.PyCallIter_New + PyCallable_Check.o c-api/call.html#c.PyCallable_Check + PyCapsule_CheckExact.p c-api/capsule.html#c.PyCapsule_CheckExact + PyCapsule_GetContext.capsule c-api/capsule.html#c.PyCapsule_GetContext + PyCapsule_GetDestructor.capsule c-api/capsule.html#c.PyCapsule_GetDestructor + PyCapsule_GetName.capsule c-api/capsule.html#c.PyCapsule_GetName + PyCapsule_GetPointer.capsule c-api/capsule.html#c.PyCapsule_GetPointer + PyCapsule_GetPointer.name c-api/capsule.html#c.PyCapsule_GetPointer + PyCapsule_Import.name c-api/capsule.html#c.PyCapsule_Import + PyCapsule_Import.no_block c-api/capsule.html#c.PyCapsule_Import + PyCapsule_IsValid.capsule c-api/capsule.html#c.PyCapsule_IsValid + PyCapsule_IsValid.name c-api/capsule.html#c.PyCapsule_IsValid + PyCapsule_New.destructor c-api/capsule.html#c.PyCapsule_New + PyCapsule_New.name c-api/capsule.html#c.PyCapsule_New + PyCapsule_New.pointer c-api/capsule.html#c.PyCapsule_New + PyCapsule_SetContext.capsule c-api/capsule.html#c.PyCapsule_SetContext + PyCapsule_SetContext.context c-api/capsule.html#c.PyCapsule_SetContext + PyCapsule_SetDestructor.capsule c-api/capsule.html#c.PyCapsule_SetDestructor + PyCapsule_SetDestructor.destructor c-api/capsule.html#c.PyCapsule_SetDestructor + PyCapsule_SetName.capsule c-api/capsule.html#c.PyCapsule_SetName + PyCapsule_SetName.name c-api/capsule.html#c.PyCapsule_SetName + PyCapsule_SetPointer.capsule c-api/capsule.html#c.PyCapsule_SetPointer + PyCapsule_SetPointer.pointer c-api/capsule.html#c.PyCapsule_SetPointer + PyCell_GET.cell c-api/cell.html#c.PyCell_GET + PyCell_Get.cell c-api/cell.html#c.PyCell_Get + PyCell_New.ob c-api/cell.html#c.PyCell_New + PyCell_SET.cell c-api/cell.html#c.PyCell_SET + PyCell_SET.value c-api/cell.html#c.PyCell_SET + PyCell_Set.cell c-api/cell.html#c.PyCell_Set + PyCell_Set.value c-api/cell.html#c.PyCell_Set + PyCode_Addr2Line.byte_offset c-api/code.html#c.PyCode_Addr2Line + PyCode_Addr2Line.co c-api/code.html#c.PyCode_Addr2Line + PyCode_Check.co c-api/code.html#c.PyCode_Check + PyCode_GetNumFree.co c-api/code.html#c.PyCode_GetNumFree + PyCode_New.argcount c-api/code.html#c.PyCode_New + PyCode_New.cellvars c-api/code.html#c.PyCode_New + PyCode_New.code c-api/code.html#c.PyCode_New + PyCode_New.consts c-api/code.html#c.PyCode_New + PyCode_New.filename c-api/code.html#c.PyCode_New + PyCode_New.firstlineno c-api/code.html#c.PyCode_New + PyCode_New.flags c-api/code.html#c.PyCode_New + PyCode_New.freevars c-api/code.html#c.PyCode_New + PyCode_New.kwonlyargcount c-api/code.html#c.PyCode_New + PyCode_New.lnotab c-api/code.html#c.PyCode_New + PyCode_New.name c-api/code.html#c.PyCode_New + PyCode_New.names c-api/code.html#c.PyCode_New + PyCode_New.nlocals c-api/code.html#c.PyCode_New + PyCode_New.stacksize c-api/code.html#c.PyCode_New + PyCode_New.varnames c-api/code.html#c.PyCode_New + PyCode_NewEmpty.filename c-api/code.html#c.PyCode_NewEmpty + PyCode_NewEmpty.firstlineno c-api/code.html#c.PyCode_NewEmpty + PyCode_NewEmpty.funcname c-api/code.html#c.PyCode_NewEmpty + PyCode_NewWithPosOnlyArgs.argcount c-api/code.html#c.PyCode_NewWithPosOnlyArgs + PyCode_NewWithPosOnlyArgs.cellvars c-api/code.html#c.PyCode_NewWithPosOnlyArgs + PyCode_NewWithPosOnlyArgs.code c-api/code.html#c.PyCode_NewWithPosOnlyArgs + PyCode_NewWithPosOnlyArgs.consts c-api/code.html#c.PyCode_NewWithPosOnlyArgs + PyCode_NewWithPosOnlyArgs.filename c-api/code.html#c.PyCode_NewWithPosOnlyArgs + PyCode_NewWithPosOnlyArgs.firstlineno c-api/code.html#c.PyCode_NewWithPosOnlyArgs + PyCode_NewWithPosOnlyArgs.flags c-api/code.html#c.PyCode_NewWithPosOnlyArgs + PyCode_NewWithPosOnlyArgs.freevars c-api/code.html#c.PyCode_NewWithPosOnlyArgs + PyCode_NewWithPosOnlyArgs.kwonlyargcount c-api/code.html#c.PyCode_NewWithPosOnlyArgs + PyCode_NewWithPosOnlyArgs.lnotab c-api/code.html#c.PyCode_NewWithPosOnlyArgs + PyCode_NewWithPosOnlyArgs.name c-api/code.html#c.PyCode_NewWithPosOnlyArgs + PyCode_NewWithPosOnlyArgs.names c-api/code.html#c.PyCode_NewWithPosOnlyArgs + PyCode_NewWithPosOnlyArgs.nlocals c-api/code.html#c.PyCode_NewWithPosOnlyArgs + PyCode_NewWithPosOnlyArgs.posonlyargcount c-api/code.html#c.PyCode_NewWithPosOnlyArgs + PyCode_NewWithPosOnlyArgs.stacksize c-api/code.html#c.PyCode_NewWithPosOnlyArgs + PyCode_NewWithPosOnlyArgs.varnames c-api/code.html#c.PyCode_NewWithPosOnlyArgs + PyCodec_BackslashReplaceErrors.exc c-api/codec.html#c.PyCodec_BackslashReplaceErrors + PyCodec_Decode.encoding c-api/codec.html#c.PyCodec_Decode + PyCodec_Decode.errors c-api/codec.html#c.PyCodec_Decode + PyCodec_Decode.object c-api/codec.html#c.PyCodec_Decode + PyCodec_Decoder.encoding c-api/codec.html#c.PyCodec_Decoder + PyCodec_Encode.encoding c-api/codec.html#c.PyCodec_Encode + PyCodec_Encode.errors c-api/codec.html#c.PyCodec_Encode + PyCodec_Encode.object c-api/codec.html#c.PyCodec_Encode + PyCodec_Encoder.encoding c-api/codec.html#c.PyCodec_Encoder + PyCodec_IgnoreErrors.exc c-api/codec.html#c.PyCodec_IgnoreErrors + PyCodec_IncrementalDecoder.encoding c-api/codec.html#c.PyCodec_IncrementalDecoder + PyCodec_IncrementalDecoder.errors c-api/codec.html#c.PyCodec_IncrementalDecoder + PyCodec_IncrementalEncoder.encoding c-api/codec.html#c.PyCodec_IncrementalEncoder + PyCodec_IncrementalEncoder.errors c-api/codec.html#c.PyCodec_IncrementalEncoder + PyCodec_KnownEncoding.encoding c-api/codec.html#c.PyCodec_KnownEncoding + PyCodec_LookupError.name c-api/codec.html#c.PyCodec_LookupError + PyCodec_NameReplaceErrors.exc c-api/codec.html#c.PyCodec_NameReplaceErrors + PyCodec_Register.search_function c-api/codec.html#c.PyCodec_Register + PyCodec_RegisterError.error c-api/codec.html#c.PyCodec_RegisterError + PyCodec_RegisterError.name c-api/codec.html#c.PyCodec_RegisterError + PyCodec_ReplaceErrors.exc c-api/codec.html#c.PyCodec_ReplaceErrors + PyCodec_StreamReader.encoding c-api/codec.html#c.PyCodec_StreamReader + PyCodec_StreamReader.errors c-api/codec.html#c.PyCodec_StreamReader + PyCodec_StreamReader.stream c-api/codec.html#c.PyCodec_StreamReader + PyCodec_StreamWriter.encoding c-api/codec.html#c.PyCodec_StreamWriter + PyCodec_StreamWriter.errors c-api/codec.html#c.PyCodec_StreamWriter + PyCodec_StreamWriter.stream c-api/codec.html#c.PyCodec_StreamWriter + PyCodec_StrictErrors.exc c-api/codec.html#c.PyCodec_StrictErrors + PyCodec_Unregister.search_function c-api/codec.html#c.PyCodec_Unregister + PyCodec_XMLCharRefReplaceErrors.exc c-api/codec.html#c.PyCodec_XMLCharRefReplaceErrors + PyComplex_AsCComplex.op c-api/complex.html#c.PyComplex_AsCComplex + PyComplex_Check.p c-api/complex.html#c.PyComplex_Check + PyComplex_CheckExact.p c-api/complex.html#c.PyComplex_CheckExact + PyComplex_FromCComplex.v c-api/complex.html#c.PyComplex_FromCComplex + PyComplex_FromDoubles.imag c-api/complex.html#c.PyComplex_FromDoubles + PyComplex_FromDoubles.real c-api/complex.html#c.PyComplex_FromDoubles + PyComplex_ImagAsDouble.op c-api/complex.html#c.PyComplex_ImagAsDouble + PyComplex_RealAsDouble.op c-api/complex.html#c.PyComplex_RealAsDouble + PyConfig.PyConfig_Clear.config c-api/init_config.html#c.PyConfig.PyConfig_Clear + PyConfig.PyConfig_InitIsolatedConfig.config c-api/init_config.html#c.PyConfig.PyConfig_InitIsolatedConfig + PyConfig.PyConfig_InitPythonConfig.config c-api/init_config.html#c.PyConfig.PyConfig_InitPythonConfig + PyConfig.PyConfig_Read.config c-api/init_config.html#c.PyConfig.PyConfig_Read + PyConfig.PyConfig_SetArgv.argc c-api/init_config.html#c.PyConfig.PyConfig_SetArgv + PyConfig.PyConfig_SetArgv.argv c-api/init_config.html#c.PyConfig.PyConfig_SetArgv + PyConfig.PyConfig_SetArgv.config c-api/init_config.html#c.PyConfig.PyConfig_SetArgv + PyConfig.PyConfig_SetBytesArgv.argc c-api/init_config.html#c.PyConfig.PyConfig_SetBytesArgv + PyConfig.PyConfig_SetBytesArgv.argv c-api/init_config.html#c.PyConfig.PyConfig_SetBytesArgv + PyConfig.PyConfig_SetBytesArgv.config c-api/init_config.html#c.PyConfig.PyConfig_SetBytesArgv + PyConfig.PyConfig_SetBytesString.config c-api/init_config.html#c.PyConfig.PyConfig_SetBytesString + PyConfig.PyConfig_SetBytesString.config_str c-api/init_config.html#c.PyConfig.PyConfig_SetBytesString + PyConfig.PyConfig_SetBytesString.str c-api/init_config.html#c.PyConfig.PyConfig_SetBytesString + PyConfig.PyConfig_SetString.config c-api/init_config.html#c.PyConfig.PyConfig_SetString + PyConfig.PyConfig_SetString.config_str c-api/init_config.html#c.PyConfig.PyConfig_SetString + PyConfig.PyConfig_SetString.str c-api/init_config.html#c.PyConfig.PyConfig_SetString + PyConfig.PyConfig_SetWideStringList.config c-api/init_config.html#c.PyConfig.PyConfig_SetWideStringList + PyConfig.PyConfig_SetWideStringList.items c-api/init_config.html#c.PyConfig.PyConfig_SetWideStringList + PyConfig.PyConfig_SetWideStringList.length c-api/init_config.html#c.PyConfig.PyConfig_SetWideStringList + PyConfig.PyConfig_SetWideStringList.list c-api/init_config.html#c.PyConfig.PyConfig_SetWideStringList + PyContextToken_CheckExact.o c-api/contextvars.html#c.PyContextToken_CheckExact + PyContextVar_CheckExact.o c-api/contextvars.html#c.PyContextVar_CheckExact + PyContextVar_Get.default_value c-api/contextvars.html#c.PyContextVar_Get + PyContextVar_Get.value c-api/contextvars.html#c.PyContextVar_Get + PyContextVar_Get.var c-api/contextvars.html#c.PyContextVar_Get + PyContextVar_New.def c-api/contextvars.html#c.PyContextVar_New + PyContextVar_New.name c-api/contextvars.html#c.PyContextVar_New + PyContextVar_Reset.token c-api/contextvars.html#c.PyContextVar_Reset + PyContextVar_Reset.var c-api/contextvars.html#c.PyContextVar_Reset + PyContextVar_Set.value c-api/contextvars.html#c.PyContextVar_Set + PyContextVar_Set.var c-api/contextvars.html#c.PyContextVar_Set + PyContext_CheckExact.o c-api/contextvars.html#c.PyContext_CheckExact + PyContext_Copy.ctx c-api/contextvars.html#c.PyContext_Copy + PyContext_Enter.ctx c-api/contextvars.html#c.PyContext_Enter + PyContext_Exit.ctx c-api/contextvars.html#c.PyContext_Exit + PyCoro_CheckExact.ob c-api/coro.html#c.PyCoro_CheckExact + PyCoro_New.frame c-api/coro.html#c.PyCoro_New + PyCoro_New.name c-api/coro.html#c.PyCoro_New + PyCoro_New.qualname c-api/coro.html#c.PyCoro_New + PyDateTime_Check.ob c-api/datetime.html#c.PyDateTime_Check + PyDateTime_CheckExact.ob c-api/datetime.html#c.PyDateTime_CheckExact + PyDateTime_DATE_GET_FOLD.o c-api/datetime.html#c.PyDateTime_DATE_GET_FOLD + PyDateTime_DATE_GET_HOUR.o c-api/datetime.html#c.PyDateTime_DATE_GET_HOUR + PyDateTime_DATE_GET_MICROSECOND.o c-api/datetime.html#c.PyDateTime_DATE_GET_MICROSECOND + PyDateTime_DATE_GET_MINUTE.o c-api/datetime.html#c.PyDateTime_DATE_GET_MINUTE + PyDateTime_DATE_GET_SECOND.o c-api/datetime.html#c.PyDateTime_DATE_GET_SECOND + PyDateTime_DATE_GET_TZINFO.o c-api/datetime.html#c.PyDateTime_DATE_GET_TZINFO + PyDateTime_DELTA_GET_DAYS.o c-api/datetime.html#c.PyDateTime_DELTA_GET_DAYS + PyDateTime_DELTA_GET_MICROSECONDS.o c-api/datetime.html#c.PyDateTime_DELTA_GET_MICROSECONDS + PyDateTime_DELTA_GET_SECONDS.o c-api/datetime.html#c.PyDateTime_DELTA_GET_SECONDS + PyDateTime_FromDateAndTime.day c-api/datetime.html#c.PyDateTime_FromDateAndTime + PyDateTime_FromDateAndTime.hour c-api/datetime.html#c.PyDateTime_FromDateAndTime + PyDateTime_FromDateAndTime.minute c-api/datetime.html#c.PyDateTime_FromDateAndTime + PyDateTime_FromDateAndTime.month c-api/datetime.html#c.PyDateTime_FromDateAndTime + PyDateTime_FromDateAndTime.second c-api/datetime.html#c.PyDateTime_FromDateAndTime + PyDateTime_FromDateAndTime.usecond c-api/datetime.html#c.PyDateTime_FromDateAndTime + PyDateTime_FromDateAndTime.year c-api/datetime.html#c.PyDateTime_FromDateAndTime + PyDateTime_FromDateAndTimeAndFold.day c-api/datetime.html#c.PyDateTime_FromDateAndTimeAndFold + PyDateTime_FromDateAndTimeAndFold.fold c-api/datetime.html#c.PyDateTime_FromDateAndTimeAndFold + PyDateTime_FromDateAndTimeAndFold.hour c-api/datetime.html#c.PyDateTime_FromDateAndTimeAndFold + PyDateTime_FromDateAndTimeAndFold.minute c-api/datetime.html#c.PyDateTime_FromDateAndTimeAndFold + PyDateTime_FromDateAndTimeAndFold.month c-api/datetime.html#c.PyDateTime_FromDateAndTimeAndFold + PyDateTime_FromDateAndTimeAndFold.second c-api/datetime.html#c.PyDateTime_FromDateAndTimeAndFold + PyDateTime_FromDateAndTimeAndFold.usecond c-api/datetime.html#c.PyDateTime_FromDateAndTimeAndFold + PyDateTime_FromDateAndTimeAndFold.year c-api/datetime.html#c.PyDateTime_FromDateAndTimeAndFold + PyDateTime_FromTimestamp.args c-api/datetime.html#c.PyDateTime_FromTimestamp + PyDateTime_GET_DAY.o c-api/datetime.html#c.PyDateTime_GET_DAY + PyDateTime_GET_MONTH.o c-api/datetime.html#c.PyDateTime_GET_MONTH + PyDateTime_GET_YEAR.o c-api/datetime.html#c.PyDateTime_GET_YEAR + PyDateTime_TIME_GET_FOLD.o c-api/datetime.html#c.PyDateTime_TIME_GET_FOLD + PyDateTime_TIME_GET_HOUR.o c-api/datetime.html#c.PyDateTime_TIME_GET_HOUR + PyDateTime_TIME_GET_MICROSECOND.o c-api/datetime.html#c.PyDateTime_TIME_GET_MICROSECOND + PyDateTime_TIME_GET_MINUTE.o c-api/datetime.html#c.PyDateTime_TIME_GET_MINUTE + PyDateTime_TIME_GET_SECOND.o c-api/datetime.html#c.PyDateTime_TIME_GET_SECOND + PyDateTime_TIME_GET_TZINFO.o c-api/datetime.html#c.PyDateTime_TIME_GET_TZINFO + PyDate_Check.ob c-api/datetime.html#c.PyDate_Check + PyDate_CheckExact.ob c-api/datetime.html#c.PyDate_CheckExact + PyDate_FromDate.day c-api/datetime.html#c.PyDate_FromDate + PyDate_FromDate.month c-api/datetime.html#c.PyDate_FromDate + PyDate_FromDate.year c-api/datetime.html#c.PyDate_FromDate + PyDate_FromTimestamp.args c-api/datetime.html#c.PyDate_FromTimestamp + PyDelta_Check.ob c-api/datetime.html#c.PyDelta_Check + PyDelta_CheckExact.ob c-api/datetime.html#c.PyDelta_CheckExact + PyDelta_FromDSU.days c-api/datetime.html#c.PyDelta_FromDSU + PyDelta_FromDSU.seconds c-api/datetime.html#c.PyDelta_FromDSU + PyDelta_FromDSU.useconds c-api/datetime.html#c.PyDelta_FromDSU + PyDescr_IsData.descr c-api/descriptor.html#c.PyDescr_IsData + PyDescr_NewClassMethod.method c-api/descriptor.html#c.PyDescr_NewClassMethod + PyDescr_NewClassMethod.type c-api/descriptor.html#c.PyDescr_NewClassMethod + PyDescr_NewGetSet.getset c-api/descriptor.html#c.PyDescr_NewGetSet + PyDescr_NewGetSet.type c-api/descriptor.html#c.PyDescr_NewGetSet + PyDescr_NewMember.meth c-api/descriptor.html#c.PyDescr_NewMember + PyDescr_NewMember.type c-api/descriptor.html#c.PyDescr_NewMember + PyDescr_NewMethod.meth c-api/descriptor.html#c.PyDescr_NewMethod + PyDescr_NewMethod.type c-api/descriptor.html#c.PyDescr_NewMethod + PyDescr_NewWrapper.type c-api/descriptor.html#c.PyDescr_NewWrapper + PyDescr_NewWrapper.wrapped c-api/descriptor.html#c.PyDescr_NewWrapper + PyDescr_NewWrapper.wrapper c-api/descriptor.html#c.PyDescr_NewWrapper + PyDictProxy_New.mapping c-api/dict.html#c.PyDictProxy_New + PyDict_Check.p c-api/dict.html#c.PyDict_Check + PyDict_CheckExact.p c-api/dict.html#c.PyDict_CheckExact + PyDict_Clear.p c-api/dict.html#c.PyDict_Clear + PyDict_Contains.key c-api/dict.html#c.PyDict_Contains + PyDict_Contains.p c-api/dict.html#c.PyDict_Contains + PyDict_Copy.p c-api/dict.html#c.PyDict_Copy + PyDict_DelItem.key c-api/dict.html#c.PyDict_DelItem + PyDict_DelItem.p c-api/dict.html#c.PyDict_DelItem + PyDict_DelItemString.key c-api/dict.html#c.PyDict_DelItemString + PyDict_DelItemString.p c-api/dict.html#c.PyDict_DelItemString + PyDict_GetItem.key c-api/dict.html#c.PyDict_GetItem + PyDict_GetItem.p c-api/dict.html#c.PyDict_GetItem + PyDict_GetItemString.key c-api/dict.html#c.PyDict_GetItemString + PyDict_GetItemString.p c-api/dict.html#c.PyDict_GetItemString + PyDict_GetItemWithError.key c-api/dict.html#c.PyDict_GetItemWithError + PyDict_GetItemWithError.p c-api/dict.html#c.PyDict_GetItemWithError + PyDict_Items.p c-api/dict.html#c.PyDict_Items + PyDict_Keys.p c-api/dict.html#c.PyDict_Keys + PyDict_Merge.a c-api/dict.html#c.PyDict_Merge + PyDict_Merge.b c-api/dict.html#c.PyDict_Merge + PyDict_Merge.override c-api/dict.html#c.PyDict_Merge + PyDict_MergeFromSeq2.a c-api/dict.html#c.PyDict_MergeFromSeq2 + PyDict_MergeFromSeq2.override c-api/dict.html#c.PyDict_MergeFromSeq2 + PyDict_MergeFromSeq2.seq2 c-api/dict.html#c.PyDict_MergeFromSeq2 + PyDict_Next.p c-api/dict.html#c.PyDict_Next + PyDict_Next.pkey c-api/dict.html#c.PyDict_Next + PyDict_Next.ppos c-api/dict.html#c.PyDict_Next + PyDict_Next.pvalue c-api/dict.html#c.PyDict_Next + PyDict_SetDefault.defaultobj c-api/dict.html#c.PyDict_SetDefault + PyDict_SetDefault.key c-api/dict.html#c.PyDict_SetDefault + PyDict_SetDefault.p c-api/dict.html#c.PyDict_SetDefault + PyDict_SetItem.key c-api/dict.html#c.PyDict_SetItem + PyDict_SetItem.p c-api/dict.html#c.PyDict_SetItem + PyDict_SetItem.val c-api/dict.html#c.PyDict_SetItem + PyDict_SetItemString.key c-api/dict.html#c.PyDict_SetItemString + PyDict_SetItemString.p c-api/dict.html#c.PyDict_SetItemString + PyDict_SetItemString.val c-api/dict.html#c.PyDict_SetItemString + PyDict_Size.p c-api/dict.html#c.PyDict_Size + PyDict_Update.a c-api/dict.html#c.PyDict_Update + PyDict_Update.b c-api/dict.html#c.PyDict_Update + PyDict_Values.p c-api/dict.html#c.PyDict_Values + PyErr_ExceptionMatches.exc c-api/exceptions.html#c.PyErr_ExceptionMatches + PyErr_Fetch.ptraceback c-api/exceptions.html#c.PyErr_Fetch + PyErr_Fetch.ptype c-api/exceptions.html#c.PyErr_Fetch + PyErr_Fetch.pvalue c-api/exceptions.html#c.PyErr_Fetch + PyErr_Format.exception c-api/exceptions.html#c.PyErr_Format + PyErr_Format.format c-api/exceptions.html#c.PyErr_Format + PyErr_FormatV.exception c-api/exceptions.html#c.PyErr_FormatV + PyErr_FormatV.format c-api/exceptions.html#c.PyErr_FormatV + PyErr_FormatV.vargs c-api/exceptions.html#c.PyErr_FormatV + PyErr_GetExcInfo.ptraceback c-api/exceptions.html#c.PyErr_GetExcInfo + PyErr_GetExcInfo.ptype c-api/exceptions.html#c.PyErr_GetExcInfo + PyErr_GetExcInfo.pvalue c-api/exceptions.html#c.PyErr_GetExcInfo + PyErr_GivenExceptionMatches.exc c-api/exceptions.html#c.PyErr_GivenExceptionMatches + PyErr_GivenExceptionMatches.given c-api/exceptions.html#c.PyErr_GivenExceptionMatches + PyErr_NewException.base c-api/exceptions.html#c.PyErr_NewException + PyErr_NewException.dict c-api/exceptions.html#c.PyErr_NewException + PyErr_NewException.name c-api/exceptions.html#c.PyErr_NewException + PyErr_NewExceptionWithDoc.base c-api/exceptions.html#c.PyErr_NewExceptionWithDoc + PyErr_NewExceptionWithDoc.dict c-api/exceptions.html#c.PyErr_NewExceptionWithDoc + PyErr_NewExceptionWithDoc.doc c-api/exceptions.html#c.PyErr_NewExceptionWithDoc + PyErr_NewExceptionWithDoc.name c-api/exceptions.html#c.PyErr_NewExceptionWithDoc + PyErr_NormalizeException.exc c-api/exceptions.html#c.PyErr_NormalizeException + PyErr_NormalizeException.tb c-api/exceptions.html#c.PyErr_NormalizeException + PyErr_NormalizeException.val c-api/exceptions.html#c.PyErr_NormalizeException + PyErr_PrintEx.set_sys_last_vars c-api/exceptions.html#c.PyErr_PrintEx + PyErr_ResourceWarning.format c-api/exceptions.html#c.PyErr_ResourceWarning + PyErr_ResourceWarning.source c-api/exceptions.html#c.PyErr_ResourceWarning + PyErr_ResourceWarning.stack_level c-api/exceptions.html#c.PyErr_ResourceWarning + PyErr_Restore.traceback c-api/exceptions.html#c.PyErr_Restore + PyErr_Restore.type c-api/exceptions.html#c.PyErr_Restore + PyErr_Restore.value c-api/exceptions.html#c.PyErr_Restore + PyErr_SetExcFromWindowsErr.ierr c-api/exceptions.html#c.PyErr_SetExcFromWindowsErr + PyErr_SetExcFromWindowsErr.type c-api/exceptions.html#c.PyErr_SetExcFromWindowsErr + PyErr_SetExcFromWindowsErrWithFilename.filename c-api/exceptions.html#c.PyErr_SetExcFromWindowsErrWithFilename + PyErr_SetExcFromWindowsErrWithFilename.ierr c-api/exceptions.html#c.PyErr_SetExcFromWindowsErrWithFilename + PyErr_SetExcFromWindowsErrWithFilename.type c-api/exceptions.html#c.PyErr_SetExcFromWindowsErrWithFilename + PyErr_SetExcFromWindowsErrWithFilenameObject.filename c-api/exceptions.html#c.PyErr_SetExcFromWindowsErrWithFilenameObject + PyErr_SetExcFromWindowsErrWithFilenameObject.ierr c-api/exceptions.html#c.PyErr_SetExcFromWindowsErrWithFilenameObject + PyErr_SetExcFromWindowsErrWithFilenameObject.type c-api/exceptions.html#c.PyErr_SetExcFromWindowsErrWithFilenameObject + PyErr_SetExcFromWindowsErrWithFilenameObjects.filename c-api/exceptions.html#c.PyErr_SetExcFromWindowsErrWithFilenameObjects + PyErr_SetExcFromWindowsErrWithFilenameObjects.filename2 c-api/exceptions.html#c.PyErr_SetExcFromWindowsErrWithFilenameObjects + PyErr_SetExcFromWindowsErrWithFilenameObjects.ierr c-api/exceptions.html#c.PyErr_SetExcFromWindowsErrWithFilenameObjects + PyErr_SetExcFromWindowsErrWithFilenameObjects.type c-api/exceptions.html#c.PyErr_SetExcFromWindowsErrWithFilenameObjects + PyErr_SetExcInfo.traceback c-api/exceptions.html#c.PyErr_SetExcInfo + PyErr_SetExcInfo.type c-api/exceptions.html#c.PyErr_SetExcInfo + PyErr_SetExcInfo.value c-api/exceptions.html#c.PyErr_SetExcInfo + PyErr_SetFromErrno.type c-api/exceptions.html#c.PyErr_SetFromErrno + PyErr_SetFromErrnoWithFilename.filename c-api/exceptions.html#c.PyErr_SetFromErrnoWithFilename + PyErr_SetFromErrnoWithFilename.type c-api/exceptions.html#c.PyErr_SetFromErrnoWithFilename + PyErr_SetFromErrnoWithFilenameObject.filenameObject c-api/exceptions.html#c.PyErr_SetFromErrnoWithFilenameObject + PyErr_SetFromErrnoWithFilenameObject.type c-api/exceptions.html#c.PyErr_SetFromErrnoWithFilenameObject + PyErr_SetFromErrnoWithFilenameObjects.filenameObject c-api/exceptions.html#c.PyErr_SetFromErrnoWithFilenameObjects + PyErr_SetFromErrnoWithFilenameObjects.filenameObject2 c-api/exceptions.html#c.PyErr_SetFromErrnoWithFilenameObjects + PyErr_SetFromErrnoWithFilenameObjects.type c-api/exceptions.html#c.PyErr_SetFromErrnoWithFilenameObjects + PyErr_SetFromWindowsErr.ierr c-api/exceptions.html#c.PyErr_SetFromWindowsErr + PyErr_SetFromWindowsErrWithFilename.filename c-api/exceptions.html#c.PyErr_SetFromWindowsErrWithFilename + PyErr_SetFromWindowsErrWithFilename.ierr c-api/exceptions.html#c.PyErr_SetFromWindowsErrWithFilename + PyErr_SetImportError.msg c-api/exceptions.html#c.PyErr_SetImportError + PyErr_SetImportError.name c-api/exceptions.html#c.PyErr_SetImportError + PyErr_SetImportError.path c-api/exceptions.html#c.PyErr_SetImportError + PyErr_SetImportErrorSubclass.exception c-api/exceptions.html#c.PyErr_SetImportErrorSubclass + PyErr_SetImportErrorSubclass.msg c-api/exceptions.html#c.PyErr_SetImportErrorSubclass + PyErr_SetImportErrorSubclass.name c-api/exceptions.html#c.PyErr_SetImportErrorSubclass + PyErr_SetImportErrorSubclass.path c-api/exceptions.html#c.PyErr_SetImportErrorSubclass + PyErr_SetInterruptEx.signum c-api/exceptions.html#c.PyErr_SetInterruptEx + PyErr_SetNone.type c-api/exceptions.html#c.PyErr_SetNone + PyErr_SetObject.type c-api/exceptions.html#c.PyErr_SetObject + PyErr_SetObject.value c-api/exceptions.html#c.PyErr_SetObject + PyErr_SetString.message c-api/exceptions.html#c.PyErr_SetString + PyErr_SetString.type c-api/exceptions.html#c.PyErr_SetString + PyErr_SyntaxLocation.filename c-api/exceptions.html#c.PyErr_SyntaxLocation + PyErr_SyntaxLocation.lineno c-api/exceptions.html#c.PyErr_SyntaxLocation + PyErr_SyntaxLocationEx.col_offset c-api/exceptions.html#c.PyErr_SyntaxLocationEx + PyErr_SyntaxLocationEx.filename c-api/exceptions.html#c.PyErr_SyntaxLocationEx + PyErr_SyntaxLocationEx.lineno c-api/exceptions.html#c.PyErr_SyntaxLocationEx + PyErr_SyntaxLocationObject.col_offset c-api/exceptions.html#c.PyErr_SyntaxLocationObject + PyErr_SyntaxLocationObject.filename c-api/exceptions.html#c.PyErr_SyntaxLocationObject + PyErr_SyntaxLocationObject.lineno c-api/exceptions.html#c.PyErr_SyntaxLocationObject + PyErr_WarnEx.category c-api/exceptions.html#c.PyErr_WarnEx + PyErr_WarnEx.message c-api/exceptions.html#c.PyErr_WarnEx + PyErr_WarnEx.stack_level c-api/exceptions.html#c.PyErr_WarnEx + PyErr_WarnExplicit.category c-api/exceptions.html#c.PyErr_WarnExplicit + PyErr_WarnExplicit.filename c-api/exceptions.html#c.PyErr_WarnExplicit + PyErr_WarnExplicit.lineno c-api/exceptions.html#c.PyErr_WarnExplicit + PyErr_WarnExplicit.message c-api/exceptions.html#c.PyErr_WarnExplicit + PyErr_WarnExplicit.module c-api/exceptions.html#c.PyErr_WarnExplicit + PyErr_WarnExplicit.registry c-api/exceptions.html#c.PyErr_WarnExplicit + PyErr_WarnExplicitObject.category c-api/exceptions.html#c.PyErr_WarnExplicitObject + PyErr_WarnExplicitObject.filename c-api/exceptions.html#c.PyErr_WarnExplicitObject + PyErr_WarnExplicitObject.lineno c-api/exceptions.html#c.PyErr_WarnExplicitObject + PyErr_WarnExplicitObject.message c-api/exceptions.html#c.PyErr_WarnExplicitObject + PyErr_WarnExplicitObject.module c-api/exceptions.html#c.PyErr_WarnExplicitObject + PyErr_WarnExplicitObject.registry c-api/exceptions.html#c.PyErr_WarnExplicitObject + PyErr_WarnFormat.category c-api/exceptions.html#c.PyErr_WarnFormat + PyErr_WarnFormat.format c-api/exceptions.html#c.PyErr_WarnFormat + PyErr_WarnFormat.stack_level c-api/exceptions.html#c.PyErr_WarnFormat + PyErr_WriteUnraisable.obj c-api/exceptions.html#c.PyErr_WriteUnraisable + PyEval_AcquireThread.tstate c-api/init.html#c.PyEval_AcquireThread + PyEval_EvalCode.co c-api/veryhigh.html#c.PyEval_EvalCode + PyEval_EvalCode.globals c-api/veryhigh.html#c.PyEval_EvalCode + PyEval_EvalCode.locals c-api/veryhigh.html#c.PyEval_EvalCode + PyEval_EvalCodeEx.argcount c-api/veryhigh.html#c.PyEval_EvalCodeEx + PyEval_EvalCodeEx.args c-api/veryhigh.html#c.PyEval_EvalCodeEx + PyEval_EvalCodeEx.closure c-api/veryhigh.html#c.PyEval_EvalCodeEx + PyEval_EvalCodeEx.co c-api/veryhigh.html#c.PyEval_EvalCodeEx + PyEval_EvalCodeEx.defcount c-api/veryhigh.html#c.PyEval_EvalCodeEx + PyEval_EvalCodeEx.defs c-api/veryhigh.html#c.PyEval_EvalCodeEx + PyEval_EvalCodeEx.globals c-api/veryhigh.html#c.PyEval_EvalCodeEx + PyEval_EvalCodeEx.kwcount c-api/veryhigh.html#c.PyEval_EvalCodeEx + PyEval_EvalCodeEx.kwdefs c-api/veryhigh.html#c.PyEval_EvalCodeEx + PyEval_EvalCodeEx.kws c-api/veryhigh.html#c.PyEval_EvalCodeEx + PyEval_EvalCodeEx.locals c-api/veryhigh.html#c.PyEval_EvalCodeEx + PyEval_EvalFrame.f c-api/veryhigh.html#c.PyEval_EvalFrame + PyEval_EvalFrameEx.f c-api/veryhigh.html#c.PyEval_EvalFrameEx + PyEval_EvalFrameEx.throwflag c-api/veryhigh.html#c.PyEval_EvalFrameEx + PyEval_GetFuncDesc.func c-api/reflection.html#c.PyEval_GetFuncDesc + PyEval_GetFuncName.func c-api/reflection.html#c.PyEval_GetFuncName + PyEval_MergeCompilerFlags.cf c-api/veryhigh.html#c.PyEval_MergeCompilerFlags + PyEval_ReleaseThread.tstate c-api/init.html#c.PyEval_ReleaseThread + PyEval_RestoreThread.tstate c-api/init.html#c.PyEval_RestoreThread + PyEval_SetProfile.func c-api/init.html#c.PyEval_SetProfile + PyEval_SetProfile.obj c-api/init.html#c.PyEval_SetProfile + PyEval_SetTrace.func c-api/init.html#c.PyEval_SetTrace + PyEval_SetTrace.obj c-api/init.html#c.PyEval_SetTrace + PyException_GetCause.ex c-api/exceptions.html#c.PyException_GetCause + PyException_GetContext.ex c-api/exceptions.html#c.PyException_GetContext + PyException_GetTraceback.ex c-api/exceptions.html#c.PyException_GetTraceback + PyException_SetCause.cause c-api/exceptions.html#c.PyException_SetCause + PyException_SetCause.ex c-api/exceptions.html#c.PyException_SetCause + PyException_SetContext.ctx c-api/exceptions.html#c.PyException_SetContext + PyException_SetContext.ex c-api/exceptions.html#c.PyException_SetContext + PyException_SetTraceback.ex c-api/exceptions.html#c.PyException_SetTraceback + PyException_SetTraceback.tb c-api/exceptions.html#c.PyException_SetTraceback + PyFile_FromFd.buffering c-api/file.html#c.PyFile_FromFd + PyFile_FromFd.closefd c-api/file.html#c.PyFile_FromFd + PyFile_FromFd.encoding c-api/file.html#c.PyFile_FromFd + PyFile_FromFd.errors c-api/file.html#c.PyFile_FromFd + PyFile_FromFd.fd c-api/file.html#c.PyFile_FromFd + PyFile_FromFd.mode c-api/file.html#c.PyFile_FromFd + PyFile_FromFd.name c-api/file.html#c.PyFile_FromFd + PyFile_FromFd.newline c-api/file.html#c.PyFile_FromFd + PyFile_GetLine.n c-api/file.html#c.PyFile_GetLine + PyFile_GetLine.p c-api/file.html#c.PyFile_GetLine + PyFile_SetOpenCodeHook.handler c-api/file.html#c.PyFile_SetOpenCodeHook + PyFile_WriteObject.flags c-api/file.html#c.PyFile_WriteObject + PyFile_WriteObject.obj c-api/file.html#c.PyFile_WriteObject + PyFile_WriteObject.p c-api/file.html#c.PyFile_WriteObject + PyFile_WriteString.p c-api/file.html#c.PyFile_WriteString + PyFile_WriteString.s c-api/file.html#c.PyFile_WriteString + PyFloat_AS_DOUBLE.pyfloat c-api/float.html#c.PyFloat_AS_DOUBLE + PyFloat_AsDouble.pyfloat c-api/float.html#c.PyFloat_AsDouble + PyFloat_Check.p c-api/float.html#c.PyFloat_Check + PyFloat_CheckExact.p c-api/float.html#c.PyFloat_CheckExact + PyFloat_FromDouble.v c-api/float.html#c.PyFloat_FromDouble + PyFloat_FromString.str c-api/float.html#c.PyFloat_FromString + PyFrame_GetBack.frame c-api/reflection.html#c.PyFrame_GetBack + PyFrame_GetCode.frame c-api/reflection.html#c.PyFrame_GetCode + PyFrame_GetLineNumber.frame c-api/reflection.html#c.PyFrame_GetLineNumber + PyFrozenSet_Check.p c-api/set.html#c.PyFrozenSet_Check + PyFrozenSet_CheckExact.p c-api/set.html#c.PyFrozenSet_CheckExact + PyFrozenSet_New.iterable c-api/set.html#c.PyFrozenSet_New + PyFunction_Check.o c-api/function.html#c.PyFunction_Check + PyFunction_GetAnnotations.op c-api/function.html#c.PyFunction_GetAnnotations + PyFunction_GetClosure.op c-api/function.html#c.PyFunction_GetClosure + PyFunction_GetCode.op c-api/function.html#c.PyFunction_GetCode + PyFunction_GetDefaults.op c-api/function.html#c.PyFunction_GetDefaults + PyFunction_GetGlobals.op c-api/function.html#c.PyFunction_GetGlobals + PyFunction_GetModule.op c-api/function.html#c.PyFunction_GetModule + PyFunction_New.code c-api/function.html#c.PyFunction_New + PyFunction_New.globals c-api/function.html#c.PyFunction_New + PyFunction_NewWithQualName.code c-api/function.html#c.PyFunction_NewWithQualName + PyFunction_NewWithQualName.globals c-api/function.html#c.PyFunction_NewWithQualName + PyFunction_NewWithQualName.qualname c-api/function.html#c.PyFunction_NewWithQualName + PyFunction_SetAnnotations.annotations c-api/function.html#c.PyFunction_SetAnnotations + PyFunction_SetAnnotations.op c-api/function.html#c.PyFunction_SetAnnotations + PyFunction_SetClosure.closure c-api/function.html#c.PyFunction_SetClosure + PyFunction_SetClosure.op c-api/function.html#c.PyFunction_SetClosure + PyFunction_SetDefaults.defaults c-api/function.html#c.PyFunction_SetDefaults + PyFunction_SetDefaults.op c-api/function.html#c.PyFunction_SetDefaults + PyGen_Check.ob c-api/gen.html#c.PyGen_Check + PyGen_CheckExact.ob c-api/gen.html#c.PyGen_CheckExact + PyGen_New.frame c-api/gen.html#c.PyGen_New + PyGen_NewWithQualName.frame c-api/gen.html#c.PyGen_NewWithQualName + PyGen_NewWithQualName.name c-api/gen.html#c.PyGen_NewWithQualName + PyGen_NewWithQualName.qualname c-api/gen.html#c.PyGen_NewWithQualName + PyImport_AddModule.name c-api/import.html#c.PyImport_AddModule + PyImport_AddModuleObject.name c-api/import.html#c.PyImport_AddModuleObject + PyImport_AppendInittab.initfunc c-api/import.html#c.PyImport_AppendInittab + PyImport_AppendInittab.name c-api/import.html#c.PyImport_AppendInittab + PyImport_ExecCodeModule.co c-api/import.html#c.PyImport_ExecCodeModule + PyImport_ExecCodeModule.name c-api/import.html#c.PyImport_ExecCodeModule + PyImport_ExecCodeModuleEx.co c-api/import.html#c.PyImport_ExecCodeModuleEx + PyImport_ExecCodeModuleEx.name c-api/import.html#c.PyImport_ExecCodeModuleEx + PyImport_ExecCodeModuleEx.pathname c-api/import.html#c.PyImport_ExecCodeModuleEx + PyImport_ExecCodeModuleObject.co c-api/import.html#c.PyImport_ExecCodeModuleObject + PyImport_ExecCodeModuleObject.cpathname c-api/import.html#c.PyImport_ExecCodeModuleObject + PyImport_ExecCodeModuleObject.name c-api/import.html#c.PyImport_ExecCodeModuleObject + PyImport_ExecCodeModuleObject.pathname c-api/import.html#c.PyImport_ExecCodeModuleObject + PyImport_ExecCodeModuleWithPathnames.co c-api/import.html#c.PyImport_ExecCodeModuleWithPathnames + PyImport_ExecCodeModuleWithPathnames.cpathname c-api/import.html#c.PyImport_ExecCodeModuleWithPathnames + PyImport_ExecCodeModuleWithPathnames.name c-api/import.html#c.PyImport_ExecCodeModuleWithPathnames + PyImport_ExecCodeModuleWithPathnames.pathname c-api/import.html#c.PyImport_ExecCodeModuleWithPathnames + PyImport_ExtendInittab.newtab c-api/import.html#c.PyImport_ExtendInittab + PyImport_GetImporter.path c-api/import.html#c.PyImport_GetImporter + PyImport_GetModule.name c-api/import.html#c.PyImport_GetModule + PyImport_Import.name c-api/import.html#c.PyImport_Import + PyImport_ImportFrozenModule.name c-api/import.html#c.PyImport_ImportFrozenModule + PyImport_ImportFrozenModuleObject.name c-api/import.html#c.PyImport_ImportFrozenModuleObject + PyImport_ImportModule.name c-api/import.html#c.PyImport_ImportModule + PyImport_ImportModuleEx.fromlist c-api/import.html#c.PyImport_ImportModuleEx + PyImport_ImportModuleEx.globals c-api/import.html#c.PyImport_ImportModuleEx + PyImport_ImportModuleEx.locals c-api/import.html#c.PyImport_ImportModuleEx + PyImport_ImportModuleEx.name c-api/import.html#c.PyImport_ImportModuleEx + PyImport_ImportModuleLevel.fromlist c-api/import.html#c.PyImport_ImportModuleLevel + PyImport_ImportModuleLevel.globals c-api/import.html#c.PyImport_ImportModuleLevel + PyImport_ImportModuleLevel.level c-api/import.html#c.PyImport_ImportModuleLevel + PyImport_ImportModuleLevel.locals c-api/import.html#c.PyImport_ImportModuleLevel + PyImport_ImportModuleLevel.name c-api/import.html#c.PyImport_ImportModuleLevel + PyImport_ImportModuleLevelObject.fromlist c-api/import.html#c.PyImport_ImportModuleLevelObject + PyImport_ImportModuleLevelObject.globals c-api/import.html#c.PyImport_ImportModuleLevelObject + PyImport_ImportModuleLevelObject.level c-api/import.html#c.PyImport_ImportModuleLevelObject + PyImport_ImportModuleLevelObject.locals c-api/import.html#c.PyImport_ImportModuleLevelObject + PyImport_ImportModuleLevelObject.name c-api/import.html#c.PyImport_ImportModuleLevelObject + PyImport_ImportModuleNoBlock.name c-api/import.html#c.PyImport_ImportModuleNoBlock + PyImport_ReloadModule.m c-api/import.html#c.PyImport_ReloadModule + PyIndex_Check.o c-api/number.html#c.PyIndex_Check + PyInstanceMethod_Check.o c-api/method.html#c.PyInstanceMethod_Check + PyInstanceMethod_Function.im c-api/method.html#c.PyInstanceMethod_Function + PyInstanceMethod_GET_FUNCTION.im c-api/method.html#c.PyInstanceMethod_GET_FUNCTION + PyInstanceMethod_New.func c-api/method.html#c.PyInstanceMethod_New + PyInterpreterState_Clear.interp c-api/init.html#c.PyInterpreterState_Clear + PyInterpreterState_Delete.interp c-api/init.html#c.PyInterpreterState_Delete + PyInterpreterState_GetDict.interp c-api/init.html#c.PyInterpreterState_GetDict + PyInterpreterState_GetID.interp c-api/init.html#c.PyInterpreterState_GetID + PyInterpreterState_Next.interp c-api/init.html#c.PyInterpreterState_Next + PyInterpreterState_ThreadHead.interp c-api/init.html#c.PyInterpreterState_ThreadHead + PyIter_Check.o c-api/iter.html#c.PyIter_Check + PyIter_Next.o c-api/iter.html#c.PyIter_Next + PyIter_Send.arg c-api/iter.html#c.PyIter_Send + PyIter_Send.iter c-api/iter.html#c.PyIter_Send + PyIter_Send.presult c-api/iter.html#c.PyIter_Send + PyList_Append.item c-api/list.html#c.PyList_Append + PyList_Append.list c-api/list.html#c.PyList_Append + PyList_AsTuple.list c-api/list.html#c.PyList_AsTuple + PyList_Check.p c-api/list.html#c.PyList_Check + PyList_CheckExact.p c-api/list.html#c.PyList_CheckExact + PyList_GET_ITEM.i c-api/list.html#c.PyList_GET_ITEM + PyList_GET_ITEM.list c-api/list.html#c.PyList_GET_ITEM + PyList_GET_SIZE.list c-api/list.html#c.PyList_GET_SIZE + PyList_GetItem.index c-api/list.html#c.PyList_GetItem + PyList_GetItem.list c-api/list.html#c.PyList_GetItem + PyList_GetSlice.high c-api/list.html#c.PyList_GetSlice + PyList_GetSlice.list c-api/list.html#c.PyList_GetSlice + PyList_GetSlice.low c-api/list.html#c.PyList_GetSlice + PyList_Insert.index c-api/list.html#c.PyList_Insert + PyList_Insert.item c-api/list.html#c.PyList_Insert + PyList_Insert.list c-api/list.html#c.PyList_Insert + PyList_New.len c-api/list.html#c.PyList_New + PyList_Reverse.list c-api/list.html#c.PyList_Reverse + PyList_SET_ITEM.i c-api/list.html#c.PyList_SET_ITEM + PyList_SET_ITEM.list c-api/list.html#c.PyList_SET_ITEM + PyList_SET_ITEM.o c-api/list.html#c.PyList_SET_ITEM + PyList_SetItem.index c-api/list.html#c.PyList_SetItem + PyList_SetItem.item c-api/list.html#c.PyList_SetItem + PyList_SetItem.list c-api/list.html#c.PyList_SetItem + PyList_SetSlice.high c-api/list.html#c.PyList_SetSlice + PyList_SetSlice.itemlist c-api/list.html#c.PyList_SetSlice + PyList_SetSlice.list c-api/list.html#c.PyList_SetSlice + PyList_SetSlice.low c-api/list.html#c.PyList_SetSlice + PyList_Size.list c-api/list.html#c.PyList_Size + PyList_Sort.list c-api/list.html#c.PyList_Sort + PyLong_AsDouble.pylong c-api/long.html#c.PyLong_AsDouble + PyLong_AsLong.obj c-api/long.html#c.PyLong_AsLong + PyLong_AsLongAndOverflow.obj c-api/long.html#c.PyLong_AsLongAndOverflow + PyLong_AsLongAndOverflow.overflow c-api/long.html#c.PyLong_AsLongAndOverflow + PyLong_AsLongLong.obj c-api/long.html#c.PyLong_AsLongLong + PyLong_AsLongLongAndOverflow.obj c-api/long.html#c.PyLong_AsLongLongAndOverflow + PyLong_AsLongLongAndOverflow.overflow c-api/long.html#c.PyLong_AsLongLongAndOverflow + PyLong_AsSize_t.pylong c-api/long.html#c.PyLong_AsSize_t + PyLong_AsSsize_t.pylong c-api/long.html#c.PyLong_AsSsize_t + PyLong_AsUnsignedLong.pylong c-api/long.html#c.PyLong_AsUnsignedLong + PyLong_AsUnsignedLongLong.pylong c-api/long.html#c.PyLong_AsUnsignedLongLong + PyLong_AsUnsignedLongLongMask.obj c-api/long.html#c.PyLong_AsUnsignedLongLongMask + PyLong_AsUnsignedLongMask.obj c-api/long.html#c.PyLong_AsUnsignedLongMask + PyLong_AsVoidPtr.pylong c-api/long.html#c.PyLong_AsVoidPtr + PyLong_Check.p c-api/long.html#c.PyLong_Check + PyLong_CheckExact.p c-api/long.html#c.PyLong_CheckExact + PyLong_FromDouble.v c-api/long.html#c.PyLong_FromDouble + PyLong_FromLong.v c-api/long.html#c.PyLong_FromLong + PyLong_FromLongLong.v c-api/long.html#c.PyLong_FromLongLong + PyLong_FromSize_t.v c-api/long.html#c.PyLong_FromSize_t + PyLong_FromSsize_t.v c-api/long.html#c.PyLong_FromSsize_t + PyLong_FromString.base c-api/long.html#c.PyLong_FromString + PyLong_FromString.pend c-api/long.html#c.PyLong_FromString + PyLong_FromString.str c-api/long.html#c.PyLong_FromString + PyLong_FromUnicodeObject.base c-api/long.html#c.PyLong_FromUnicodeObject + PyLong_FromUnicodeObject.u c-api/long.html#c.PyLong_FromUnicodeObject + PyLong_FromUnsignedLong.v c-api/long.html#c.PyLong_FromUnsignedLong + PyLong_FromUnsignedLongLong.v c-api/long.html#c.PyLong_FromUnsignedLongLong + PyLong_FromVoidPtr.p c-api/long.html#c.PyLong_FromVoidPtr + PyMapping_Check.o c-api/mapping.html#c.PyMapping_Check + PyMapping_DelItem.key c-api/mapping.html#c.PyMapping_DelItem + PyMapping_DelItem.o c-api/mapping.html#c.PyMapping_DelItem + PyMapping_DelItemString.key c-api/mapping.html#c.PyMapping_DelItemString + PyMapping_DelItemString.o c-api/mapping.html#c.PyMapping_DelItemString + PyMapping_GetItemString.key c-api/mapping.html#c.PyMapping_GetItemString + PyMapping_GetItemString.o c-api/mapping.html#c.PyMapping_GetItemString + PyMapping_HasKey.key c-api/mapping.html#c.PyMapping_HasKey + PyMapping_HasKey.o c-api/mapping.html#c.PyMapping_HasKey + PyMapping_HasKeyString.key c-api/mapping.html#c.PyMapping_HasKeyString + PyMapping_HasKeyString.o c-api/mapping.html#c.PyMapping_HasKeyString + PyMapping_Items.o c-api/mapping.html#c.PyMapping_Items + PyMapping_Keys.o c-api/mapping.html#c.PyMapping_Keys + PyMapping_Length.o c-api/mapping.html#c.PyMapping_Length + PyMapping_SetItemString.key c-api/mapping.html#c.PyMapping_SetItemString + PyMapping_SetItemString.o c-api/mapping.html#c.PyMapping_SetItemString + PyMapping_SetItemString.v c-api/mapping.html#c.PyMapping_SetItemString + PyMapping_Size.o c-api/mapping.html#c.PyMapping_Size + PyMapping_Values.o c-api/mapping.html#c.PyMapping_Values + PyMarshal_ReadLastObjectFromFile.file c-api/marshal.html#c.PyMarshal_ReadLastObjectFromFile + PyMarshal_ReadLongFromFile.file c-api/marshal.html#c.PyMarshal_ReadLongFromFile + PyMarshal_ReadObjectFromFile.file c-api/marshal.html#c.PyMarshal_ReadObjectFromFile + PyMarshal_ReadObjectFromString.data c-api/marshal.html#c.PyMarshal_ReadObjectFromString + PyMarshal_ReadObjectFromString.len c-api/marshal.html#c.PyMarshal_ReadObjectFromString + PyMarshal_ReadShortFromFile.file c-api/marshal.html#c.PyMarshal_ReadShortFromFile + PyMarshal_WriteLongToFile.file c-api/marshal.html#c.PyMarshal_WriteLongToFile + PyMarshal_WriteLongToFile.value c-api/marshal.html#c.PyMarshal_WriteLongToFile + PyMarshal_WriteLongToFile.version c-api/marshal.html#c.PyMarshal_WriteLongToFile + PyMarshal_WriteObjectToFile.file c-api/marshal.html#c.PyMarshal_WriteObjectToFile + PyMarshal_WriteObjectToFile.value c-api/marshal.html#c.PyMarshal_WriteObjectToFile + PyMarshal_WriteObjectToFile.version c-api/marshal.html#c.PyMarshal_WriteObjectToFile + PyMarshal_WriteObjectToString.value c-api/marshal.html#c.PyMarshal_WriteObjectToString + PyMarshal_WriteObjectToString.version c-api/marshal.html#c.PyMarshal_WriteObjectToString + PyMem_Calloc.elsize c-api/memory.html#c.PyMem_Calloc + PyMem_Calloc.nelem c-api/memory.html#c.PyMem_Calloc + PyMem_Del.p c-api/memory.html#c.PyMem_Del + PyMem_Free.p c-api/memory.html#c.PyMem_Free + PyMem_GetAllocator.allocator c-api/memory.html#c.PyMem_GetAllocator + PyMem_GetAllocator.domain c-api/memory.html#c.PyMem_GetAllocator + PyMem_Malloc.n c-api/memory.html#c.PyMem_Malloc + PyMem_New.n c-api/memory.html#c.PyMem_New + PyMem_RawCalloc.elsize c-api/memory.html#c.PyMem_RawCalloc + PyMem_RawCalloc.nelem c-api/memory.html#c.PyMem_RawCalloc + PyMem_RawFree.p c-api/memory.html#c.PyMem_RawFree + PyMem_RawMalloc.n c-api/memory.html#c.PyMem_RawMalloc + PyMem_RawRealloc.n c-api/memory.html#c.PyMem_RawRealloc + PyMem_RawRealloc.p c-api/memory.html#c.PyMem_RawRealloc + PyMem_Realloc.n c-api/memory.html#c.PyMem_Realloc + PyMem_Realloc.p c-api/memory.html#c.PyMem_Realloc + PyMem_Resize.n c-api/memory.html#c.PyMem_Resize + PyMem_Resize.p c-api/memory.html#c.PyMem_Resize + PyMem_SetAllocator.allocator c-api/memory.html#c.PyMem_SetAllocator + PyMem_SetAllocator.domain c-api/memory.html#c.PyMem_SetAllocator + PyMember_GetOne.m c-api/structures.html#c.PyMember_GetOne + PyMember_GetOne.obj_addr c-api/structures.html#c.PyMember_GetOne + PyMember_SetOne.m c-api/structures.html#c.PyMember_SetOne + PyMember_SetOne.o c-api/structures.html#c.PyMember_SetOne + PyMember_SetOne.obj_addr c-api/structures.html#c.PyMember_SetOne + PyMemoryView_Check.obj c-api/memoryview.html#c.PyMemoryView_Check + PyMemoryView_FromBuffer.view c-api/memoryview.html#c.PyMemoryView_FromBuffer + PyMemoryView_FromMemory.flags c-api/memoryview.html#c.PyMemoryView_FromMemory + PyMemoryView_FromMemory.mem c-api/memoryview.html#c.PyMemoryView_FromMemory + PyMemoryView_FromMemory.size c-api/memoryview.html#c.PyMemoryView_FromMemory + PyMemoryView_FromObject.obj c-api/memoryview.html#c.PyMemoryView_FromObject + PyMemoryView_GET_BASE.mview c-api/memoryview.html#c.PyMemoryView_GET_BASE + PyMemoryView_GET_BUFFER.mview c-api/memoryview.html#c.PyMemoryView_GET_BUFFER + PyMemoryView_GetContiguous.buffertype c-api/memoryview.html#c.PyMemoryView_GetContiguous + PyMemoryView_GetContiguous.obj c-api/memoryview.html#c.PyMemoryView_GetContiguous + PyMemoryView_GetContiguous.order c-api/memoryview.html#c.PyMemoryView_GetContiguous + PyMethod_Check.o c-api/method.html#c.PyMethod_Check + PyMethod_Function.meth c-api/method.html#c.PyMethod_Function + PyMethod_GET_FUNCTION.meth c-api/method.html#c.PyMethod_GET_FUNCTION + PyMethod_GET_SELF.meth c-api/method.html#c.PyMethod_GET_SELF + PyMethod_New.func c-api/method.html#c.PyMethod_New + PyMethod_New.self c-api/method.html#c.PyMethod_New + PyMethod_Self.meth c-api/method.html#c.PyMethod_Self + PyModuleDef_Init.def c-api/module.html#c.PyModuleDef_Init + PyModule_AddFunctions.functions c-api/module.html#c.PyModule_AddFunctions + PyModule_AddFunctions.module c-api/module.html#c.PyModule_AddFunctions + PyModule_AddIntConstant.module c-api/module.html#c.PyModule_AddIntConstant + PyModule_AddIntConstant.name c-api/module.html#c.PyModule_AddIntConstant + PyModule_AddIntConstant.value c-api/module.html#c.PyModule_AddIntConstant + PyModule_AddIntMacro.module c-api/module.html#c.PyModule_AddIntMacro + PyModule_AddObject.module c-api/module.html#c.PyModule_AddObject + PyModule_AddObject.name c-api/module.html#c.PyModule_AddObject + PyModule_AddObject.value c-api/module.html#c.PyModule_AddObject + PyModule_AddObjectRef.module c-api/module.html#c.PyModule_AddObjectRef + PyModule_AddObjectRef.name c-api/module.html#c.PyModule_AddObjectRef + PyModule_AddObjectRef.value c-api/module.html#c.PyModule_AddObjectRef + PyModule_AddStringConstant.module c-api/module.html#c.PyModule_AddStringConstant + PyModule_AddStringConstant.name c-api/module.html#c.PyModule_AddStringConstant + PyModule_AddStringConstant.value c-api/module.html#c.PyModule_AddStringConstant + PyModule_AddStringMacro.module c-api/module.html#c.PyModule_AddStringMacro + PyModule_AddType.module c-api/module.html#c.PyModule_AddType + PyModule_AddType.type c-api/module.html#c.PyModule_AddType + PyModule_Check.p c-api/module.html#c.PyModule_Check + PyModule_CheckExact.p c-api/module.html#c.PyModule_CheckExact + PyModule_Create.def c-api/module.html#c.PyModule_Create + PyModule_Create2.def c-api/module.html#c.PyModule_Create2 + PyModule_Create2.module_api_version c-api/module.html#c.PyModule_Create2 + PyModule_ExecDef.def c-api/module.html#c.PyModule_ExecDef + PyModule_ExecDef.module c-api/module.html#c.PyModule_ExecDef + PyModule_FromDefAndSpec.def c-api/module.html#c.PyModule_FromDefAndSpec + PyModule_FromDefAndSpec.spec c-api/module.html#c.PyModule_FromDefAndSpec + PyModule_FromDefAndSpec2.def c-api/module.html#c.PyModule_FromDefAndSpec2 + PyModule_FromDefAndSpec2.module_api_version c-api/module.html#c.PyModule_FromDefAndSpec2 + PyModule_FromDefAndSpec2.spec c-api/module.html#c.PyModule_FromDefAndSpec2 + PyModule_GetDef.module c-api/module.html#c.PyModule_GetDef + PyModule_GetDict.module c-api/module.html#c.PyModule_GetDict + PyModule_GetFilename.module c-api/module.html#c.PyModule_GetFilename + PyModule_GetFilenameObject.module c-api/module.html#c.PyModule_GetFilenameObject + PyModule_GetName.module c-api/module.html#c.PyModule_GetName + PyModule_GetNameObject.module c-api/module.html#c.PyModule_GetNameObject + PyModule_GetState.module c-api/module.html#c.PyModule_GetState + PyModule_New.name c-api/module.html#c.PyModule_New + PyModule_NewObject.name c-api/module.html#c.PyModule_NewObject + PyModule_SetDocString.docstring c-api/module.html#c.PyModule_SetDocString + PyModule_SetDocString.module c-api/module.html#c.PyModule_SetDocString + PyNumber_Absolute.o c-api/number.html#c.PyNumber_Absolute + PyNumber_Add.o1 c-api/number.html#c.PyNumber_Add + PyNumber_Add.o2 c-api/number.html#c.PyNumber_Add + PyNumber_And.o1 c-api/number.html#c.PyNumber_And + PyNumber_And.o2 c-api/number.html#c.PyNumber_And + PyNumber_AsSsize_t.exc c-api/number.html#c.PyNumber_AsSsize_t + PyNumber_AsSsize_t.o c-api/number.html#c.PyNumber_AsSsize_t + PyNumber_Check.o c-api/number.html#c.PyNumber_Check + PyNumber_Divmod.o1 c-api/number.html#c.PyNumber_Divmod + PyNumber_Divmod.o2 c-api/number.html#c.PyNumber_Divmod + PyNumber_Float.o c-api/number.html#c.PyNumber_Float + PyNumber_FloorDivide.o1 c-api/number.html#c.PyNumber_FloorDivide + PyNumber_FloorDivide.o2 c-api/number.html#c.PyNumber_FloorDivide + PyNumber_InPlaceAdd.o1 c-api/number.html#c.PyNumber_InPlaceAdd + PyNumber_InPlaceAdd.o2 c-api/number.html#c.PyNumber_InPlaceAdd + PyNumber_InPlaceAnd.o1 c-api/number.html#c.PyNumber_InPlaceAnd + PyNumber_InPlaceAnd.o2 c-api/number.html#c.PyNumber_InPlaceAnd + PyNumber_InPlaceFloorDivide.o1 c-api/number.html#c.PyNumber_InPlaceFloorDivide + PyNumber_InPlaceFloorDivide.o2 c-api/number.html#c.PyNumber_InPlaceFloorDivide + PyNumber_InPlaceLshift.o1 c-api/number.html#c.PyNumber_InPlaceLshift + PyNumber_InPlaceLshift.o2 c-api/number.html#c.PyNumber_InPlaceLshift + PyNumber_InPlaceMatrixMultiply.o1 c-api/number.html#c.PyNumber_InPlaceMatrixMultiply + PyNumber_InPlaceMatrixMultiply.o2 c-api/number.html#c.PyNumber_InPlaceMatrixMultiply + PyNumber_InPlaceMultiply.o1 c-api/number.html#c.PyNumber_InPlaceMultiply + PyNumber_InPlaceMultiply.o2 c-api/number.html#c.PyNumber_InPlaceMultiply + PyNumber_InPlaceOr.o1 c-api/number.html#c.PyNumber_InPlaceOr + PyNumber_InPlaceOr.o2 c-api/number.html#c.PyNumber_InPlaceOr + PyNumber_InPlacePower.o1 c-api/number.html#c.PyNumber_InPlacePower + PyNumber_InPlacePower.o2 c-api/number.html#c.PyNumber_InPlacePower + PyNumber_InPlacePower.o3 c-api/number.html#c.PyNumber_InPlacePower + PyNumber_InPlaceRemainder.o1 c-api/number.html#c.PyNumber_InPlaceRemainder + PyNumber_InPlaceRemainder.o2 c-api/number.html#c.PyNumber_InPlaceRemainder + PyNumber_InPlaceRshift.o1 c-api/number.html#c.PyNumber_InPlaceRshift + PyNumber_InPlaceRshift.o2 c-api/number.html#c.PyNumber_InPlaceRshift + PyNumber_InPlaceSubtract.o1 c-api/number.html#c.PyNumber_InPlaceSubtract + PyNumber_InPlaceSubtract.o2 c-api/number.html#c.PyNumber_InPlaceSubtract + PyNumber_InPlaceTrueDivide.o1 c-api/number.html#c.PyNumber_InPlaceTrueDivide + PyNumber_InPlaceTrueDivide.o2 c-api/number.html#c.PyNumber_InPlaceTrueDivide + PyNumber_InPlaceXor.o1 c-api/number.html#c.PyNumber_InPlaceXor + PyNumber_InPlaceXor.o2 c-api/number.html#c.PyNumber_InPlaceXor + PyNumber_Index.o c-api/number.html#c.PyNumber_Index + PyNumber_Invert.o c-api/number.html#c.PyNumber_Invert + PyNumber_Long.o c-api/number.html#c.PyNumber_Long + PyNumber_Lshift.o1 c-api/number.html#c.PyNumber_Lshift + PyNumber_Lshift.o2 c-api/number.html#c.PyNumber_Lshift + PyNumber_MatrixMultiply.o1 c-api/number.html#c.PyNumber_MatrixMultiply + PyNumber_MatrixMultiply.o2 c-api/number.html#c.PyNumber_MatrixMultiply + PyNumber_Multiply.o1 c-api/number.html#c.PyNumber_Multiply + PyNumber_Multiply.o2 c-api/number.html#c.PyNumber_Multiply + PyNumber_Negative.o c-api/number.html#c.PyNumber_Negative + PyNumber_Or.o1 c-api/number.html#c.PyNumber_Or + PyNumber_Or.o2 c-api/number.html#c.PyNumber_Or + PyNumber_Positive.o c-api/number.html#c.PyNumber_Positive + PyNumber_Power.o1 c-api/number.html#c.PyNumber_Power + PyNumber_Power.o2 c-api/number.html#c.PyNumber_Power + PyNumber_Power.o3 c-api/number.html#c.PyNumber_Power + PyNumber_Remainder.o1 c-api/number.html#c.PyNumber_Remainder + PyNumber_Remainder.o2 c-api/number.html#c.PyNumber_Remainder + PyNumber_Rshift.o1 c-api/number.html#c.PyNumber_Rshift + PyNumber_Rshift.o2 c-api/number.html#c.PyNumber_Rshift + PyNumber_Subtract.o1 c-api/number.html#c.PyNumber_Subtract + PyNumber_Subtract.o2 c-api/number.html#c.PyNumber_Subtract + PyNumber_ToBase.base c-api/number.html#c.PyNumber_ToBase + PyNumber_ToBase.n c-api/number.html#c.PyNumber_ToBase + PyNumber_TrueDivide.o1 c-api/number.html#c.PyNumber_TrueDivide + PyNumber_TrueDivide.o2 c-api/number.html#c.PyNumber_TrueDivide + PyNumber_Xor.o1 c-api/number.html#c.PyNumber_Xor + PyNumber_Xor.o2 c-api/number.html#c.PyNumber_Xor + PyOS_FSPath.path c-api/sys.html#c.PyOS_FSPath + PyOS_double_to_string.flags c-api/conversion.html#c.PyOS_double_to_string + PyOS_double_to_string.format_code c-api/conversion.html#c.PyOS_double_to_string + PyOS_double_to_string.precision c-api/conversion.html#c.PyOS_double_to_string + PyOS_double_to_string.ptype c-api/conversion.html#c.PyOS_double_to_string + PyOS_double_to_string.val c-api/conversion.html#c.PyOS_double_to_string + PyOS_getsig.i c-api/sys.html#c.PyOS_getsig + PyOS_setsig.h c-api/sys.html#c.PyOS_setsig + PyOS_setsig.i c-api/sys.html#c.PyOS_setsig + PyOS_snprintf.format c-api/conversion.html#c.PyOS_snprintf + PyOS_snprintf.size c-api/conversion.html#c.PyOS_snprintf + PyOS_snprintf.str c-api/conversion.html#c.PyOS_snprintf + PyOS_stricmp.s1 c-api/conversion.html#c.PyOS_stricmp + PyOS_stricmp.s2 c-api/conversion.html#c.PyOS_stricmp + PyOS_string_to_double.endptr c-api/conversion.html#c.PyOS_string_to_double + PyOS_string_to_double.overflow_exception c-api/conversion.html#c.PyOS_string_to_double + PyOS_string_to_double.s c-api/conversion.html#c.PyOS_string_to_double + PyOS_strnicmp.s1 c-api/conversion.html#c.PyOS_strnicmp + PyOS_strnicmp.s2 c-api/conversion.html#c.PyOS_strnicmp + PyOS_strnicmp.size c-api/conversion.html#c.PyOS_strnicmp + PyOS_vsnprintf.format c-api/conversion.html#c.PyOS_vsnprintf + PyOS_vsnprintf.size c-api/conversion.html#c.PyOS_vsnprintf + PyOS_vsnprintf.str c-api/conversion.html#c.PyOS_vsnprintf + PyOS_vsnprintf.va c-api/conversion.html#c.PyOS_vsnprintf + PyObject_ASCII.o c-api/object.html#c.PyObject_ASCII + PyObject_AsCharBuffer.buffer c-api/objbuffer.html#c.PyObject_AsCharBuffer + PyObject_AsCharBuffer.buffer_len c-api/objbuffer.html#c.PyObject_AsCharBuffer + PyObject_AsCharBuffer.obj c-api/objbuffer.html#c.PyObject_AsCharBuffer + PyObject_AsFileDescriptor.p c-api/file.html#c.PyObject_AsFileDescriptor + PyObject_AsReadBuffer.buffer c-api/objbuffer.html#c.PyObject_AsReadBuffer + PyObject_AsReadBuffer.buffer_len c-api/objbuffer.html#c.PyObject_AsReadBuffer + PyObject_AsReadBuffer.obj c-api/objbuffer.html#c.PyObject_AsReadBuffer + PyObject_AsWriteBuffer.buffer c-api/objbuffer.html#c.PyObject_AsWriteBuffer + PyObject_AsWriteBuffer.buffer_len c-api/objbuffer.html#c.PyObject_AsWriteBuffer + PyObject_AsWriteBuffer.obj c-api/objbuffer.html#c.PyObject_AsWriteBuffer + PyObject_Bytes.o c-api/object.html#c.PyObject_Bytes + PyObject_Call.args c-api/call.html#c.PyObject_Call + PyObject_Call.callable c-api/call.html#c.PyObject_Call + PyObject_Call.kwargs c-api/call.html#c.PyObject_Call + PyObject_CallFunction.callable c-api/call.html#c.PyObject_CallFunction + PyObject_CallFunction.format c-api/call.html#c.PyObject_CallFunction + PyObject_CallFunctionObjArgs.callable c-api/call.html#c.PyObject_CallFunctionObjArgs + PyObject_CallMethod.format c-api/call.html#c.PyObject_CallMethod + PyObject_CallMethod.name c-api/call.html#c.PyObject_CallMethod + PyObject_CallMethod.obj c-api/call.html#c.PyObject_CallMethod + PyObject_CallMethodNoArgs.name c-api/call.html#c.PyObject_CallMethodNoArgs + PyObject_CallMethodNoArgs.obj c-api/call.html#c.PyObject_CallMethodNoArgs + PyObject_CallMethodObjArgs.name c-api/call.html#c.PyObject_CallMethodObjArgs + PyObject_CallMethodObjArgs.obj c-api/call.html#c.PyObject_CallMethodObjArgs + PyObject_CallMethodOneArg.arg c-api/call.html#c.PyObject_CallMethodOneArg + PyObject_CallMethodOneArg.name c-api/call.html#c.PyObject_CallMethodOneArg + PyObject_CallMethodOneArg.obj c-api/call.html#c.PyObject_CallMethodOneArg + PyObject_CallNoArgs.callable c-api/call.html#c.PyObject_CallNoArgs + PyObject_CallObject.args c-api/call.html#c.PyObject_CallObject + PyObject_CallObject.callable c-api/call.html#c.PyObject_CallObject + PyObject_CallOneArg.arg c-api/call.html#c.PyObject_CallOneArg + PyObject_CallOneArg.callable c-api/call.html#c.PyObject_CallOneArg + PyObject_Calloc.elsize c-api/memory.html#c.PyObject_Calloc + PyObject_Calloc.nelem c-api/memory.html#c.PyObject_Calloc + PyObject_CheckBuffer.obj c-api/buffer.html#c.PyObject_CheckBuffer + PyObject_CheckReadBuffer.o c-api/objbuffer.html#c.PyObject_CheckReadBuffer + PyObject_Del.op c-api/allocation.html#c.PyObject_Del + PyObject_DelAttr.attr_name c-api/object.html#c.PyObject_DelAttr + PyObject_DelAttr.o c-api/object.html#c.PyObject_DelAttr + PyObject_DelAttrString.attr_name c-api/object.html#c.PyObject_DelAttrString + PyObject_DelAttrString.o c-api/object.html#c.PyObject_DelAttrString + PyObject_DelItem.key c-api/object.html#c.PyObject_DelItem + PyObject_DelItem.o c-api/object.html#c.PyObject_DelItem + PyObject_Dir.o c-api/object.html#c.PyObject_Dir + PyObject_Free.p c-api/memory.html#c.PyObject_Free + PyObject_GC_Del.op c-api/gcsupport.html#c.PyObject_GC_Del + PyObject_GC_IsFinalized.op c-api/gcsupport.html#c.PyObject_GC_IsFinalized + PyObject_GC_IsTracked.op c-api/gcsupport.html#c.PyObject_GC_IsTracked + PyObject_GC_New.type c-api/gcsupport.html#c.PyObject_GC_New + PyObject_GC_NewVar.size c-api/gcsupport.html#c.PyObject_GC_NewVar + PyObject_GC_NewVar.type c-api/gcsupport.html#c.PyObject_GC_NewVar + PyObject_GC_Resize.newsize c-api/gcsupport.html#c.PyObject_GC_Resize + PyObject_GC_Resize.op c-api/gcsupport.html#c.PyObject_GC_Resize + PyObject_GC_Track.op c-api/gcsupport.html#c.PyObject_GC_Track + PyObject_GC_UnTrack.op c-api/gcsupport.html#c.PyObject_GC_UnTrack + PyObject_GenericGetAttr.name c-api/object.html#c.PyObject_GenericGetAttr + PyObject_GenericGetAttr.o c-api/object.html#c.PyObject_GenericGetAttr + PyObject_GenericGetDict.context c-api/object.html#c.PyObject_GenericGetDict + PyObject_GenericGetDict.o c-api/object.html#c.PyObject_GenericGetDict + PyObject_GenericSetAttr.name c-api/object.html#c.PyObject_GenericSetAttr + PyObject_GenericSetAttr.o c-api/object.html#c.PyObject_GenericSetAttr + PyObject_GenericSetAttr.value c-api/object.html#c.PyObject_GenericSetAttr + PyObject_GenericSetDict.context c-api/object.html#c.PyObject_GenericSetDict + PyObject_GenericSetDict.o c-api/object.html#c.PyObject_GenericSetDict + PyObject_GenericSetDict.value c-api/object.html#c.PyObject_GenericSetDict + PyObject_GetAIter.o c-api/object.html#c.PyObject_GetAIter + PyObject_GetArenaAllocator.allocator c-api/memory.html#c.PyObject_GetArenaAllocator + PyObject_GetAttr.attr_name c-api/object.html#c.PyObject_GetAttr + PyObject_GetAttr.o c-api/object.html#c.PyObject_GetAttr + PyObject_GetAttrString.attr_name c-api/object.html#c.PyObject_GetAttrString + PyObject_GetAttrString.o c-api/object.html#c.PyObject_GetAttrString + PyObject_GetBuffer.exporter c-api/buffer.html#c.PyObject_GetBuffer + PyObject_GetBuffer.flags c-api/buffer.html#c.PyObject_GetBuffer + PyObject_GetBuffer.view c-api/buffer.html#c.PyObject_GetBuffer + PyObject_GetItem.key c-api/object.html#c.PyObject_GetItem + PyObject_GetItem.o c-api/object.html#c.PyObject_GetItem + PyObject_GetIter.o c-api/object.html#c.PyObject_GetIter + PyObject_HasAttr.attr_name c-api/object.html#c.PyObject_HasAttr + PyObject_HasAttr.o c-api/object.html#c.PyObject_HasAttr + PyObject_HasAttrString.attr_name c-api/object.html#c.PyObject_HasAttrString + PyObject_HasAttrString.o c-api/object.html#c.PyObject_HasAttrString + PyObject_Hash.o c-api/object.html#c.PyObject_Hash + PyObject_HashNotImplemented.o c-api/object.html#c.PyObject_HashNotImplemented + PyObject_IS_GC.obj c-api/gcsupport.html#c.PyObject_IS_GC + PyObject_Init.op c-api/allocation.html#c.PyObject_Init + PyObject_Init.type c-api/allocation.html#c.PyObject_Init + PyObject_InitVar.op c-api/allocation.html#c.PyObject_InitVar + PyObject_InitVar.size c-api/allocation.html#c.PyObject_InitVar + PyObject_InitVar.type c-api/allocation.html#c.PyObject_InitVar + PyObject_IsInstance.cls c-api/object.html#c.PyObject_IsInstance + PyObject_IsInstance.inst c-api/object.html#c.PyObject_IsInstance + PyObject_IsSubclass.cls c-api/object.html#c.PyObject_IsSubclass + PyObject_IsSubclass.derived c-api/object.html#c.PyObject_IsSubclass + PyObject_IsTrue.o c-api/object.html#c.PyObject_IsTrue + PyObject_Length.o c-api/object.html#c.PyObject_Length + PyObject_LengthHint.defaultvalue c-api/object.html#c.PyObject_LengthHint + PyObject_LengthHint.o c-api/object.html#c.PyObject_LengthHint + PyObject_Malloc.n c-api/memory.html#c.PyObject_Malloc + PyObject_New.type c-api/allocation.html#c.PyObject_New + PyObject_NewVar.size c-api/allocation.html#c.PyObject_NewVar + PyObject_NewVar.type c-api/allocation.html#c.PyObject_NewVar + PyObject_Not.o c-api/object.html#c.PyObject_Not + PyObject_Print.flags c-api/object.html#c.PyObject_Print + PyObject_Print.fp c-api/object.html#c.PyObject_Print + PyObject_Print.o c-api/object.html#c.PyObject_Print + PyObject_Realloc.n c-api/memory.html#c.PyObject_Realloc + PyObject_Realloc.p c-api/memory.html#c.PyObject_Realloc + PyObject_Repr.o c-api/object.html#c.PyObject_Repr + PyObject_RichCompare.o1 c-api/object.html#c.PyObject_RichCompare + PyObject_RichCompare.o2 c-api/object.html#c.PyObject_RichCompare + PyObject_RichCompare.opid c-api/object.html#c.PyObject_RichCompare + PyObject_RichCompareBool.o1 c-api/object.html#c.PyObject_RichCompareBool + PyObject_RichCompareBool.o2 c-api/object.html#c.PyObject_RichCompareBool + PyObject_RichCompareBool.opid c-api/object.html#c.PyObject_RichCompareBool + PyObject_SetArenaAllocator.allocator c-api/memory.html#c.PyObject_SetArenaAllocator + PyObject_SetAttr.attr_name c-api/object.html#c.PyObject_SetAttr + PyObject_SetAttr.o c-api/object.html#c.PyObject_SetAttr + PyObject_SetAttr.v c-api/object.html#c.PyObject_SetAttr + PyObject_SetAttrString.attr_name c-api/object.html#c.PyObject_SetAttrString + PyObject_SetAttrString.o c-api/object.html#c.PyObject_SetAttrString + PyObject_SetAttrString.v c-api/object.html#c.PyObject_SetAttrString + PyObject_SetItem.key c-api/object.html#c.PyObject_SetItem + PyObject_SetItem.o c-api/object.html#c.PyObject_SetItem + PyObject_SetItem.v c-api/object.html#c.PyObject_SetItem + PyObject_Size.o c-api/object.html#c.PyObject_Size + PyObject_Str.o c-api/object.html#c.PyObject_Str + PyObject_Type.o c-api/object.html#c.PyObject_Type + PyObject_TypeCheck.o c-api/object.html#c.PyObject_TypeCheck + PyObject_TypeCheck.type c-api/object.html#c.PyObject_TypeCheck + PyObject_Vectorcall.args c-api/call.html#c.PyObject_Vectorcall + PyObject_Vectorcall.callable c-api/call.html#c.PyObject_Vectorcall + PyObject_Vectorcall.kwnames c-api/call.html#c.PyObject_Vectorcall + PyObject_Vectorcall.nargsf c-api/call.html#c.PyObject_Vectorcall + PyObject_VectorcallDict.args c-api/call.html#c.PyObject_VectorcallDict + PyObject_VectorcallDict.callable c-api/call.html#c.PyObject_VectorcallDict + PyObject_VectorcallDict.kwdict c-api/call.html#c.PyObject_VectorcallDict + PyObject_VectorcallDict.nargsf c-api/call.html#c.PyObject_VectorcallDict + PyObject_VectorcallMethod.args c-api/call.html#c.PyObject_VectorcallMethod + PyObject_VectorcallMethod.kwnames c-api/call.html#c.PyObject_VectorcallMethod + PyObject_VectorcallMethod.name c-api/call.html#c.PyObject_VectorcallMethod + PyObject_VectorcallMethod.nargsf c-api/call.html#c.PyObject_VectorcallMethod + PyPreConfig.PyPreConfig_InitIsolatedConfig.preconfig c-api/init_config.html#c.PyPreConfig.PyPreConfig_InitIsolatedConfig + PyPreConfig.PyPreConfig_InitPythonConfig.preconfig c-api/init_config.html#c.PyPreConfig.PyPreConfig_InitPythonConfig + PyRun_AnyFile.filename c-api/veryhigh.html#c.PyRun_AnyFile + PyRun_AnyFile.fp c-api/veryhigh.html#c.PyRun_AnyFile + PyRun_AnyFileEx.closeit c-api/veryhigh.html#c.PyRun_AnyFileEx + PyRun_AnyFileEx.filename c-api/veryhigh.html#c.PyRun_AnyFileEx + PyRun_AnyFileEx.fp c-api/veryhigh.html#c.PyRun_AnyFileEx + PyRun_AnyFileExFlags.closeit c-api/veryhigh.html#c.PyRun_AnyFileExFlags + PyRun_AnyFileExFlags.filename c-api/veryhigh.html#c.PyRun_AnyFileExFlags + PyRun_AnyFileExFlags.flags c-api/veryhigh.html#c.PyRun_AnyFileExFlags + PyRun_AnyFileExFlags.fp c-api/veryhigh.html#c.PyRun_AnyFileExFlags + PyRun_AnyFileFlags.filename c-api/veryhigh.html#c.PyRun_AnyFileFlags + PyRun_AnyFileFlags.flags c-api/veryhigh.html#c.PyRun_AnyFileFlags + PyRun_AnyFileFlags.fp c-api/veryhigh.html#c.PyRun_AnyFileFlags + PyRun_File.filename c-api/veryhigh.html#c.PyRun_File + PyRun_File.fp c-api/veryhigh.html#c.PyRun_File + PyRun_File.globals c-api/veryhigh.html#c.PyRun_File + PyRun_File.locals c-api/veryhigh.html#c.PyRun_File + PyRun_File.start c-api/veryhigh.html#c.PyRun_File + PyRun_FileEx.closeit c-api/veryhigh.html#c.PyRun_FileEx + PyRun_FileEx.filename c-api/veryhigh.html#c.PyRun_FileEx + PyRun_FileEx.fp c-api/veryhigh.html#c.PyRun_FileEx + PyRun_FileEx.globals c-api/veryhigh.html#c.PyRun_FileEx + PyRun_FileEx.locals c-api/veryhigh.html#c.PyRun_FileEx + PyRun_FileEx.start c-api/veryhigh.html#c.PyRun_FileEx + PyRun_FileExFlags.closeit c-api/veryhigh.html#c.PyRun_FileExFlags + PyRun_FileExFlags.filename c-api/veryhigh.html#c.PyRun_FileExFlags + PyRun_FileExFlags.flags c-api/veryhigh.html#c.PyRun_FileExFlags + PyRun_FileExFlags.fp c-api/veryhigh.html#c.PyRun_FileExFlags + PyRun_FileExFlags.globals c-api/veryhigh.html#c.PyRun_FileExFlags + PyRun_FileExFlags.locals c-api/veryhigh.html#c.PyRun_FileExFlags + PyRun_FileExFlags.start c-api/veryhigh.html#c.PyRun_FileExFlags + PyRun_FileFlags.filename c-api/veryhigh.html#c.PyRun_FileFlags + PyRun_FileFlags.flags c-api/veryhigh.html#c.PyRun_FileFlags + PyRun_FileFlags.fp c-api/veryhigh.html#c.PyRun_FileFlags + PyRun_FileFlags.globals c-api/veryhigh.html#c.PyRun_FileFlags + PyRun_FileFlags.locals c-api/veryhigh.html#c.PyRun_FileFlags + PyRun_FileFlags.start c-api/veryhigh.html#c.PyRun_FileFlags + PyRun_InteractiveLoop.filename c-api/veryhigh.html#c.PyRun_InteractiveLoop + PyRun_InteractiveLoop.fp c-api/veryhigh.html#c.PyRun_InteractiveLoop + PyRun_InteractiveLoopFlags.filename c-api/veryhigh.html#c.PyRun_InteractiveLoopFlags + PyRun_InteractiveLoopFlags.flags c-api/veryhigh.html#c.PyRun_InteractiveLoopFlags + PyRun_InteractiveLoopFlags.fp c-api/veryhigh.html#c.PyRun_InteractiveLoopFlags + PyRun_InteractiveOne.filename c-api/veryhigh.html#c.PyRun_InteractiveOne + PyRun_InteractiveOne.fp c-api/veryhigh.html#c.PyRun_InteractiveOne + PyRun_InteractiveOneFlags.filename c-api/veryhigh.html#c.PyRun_InteractiveOneFlags + PyRun_InteractiveOneFlags.flags c-api/veryhigh.html#c.PyRun_InteractiveOneFlags + PyRun_InteractiveOneFlags.fp c-api/veryhigh.html#c.PyRun_InteractiveOneFlags + PyRun_SimpleFile.filename c-api/veryhigh.html#c.PyRun_SimpleFile + PyRun_SimpleFile.fp c-api/veryhigh.html#c.PyRun_SimpleFile + PyRun_SimpleFileEx.closeit c-api/veryhigh.html#c.PyRun_SimpleFileEx + PyRun_SimpleFileEx.filename c-api/veryhigh.html#c.PyRun_SimpleFileEx + PyRun_SimpleFileEx.fp c-api/veryhigh.html#c.PyRun_SimpleFileEx + PyRun_SimpleFileExFlags.closeit c-api/veryhigh.html#c.PyRun_SimpleFileExFlags + PyRun_SimpleFileExFlags.filename c-api/veryhigh.html#c.PyRun_SimpleFileExFlags + PyRun_SimpleFileExFlags.flags c-api/veryhigh.html#c.PyRun_SimpleFileExFlags + PyRun_SimpleFileExFlags.fp c-api/veryhigh.html#c.PyRun_SimpleFileExFlags + PyRun_SimpleString.command c-api/veryhigh.html#c.PyRun_SimpleString + PyRun_SimpleStringFlags.command c-api/veryhigh.html#c.PyRun_SimpleStringFlags + PyRun_SimpleStringFlags.flags c-api/veryhigh.html#c.PyRun_SimpleStringFlags + PyRun_String.globals c-api/veryhigh.html#c.PyRun_String + PyRun_String.locals c-api/veryhigh.html#c.PyRun_String + PyRun_String.start c-api/veryhigh.html#c.PyRun_String + PyRun_String.str c-api/veryhigh.html#c.PyRun_String + PyRun_StringFlags.flags c-api/veryhigh.html#c.PyRun_StringFlags + PyRun_StringFlags.globals c-api/veryhigh.html#c.PyRun_StringFlags + PyRun_StringFlags.locals c-api/veryhigh.html#c.PyRun_StringFlags + PyRun_StringFlags.start c-api/veryhigh.html#c.PyRun_StringFlags + PyRun_StringFlags.str c-api/veryhigh.html#c.PyRun_StringFlags + PySeqIter_New.seq c-api/iterator.html#c.PySeqIter_New + PySequence_Check.o c-api/sequence.html#c.PySequence_Check + PySequence_Concat.o1 c-api/sequence.html#c.PySequence_Concat + PySequence_Concat.o2 c-api/sequence.html#c.PySequence_Concat + PySequence_Contains.o c-api/sequence.html#c.PySequence_Contains + PySequence_Contains.value c-api/sequence.html#c.PySequence_Contains + PySequence_Count.o c-api/sequence.html#c.PySequence_Count + PySequence_Count.value c-api/sequence.html#c.PySequence_Count + PySequence_DelItem.i c-api/sequence.html#c.PySequence_DelItem + PySequence_DelItem.o c-api/sequence.html#c.PySequence_DelItem + PySequence_DelSlice.i1 c-api/sequence.html#c.PySequence_DelSlice + PySequence_DelSlice.i2 c-api/sequence.html#c.PySequence_DelSlice + PySequence_DelSlice.o c-api/sequence.html#c.PySequence_DelSlice + PySequence_Fast.m c-api/sequence.html#c.PySequence_Fast + PySequence_Fast.o c-api/sequence.html#c.PySequence_Fast + PySequence_Fast_GET_ITEM.i c-api/sequence.html#c.PySequence_Fast_GET_ITEM + PySequence_Fast_GET_ITEM.o c-api/sequence.html#c.PySequence_Fast_GET_ITEM + PySequence_Fast_GET_SIZE.o c-api/sequence.html#c.PySequence_Fast_GET_SIZE + PySequence_Fast_ITEMS.o c-api/sequence.html#c.PySequence_Fast_ITEMS + PySequence_GetItem.i c-api/sequence.html#c.PySequence_GetItem + PySequence_GetItem.o c-api/sequence.html#c.PySequence_GetItem + PySequence_GetSlice.i1 c-api/sequence.html#c.PySequence_GetSlice + PySequence_GetSlice.i2 c-api/sequence.html#c.PySequence_GetSlice + PySequence_GetSlice.o c-api/sequence.html#c.PySequence_GetSlice + PySequence_ITEM.i c-api/sequence.html#c.PySequence_ITEM + PySequence_ITEM.o c-api/sequence.html#c.PySequence_ITEM + PySequence_InPlaceConcat.o1 c-api/sequence.html#c.PySequence_InPlaceConcat + PySequence_InPlaceConcat.o2 c-api/sequence.html#c.PySequence_InPlaceConcat + PySequence_InPlaceRepeat.count c-api/sequence.html#c.PySequence_InPlaceRepeat + PySequence_InPlaceRepeat.o c-api/sequence.html#c.PySequence_InPlaceRepeat + PySequence_Index.o c-api/sequence.html#c.PySequence_Index + PySequence_Index.value c-api/sequence.html#c.PySequence_Index + PySequence_Length.o c-api/sequence.html#c.PySequence_Length + PySequence_List.o c-api/sequence.html#c.PySequence_List + PySequence_Repeat.count c-api/sequence.html#c.PySequence_Repeat + PySequence_Repeat.o c-api/sequence.html#c.PySequence_Repeat + PySequence_SetItem.i c-api/sequence.html#c.PySequence_SetItem + PySequence_SetItem.o c-api/sequence.html#c.PySequence_SetItem + PySequence_SetItem.v c-api/sequence.html#c.PySequence_SetItem + PySequence_SetSlice.i1 c-api/sequence.html#c.PySequence_SetSlice + PySequence_SetSlice.i2 c-api/sequence.html#c.PySequence_SetSlice + PySequence_SetSlice.o c-api/sequence.html#c.PySequence_SetSlice + PySequence_SetSlice.v c-api/sequence.html#c.PySequence_SetSlice + PySequence_Size.o c-api/sequence.html#c.PySequence_Size + PySequence_Tuple.o c-api/sequence.html#c.PySequence_Tuple + PySet_Add.key c-api/set.html#c.PySet_Add + PySet_Add.set c-api/set.html#c.PySet_Add + PySet_Check.p c-api/set.html#c.PySet_Check + PySet_CheckExact.p c-api/set.html#c.PySet_CheckExact + PySet_Clear.set c-api/set.html#c.PySet_Clear + PySet_Contains.anyset c-api/set.html#c.PySet_Contains + PySet_Contains.key c-api/set.html#c.PySet_Contains + PySet_Discard.key c-api/set.html#c.PySet_Discard + PySet_Discard.set c-api/set.html#c.PySet_Discard + PySet_GET_SIZE.anyset c-api/set.html#c.PySet_GET_SIZE + PySet_New.iterable c-api/set.html#c.PySet_New + PySet_Pop.set c-api/set.html#c.PySet_Pop + PySet_Size.anyset c-api/set.html#c.PySet_Size + PySignal_SetWakeupFd.fd c-api/exceptions.html#c.PySignal_SetWakeupFd + PySlice_AdjustIndices.length c-api/slice.html#c.PySlice_AdjustIndices + PySlice_AdjustIndices.start c-api/slice.html#c.PySlice_AdjustIndices + PySlice_AdjustIndices.step c-api/slice.html#c.PySlice_AdjustIndices + PySlice_AdjustIndices.stop c-api/slice.html#c.PySlice_AdjustIndices + PySlice_Check.ob c-api/slice.html#c.PySlice_Check + PySlice_GetIndices.length c-api/slice.html#c.PySlice_GetIndices + PySlice_GetIndices.slice c-api/slice.html#c.PySlice_GetIndices + PySlice_GetIndices.start c-api/slice.html#c.PySlice_GetIndices + PySlice_GetIndices.step c-api/slice.html#c.PySlice_GetIndices + PySlice_GetIndices.stop c-api/slice.html#c.PySlice_GetIndices + PySlice_GetIndicesEx.length c-api/slice.html#c.PySlice_GetIndicesEx + PySlice_GetIndicesEx.slice c-api/slice.html#c.PySlice_GetIndicesEx + PySlice_GetIndicesEx.slicelength c-api/slice.html#c.PySlice_GetIndicesEx + PySlice_GetIndicesEx.start c-api/slice.html#c.PySlice_GetIndicesEx + PySlice_GetIndicesEx.step c-api/slice.html#c.PySlice_GetIndicesEx + PySlice_GetIndicesEx.stop c-api/slice.html#c.PySlice_GetIndicesEx + PySlice_New.start c-api/slice.html#c.PySlice_New + PySlice_New.step c-api/slice.html#c.PySlice_New + PySlice_New.stop c-api/slice.html#c.PySlice_New + PySlice_Unpack.slice c-api/slice.html#c.PySlice_Unpack + PySlice_Unpack.start c-api/slice.html#c.PySlice_Unpack + PySlice_Unpack.step c-api/slice.html#c.PySlice_Unpack + PySlice_Unpack.stop c-api/slice.html#c.PySlice_Unpack + PyState_AddModule.def c-api/module.html#c.PyState_AddModule + PyState_AddModule.module c-api/module.html#c.PyState_AddModule + PyState_FindModule.def c-api/module.html#c.PyState_FindModule + PyState_RemoveModule.def c-api/module.html#c.PyState_RemoveModule + PyStatus.PyStatus_Error.err_msg c-api/init_config.html#c.PyStatus.PyStatus_Error + PyStatus.PyStatus_Exception.status c-api/init_config.html#c.PyStatus.PyStatus_Exception + PyStatus.PyStatus_Exit.exitcode c-api/init_config.html#c.PyStatus.PyStatus_Exit + PyStatus.PyStatus_IsError.status c-api/init_config.html#c.PyStatus.PyStatus_IsError + PyStatus.PyStatus_IsExit.status c-api/init_config.html#c.PyStatus.PyStatus_IsExit + PyStatus.Py_ExitStatusException.status c-api/init_config.html#c.PyStatus.Py_ExitStatusException + PyStructSequence_GET_ITEM.p c-api/tuple.html#c.PyStructSequence_GET_ITEM + PyStructSequence_GET_ITEM.pos c-api/tuple.html#c.PyStructSequence_GET_ITEM + PyStructSequence_GetItem.p c-api/tuple.html#c.PyStructSequence_GetItem + PyStructSequence_GetItem.pos c-api/tuple.html#c.PyStructSequence_GetItem + PyStructSequence_InitType.desc c-api/tuple.html#c.PyStructSequence_InitType + PyStructSequence_InitType.type c-api/tuple.html#c.PyStructSequence_InitType + PyStructSequence_InitType2.desc c-api/tuple.html#c.PyStructSequence_InitType2 + PyStructSequence_InitType2.type c-api/tuple.html#c.PyStructSequence_InitType2 + PyStructSequence_New.type c-api/tuple.html#c.PyStructSequence_New + PyStructSequence_NewType.desc c-api/tuple.html#c.PyStructSequence_NewType + PyStructSequence_SET_ITEM.o c-api/tuple.html#c.PyStructSequence_SET_ITEM + PyStructSequence_SET_ITEM.p c-api/tuple.html#c.PyStructSequence_SET_ITEM + PyStructSequence_SET_ITEM.pos c-api/tuple.html#c.PyStructSequence_SET_ITEM + PyStructSequence_SetItem.o c-api/tuple.html#c.PyStructSequence_SetItem + PyStructSequence_SetItem.p c-api/tuple.html#c.PyStructSequence_SetItem + PyStructSequence_SetItem.pos c-api/tuple.html#c.PyStructSequence_SetItem + PySys_AddAuditHook.hook c-api/sys.html#c.PySys_AddAuditHook + PySys_AddAuditHook.userData c-api/sys.html#c.PySys_AddAuditHook + PySys_AddWarnOption.s c-api/sys.html#c.PySys_AddWarnOption + PySys_AddWarnOptionUnicode.unicode c-api/sys.html#c.PySys_AddWarnOptionUnicode + PySys_AddXOption.s c-api/sys.html#c.PySys_AddXOption + PySys_Audit.event c-api/sys.html#c.PySys_Audit + PySys_Audit.format c-api/sys.html#c.PySys_Audit + PySys_FormatStderr.format c-api/sys.html#c.PySys_FormatStderr + PySys_FormatStdout.format c-api/sys.html#c.PySys_FormatStdout + PySys_GetObject.name c-api/sys.html#c.PySys_GetObject + PySys_SetArgv.argc c-api/init.html#c.PySys_SetArgv + PySys_SetArgv.argv c-api/init.html#c.PySys_SetArgv + PySys_SetArgvEx.argc c-api/init.html#c.PySys_SetArgvEx + PySys_SetArgvEx.argv c-api/init.html#c.PySys_SetArgvEx + PySys_SetArgvEx.updatepath c-api/init.html#c.PySys_SetArgvEx + PySys_SetObject.name c-api/sys.html#c.PySys_SetObject + PySys_SetObject.v c-api/sys.html#c.PySys_SetObject + PySys_SetPath.path c-api/sys.html#c.PySys_SetPath + PySys_WriteStderr.format c-api/sys.html#c.PySys_WriteStderr + PySys_WriteStdout.format c-api/sys.html#c.PySys_WriteStdout + PyTZInfo_Check.ob c-api/datetime.html#c.PyTZInfo_Check + PyTZInfo_CheckExact.ob c-api/datetime.html#c.PyTZInfo_CheckExact + PyThreadState_Clear.tstate c-api/init.html#c.PyThreadState_Clear + PyThreadState_Delete.tstate c-api/init.html#c.PyThreadState_Delete + PyThreadState_GetFrame.tstate c-api/init.html#c.PyThreadState_GetFrame + PyThreadState_GetID.tstate c-api/init.html#c.PyThreadState_GetID + PyThreadState_GetInterpreter.tstate c-api/init.html#c.PyThreadState_GetInterpreter + PyThreadState_New.interp c-api/init.html#c.PyThreadState_New + PyThreadState_Next.tstate c-api/init.html#c.PyThreadState_Next + PyThreadState_SetAsyncExc.exc c-api/init.html#c.PyThreadState_SetAsyncExc + PyThreadState_SetAsyncExc.id c-api/init.html#c.PyThreadState_SetAsyncExc + PyThreadState_Swap.tstate c-api/init.html#c.PyThreadState_Swap + PyThread_delete_key.key c-api/init.html#c.PyThread_delete_key + PyThread_delete_key_value.key c-api/init.html#c.PyThread_delete_key_value + PyThread_get_key_value.key c-api/init.html#c.PyThread_get_key_value + PyThread_set_key_value.key c-api/init.html#c.PyThread_set_key_value + PyThread_set_key_value.value c-api/init.html#c.PyThread_set_key_value + PyThread_tss_create.key c-api/init.html#c.PyThread_tss_create + PyThread_tss_delete.key c-api/init.html#c.PyThread_tss_delete + PyThread_tss_free.key c-api/init.html#c.PyThread_tss_free + PyThread_tss_get.key c-api/init.html#c.PyThread_tss_get + PyThread_tss_is_created.key c-api/init.html#c.PyThread_tss_is_created + PyThread_tss_set.key c-api/init.html#c.PyThread_tss_set + PyThread_tss_set.value c-api/init.html#c.PyThread_tss_set + PyTimeZone_FromOffset.offset c-api/datetime.html#c.PyTimeZone_FromOffset + PyTimeZone_FromOffsetAndName.name c-api/datetime.html#c.PyTimeZone_FromOffsetAndName + PyTimeZone_FromOffsetAndName.offset c-api/datetime.html#c.PyTimeZone_FromOffsetAndName + PyTime_Check.ob c-api/datetime.html#c.PyTime_Check + PyTime_CheckExact.ob c-api/datetime.html#c.PyTime_CheckExact + PyTime_FromTime.hour c-api/datetime.html#c.PyTime_FromTime + PyTime_FromTime.minute c-api/datetime.html#c.PyTime_FromTime + PyTime_FromTime.second c-api/datetime.html#c.PyTime_FromTime + PyTime_FromTime.usecond c-api/datetime.html#c.PyTime_FromTime + PyTime_FromTimeAndFold.fold c-api/datetime.html#c.PyTime_FromTimeAndFold + PyTime_FromTimeAndFold.hour c-api/datetime.html#c.PyTime_FromTimeAndFold + PyTime_FromTimeAndFold.minute c-api/datetime.html#c.PyTime_FromTimeAndFold + PyTime_FromTimeAndFold.second c-api/datetime.html#c.PyTime_FromTimeAndFold + PyTime_FromTimeAndFold.usecond c-api/datetime.html#c.PyTime_FromTimeAndFold + PyTraceMalloc_Track.domain c-api/memory.html#c.PyTraceMalloc_Track + PyTraceMalloc_Track.ptr c-api/memory.html#c.PyTraceMalloc_Track + PyTraceMalloc_Track.size c-api/memory.html#c.PyTraceMalloc_Track + PyTraceMalloc_Untrack.domain c-api/memory.html#c.PyTraceMalloc_Untrack + PyTraceMalloc_Untrack.ptr c-api/memory.html#c.PyTraceMalloc_Untrack + PyTuple_Check.p c-api/tuple.html#c.PyTuple_Check + PyTuple_CheckExact.p c-api/tuple.html#c.PyTuple_CheckExact + PyTuple_GET_ITEM.p c-api/tuple.html#c.PyTuple_GET_ITEM + PyTuple_GET_ITEM.pos c-api/tuple.html#c.PyTuple_GET_ITEM + PyTuple_GET_SIZE.p c-api/tuple.html#c.PyTuple_GET_SIZE + PyTuple_GetItem.p c-api/tuple.html#c.PyTuple_GetItem + PyTuple_GetItem.pos c-api/tuple.html#c.PyTuple_GetItem + PyTuple_GetSlice.high c-api/tuple.html#c.PyTuple_GetSlice + PyTuple_GetSlice.low c-api/tuple.html#c.PyTuple_GetSlice + PyTuple_GetSlice.p c-api/tuple.html#c.PyTuple_GetSlice + PyTuple_New.len c-api/tuple.html#c.PyTuple_New + PyTuple_Pack.n c-api/tuple.html#c.PyTuple_Pack + PyTuple_SET_ITEM.o c-api/tuple.html#c.PyTuple_SET_ITEM + PyTuple_SET_ITEM.p c-api/tuple.html#c.PyTuple_SET_ITEM + PyTuple_SET_ITEM.pos c-api/tuple.html#c.PyTuple_SET_ITEM + PyTuple_SetItem.o c-api/tuple.html#c.PyTuple_SetItem + PyTuple_SetItem.p c-api/tuple.html#c.PyTuple_SetItem + PyTuple_SetItem.pos c-api/tuple.html#c.PyTuple_SetItem + PyTuple_Size.p c-api/tuple.html#c.PyTuple_Size + PyType_Check.o c-api/type.html#c.PyType_Check + PyType_CheckExact.o c-api/type.html#c.PyType_CheckExact + PyType_FromModuleAndSpec.bases c-api/type.html#c.PyType_FromModuleAndSpec + PyType_FromModuleAndSpec.module c-api/type.html#c.PyType_FromModuleAndSpec + PyType_FromModuleAndSpec.spec c-api/type.html#c.PyType_FromModuleAndSpec + PyType_FromSpec.spec c-api/type.html#c.PyType_FromSpec + PyType_FromSpecWithBases.bases c-api/type.html#c.PyType_FromSpecWithBases + PyType_FromSpecWithBases.spec c-api/type.html#c.PyType_FromSpecWithBases + PyType_GenericAlloc.nitems c-api/type.html#c.PyType_GenericAlloc + PyType_GenericAlloc.type c-api/type.html#c.PyType_GenericAlloc + PyType_GenericNew.args c-api/type.html#c.PyType_GenericNew + PyType_GenericNew.kwds c-api/type.html#c.PyType_GenericNew + PyType_GenericNew.type c-api/type.html#c.PyType_GenericNew + PyType_GetFlags.type c-api/type.html#c.PyType_GetFlags + PyType_GetModule.type c-api/type.html#c.PyType_GetModule + PyType_GetModuleState.type c-api/type.html#c.PyType_GetModuleState + PyType_GetSlot.slot c-api/type.html#c.PyType_GetSlot + PyType_GetSlot.type c-api/type.html#c.PyType_GetSlot + PyType_HasFeature.feature c-api/type.html#c.PyType_HasFeature + PyType_HasFeature.o c-api/type.html#c.PyType_HasFeature + PyType_IS_GC.o c-api/type.html#c.PyType_IS_GC + PyType_IsSubtype.a c-api/type.html#c.PyType_IsSubtype + PyType_IsSubtype.b c-api/type.html#c.PyType_IsSubtype + PyType_Modified.type c-api/type.html#c.PyType_Modified + PyType_Ready.type c-api/type.html#c.PyType_Ready + PyUnicodeDecodeError_Create.encoding c-api/exceptions.html#c.PyUnicodeDecodeError_Create + PyUnicodeDecodeError_Create.end c-api/exceptions.html#c.PyUnicodeDecodeError_Create + PyUnicodeDecodeError_Create.length c-api/exceptions.html#c.PyUnicodeDecodeError_Create + PyUnicodeDecodeError_Create.object c-api/exceptions.html#c.PyUnicodeDecodeError_Create + PyUnicodeDecodeError_Create.reason c-api/exceptions.html#c.PyUnicodeDecodeError_Create + PyUnicodeDecodeError_Create.start c-api/exceptions.html#c.PyUnicodeDecodeError_Create + PyUnicodeDecodeError_GetEncoding.exc c-api/exceptions.html#c.PyUnicodeDecodeError_GetEncoding + PyUnicodeDecodeError_GetEnd.end c-api/exceptions.html#c.PyUnicodeDecodeError_GetEnd + PyUnicodeDecodeError_GetEnd.exc c-api/exceptions.html#c.PyUnicodeDecodeError_GetEnd + PyUnicodeDecodeError_GetObject.exc c-api/exceptions.html#c.PyUnicodeDecodeError_GetObject + PyUnicodeDecodeError_GetReason.exc c-api/exceptions.html#c.PyUnicodeDecodeError_GetReason + PyUnicodeDecodeError_GetStart.exc c-api/exceptions.html#c.PyUnicodeDecodeError_GetStart + PyUnicodeDecodeError_GetStart.start c-api/exceptions.html#c.PyUnicodeDecodeError_GetStart + PyUnicodeDecodeError_SetEnd.end c-api/exceptions.html#c.PyUnicodeDecodeError_SetEnd + PyUnicodeDecodeError_SetEnd.exc c-api/exceptions.html#c.PyUnicodeDecodeError_SetEnd + PyUnicodeDecodeError_SetReason.exc c-api/exceptions.html#c.PyUnicodeDecodeError_SetReason + PyUnicodeDecodeError_SetReason.reason c-api/exceptions.html#c.PyUnicodeDecodeError_SetReason + PyUnicodeDecodeError_SetStart.exc c-api/exceptions.html#c.PyUnicodeDecodeError_SetStart + PyUnicodeDecodeError_SetStart.start c-api/exceptions.html#c.PyUnicodeDecodeError_SetStart + PyUnicodeEncodeError_Create.encoding c-api/exceptions.html#c.PyUnicodeEncodeError_Create + PyUnicodeEncodeError_Create.end c-api/exceptions.html#c.PyUnicodeEncodeError_Create + PyUnicodeEncodeError_Create.length c-api/exceptions.html#c.PyUnicodeEncodeError_Create + PyUnicodeEncodeError_Create.object c-api/exceptions.html#c.PyUnicodeEncodeError_Create + PyUnicodeEncodeError_Create.reason c-api/exceptions.html#c.PyUnicodeEncodeError_Create + PyUnicodeEncodeError_Create.start c-api/exceptions.html#c.PyUnicodeEncodeError_Create + PyUnicodeEncodeError_GetEncoding.exc c-api/exceptions.html#c.PyUnicodeEncodeError_GetEncoding + PyUnicodeEncodeError_GetEnd.end c-api/exceptions.html#c.PyUnicodeEncodeError_GetEnd + PyUnicodeEncodeError_GetEnd.exc c-api/exceptions.html#c.PyUnicodeEncodeError_GetEnd + PyUnicodeEncodeError_GetObject.exc c-api/exceptions.html#c.PyUnicodeEncodeError_GetObject + PyUnicodeEncodeError_GetReason.exc c-api/exceptions.html#c.PyUnicodeEncodeError_GetReason + PyUnicodeEncodeError_GetStart.exc c-api/exceptions.html#c.PyUnicodeEncodeError_GetStart + PyUnicodeEncodeError_GetStart.start c-api/exceptions.html#c.PyUnicodeEncodeError_GetStart + PyUnicodeEncodeError_SetEnd.end c-api/exceptions.html#c.PyUnicodeEncodeError_SetEnd + PyUnicodeEncodeError_SetEnd.exc c-api/exceptions.html#c.PyUnicodeEncodeError_SetEnd + PyUnicodeEncodeError_SetReason.exc c-api/exceptions.html#c.PyUnicodeEncodeError_SetReason + PyUnicodeEncodeError_SetReason.reason c-api/exceptions.html#c.PyUnicodeEncodeError_SetReason + PyUnicodeEncodeError_SetStart.exc c-api/exceptions.html#c.PyUnicodeEncodeError_SetStart + PyUnicodeEncodeError_SetStart.start c-api/exceptions.html#c.PyUnicodeEncodeError_SetStart + PyUnicodeTranslateError_Create.end c-api/exceptions.html#c.PyUnicodeTranslateError_Create + PyUnicodeTranslateError_Create.length c-api/exceptions.html#c.PyUnicodeTranslateError_Create + PyUnicodeTranslateError_Create.object c-api/exceptions.html#c.PyUnicodeTranslateError_Create + PyUnicodeTranslateError_Create.reason c-api/exceptions.html#c.PyUnicodeTranslateError_Create + PyUnicodeTranslateError_Create.start c-api/exceptions.html#c.PyUnicodeTranslateError_Create + PyUnicodeTranslateError_GetEnd.end c-api/exceptions.html#c.PyUnicodeTranslateError_GetEnd + PyUnicodeTranslateError_GetEnd.exc c-api/exceptions.html#c.PyUnicodeTranslateError_GetEnd + PyUnicodeTranslateError_GetObject.exc c-api/exceptions.html#c.PyUnicodeTranslateError_GetObject + PyUnicodeTranslateError_GetReason.exc c-api/exceptions.html#c.PyUnicodeTranslateError_GetReason + PyUnicodeTranslateError_GetStart.exc c-api/exceptions.html#c.PyUnicodeTranslateError_GetStart + PyUnicodeTranslateError_GetStart.start c-api/exceptions.html#c.PyUnicodeTranslateError_GetStart + PyUnicodeTranslateError_SetEnd.end c-api/exceptions.html#c.PyUnicodeTranslateError_SetEnd + PyUnicodeTranslateError_SetEnd.exc c-api/exceptions.html#c.PyUnicodeTranslateError_SetEnd + PyUnicodeTranslateError_SetReason.exc c-api/exceptions.html#c.PyUnicodeTranslateError_SetReason + PyUnicodeTranslateError_SetReason.reason c-api/exceptions.html#c.PyUnicodeTranslateError_SetReason + PyUnicodeTranslateError_SetStart.exc c-api/exceptions.html#c.PyUnicodeTranslateError_SetStart + PyUnicodeTranslateError_SetStart.start c-api/exceptions.html#c.PyUnicodeTranslateError_SetStart + PyUnicode_1BYTE_DATA.o c-api/unicode.html#c.PyUnicode_1BYTE_DATA + PyUnicode_2BYTE_DATA.o c-api/unicode.html#c.PyUnicode_2BYTE_DATA + PyUnicode_4BYTE_DATA.o c-api/unicode.html#c.PyUnicode_4BYTE_DATA + PyUnicode_AS_DATA.o c-api/unicode.html#c.PyUnicode_AS_DATA + PyUnicode_AS_UNICODE.o c-api/unicode.html#c.PyUnicode_AS_UNICODE + PyUnicode_AsASCIIString.unicode c-api/unicode.html#c.PyUnicode_AsASCIIString + PyUnicode_AsCharmapString.mapping c-api/unicode.html#c.PyUnicode_AsCharmapString + PyUnicode_AsCharmapString.unicode c-api/unicode.html#c.PyUnicode_AsCharmapString + PyUnicode_AsEncodedString.encoding c-api/unicode.html#c.PyUnicode_AsEncodedString + PyUnicode_AsEncodedString.errors c-api/unicode.html#c.PyUnicode_AsEncodedString + PyUnicode_AsEncodedString.unicode c-api/unicode.html#c.PyUnicode_AsEncodedString + PyUnicode_AsLatin1String.unicode c-api/unicode.html#c.PyUnicode_AsLatin1String + PyUnicode_AsMBCSString.unicode c-api/unicode.html#c.PyUnicode_AsMBCSString + PyUnicode_AsRawUnicodeEscapeString.unicode c-api/unicode.html#c.PyUnicode_AsRawUnicodeEscapeString + PyUnicode_AsUCS4.buffer c-api/unicode.html#c.PyUnicode_AsUCS4 + PyUnicode_AsUCS4.buflen c-api/unicode.html#c.PyUnicode_AsUCS4 + PyUnicode_AsUCS4.copy_null c-api/unicode.html#c.PyUnicode_AsUCS4 + PyUnicode_AsUCS4.u c-api/unicode.html#c.PyUnicode_AsUCS4 + PyUnicode_AsUCS4Copy.u c-api/unicode.html#c.PyUnicode_AsUCS4Copy + PyUnicode_AsUTF16String.unicode c-api/unicode.html#c.PyUnicode_AsUTF16String + PyUnicode_AsUTF32String.unicode c-api/unicode.html#c.PyUnicode_AsUTF32String + PyUnicode_AsUTF8.unicode c-api/unicode.html#c.PyUnicode_AsUTF8 + PyUnicode_AsUTF8AndSize.size c-api/unicode.html#c.PyUnicode_AsUTF8AndSize + PyUnicode_AsUTF8AndSize.unicode c-api/unicode.html#c.PyUnicode_AsUTF8AndSize + PyUnicode_AsUTF8String.unicode c-api/unicode.html#c.PyUnicode_AsUTF8String + PyUnicode_AsUnicode.unicode c-api/unicode.html#c.PyUnicode_AsUnicode + PyUnicode_AsUnicodeAndSize.size c-api/unicode.html#c.PyUnicode_AsUnicodeAndSize + PyUnicode_AsUnicodeAndSize.unicode c-api/unicode.html#c.PyUnicode_AsUnicodeAndSize + PyUnicode_AsUnicodeEscapeString.unicode c-api/unicode.html#c.PyUnicode_AsUnicodeEscapeString + PyUnicode_AsWideChar.size c-api/unicode.html#c.PyUnicode_AsWideChar + PyUnicode_AsWideChar.unicode c-api/unicode.html#c.PyUnicode_AsWideChar + PyUnicode_AsWideChar.w c-api/unicode.html#c.PyUnicode_AsWideChar + PyUnicode_AsWideCharString.size c-api/unicode.html#c.PyUnicode_AsWideCharString + PyUnicode_AsWideCharString.unicode c-api/unicode.html#c.PyUnicode_AsWideCharString + PyUnicode_Check.o c-api/unicode.html#c.PyUnicode_Check + PyUnicode_CheckExact.o c-api/unicode.html#c.PyUnicode_CheckExact + PyUnicode_Compare.left c-api/unicode.html#c.PyUnicode_Compare + PyUnicode_Compare.right c-api/unicode.html#c.PyUnicode_Compare + PyUnicode_CompareWithASCIIString.string c-api/unicode.html#c.PyUnicode_CompareWithASCIIString + PyUnicode_CompareWithASCIIString.uni c-api/unicode.html#c.PyUnicode_CompareWithASCIIString + PyUnicode_Concat.left c-api/unicode.html#c.PyUnicode_Concat + PyUnicode_Concat.right c-api/unicode.html#c.PyUnicode_Concat + PyUnicode_Contains.container c-api/unicode.html#c.PyUnicode_Contains + PyUnicode_Contains.element c-api/unicode.html#c.PyUnicode_Contains + PyUnicode_CopyCharacters.from c-api/unicode.html#c.PyUnicode_CopyCharacters + PyUnicode_CopyCharacters.from_start c-api/unicode.html#c.PyUnicode_CopyCharacters + PyUnicode_CopyCharacters.how_many c-api/unicode.html#c.PyUnicode_CopyCharacters + PyUnicode_CopyCharacters.to c-api/unicode.html#c.PyUnicode_CopyCharacters + PyUnicode_CopyCharacters.to_start c-api/unicode.html#c.PyUnicode_CopyCharacters + PyUnicode_Count.end c-api/unicode.html#c.PyUnicode_Count + PyUnicode_Count.start c-api/unicode.html#c.PyUnicode_Count + PyUnicode_Count.str c-api/unicode.html#c.PyUnicode_Count + PyUnicode_Count.substr c-api/unicode.html#c.PyUnicode_Count + PyUnicode_DATA.o c-api/unicode.html#c.PyUnicode_DATA + PyUnicode_Decode.encoding c-api/unicode.html#c.PyUnicode_Decode + PyUnicode_Decode.errors c-api/unicode.html#c.PyUnicode_Decode + PyUnicode_Decode.s c-api/unicode.html#c.PyUnicode_Decode + PyUnicode_Decode.size c-api/unicode.html#c.PyUnicode_Decode + PyUnicode_DecodeASCII.errors c-api/unicode.html#c.PyUnicode_DecodeASCII + PyUnicode_DecodeASCII.s c-api/unicode.html#c.PyUnicode_DecodeASCII + PyUnicode_DecodeASCII.size c-api/unicode.html#c.PyUnicode_DecodeASCII + PyUnicode_DecodeCharmap.data c-api/unicode.html#c.PyUnicode_DecodeCharmap + PyUnicode_DecodeCharmap.errors c-api/unicode.html#c.PyUnicode_DecodeCharmap + PyUnicode_DecodeCharmap.mapping c-api/unicode.html#c.PyUnicode_DecodeCharmap + PyUnicode_DecodeCharmap.size c-api/unicode.html#c.PyUnicode_DecodeCharmap + PyUnicode_DecodeFSDefault.s c-api/unicode.html#c.PyUnicode_DecodeFSDefault + PyUnicode_DecodeFSDefaultAndSize.s c-api/unicode.html#c.PyUnicode_DecodeFSDefaultAndSize + PyUnicode_DecodeFSDefaultAndSize.size c-api/unicode.html#c.PyUnicode_DecodeFSDefaultAndSize + PyUnicode_DecodeLatin1.errors c-api/unicode.html#c.PyUnicode_DecodeLatin1 + PyUnicode_DecodeLatin1.s c-api/unicode.html#c.PyUnicode_DecodeLatin1 + PyUnicode_DecodeLatin1.size c-api/unicode.html#c.PyUnicode_DecodeLatin1 + PyUnicode_DecodeLocale.errors c-api/unicode.html#c.PyUnicode_DecodeLocale + PyUnicode_DecodeLocale.str c-api/unicode.html#c.PyUnicode_DecodeLocale + PyUnicode_DecodeLocaleAndSize.errors c-api/unicode.html#c.PyUnicode_DecodeLocaleAndSize + PyUnicode_DecodeLocaleAndSize.len c-api/unicode.html#c.PyUnicode_DecodeLocaleAndSize + PyUnicode_DecodeLocaleAndSize.str c-api/unicode.html#c.PyUnicode_DecodeLocaleAndSize + PyUnicode_DecodeMBCS.errors c-api/unicode.html#c.PyUnicode_DecodeMBCS + PyUnicode_DecodeMBCS.s c-api/unicode.html#c.PyUnicode_DecodeMBCS + PyUnicode_DecodeMBCS.size c-api/unicode.html#c.PyUnicode_DecodeMBCS + PyUnicode_DecodeMBCSStateful.consumed c-api/unicode.html#c.PyUnicode_DecodeMBCSStateful + PyUnicode_DecodeMBCSStateful.errors c-api/unicode.html#c.PyUnicode_DecodeMBCSStateful + PyUnicode_DecodeMBCSStateful.s c-api/unicode.html#c.PyUnicode_DecodeMBCSStateful + PyUnicode_DecodeMBCSStateful.size c-api/unicode.html#c.PyUnicode_DecodeMBCSStateful + PyUnicode_DecodeRawUnicodeEscape.errors c-api/unicode.html#c.PyUnicode_DecodeRawUnicodeEscape + PyUnicode_DecodeRawUnicodeEscape.s c-api/unicode.html#c.PyUnicode_DecodeRawUnicodeEscape + PyUnicode_DecodeRawUnicodeEscape.size c-api/unicode.html#c.PyUnicode_DecodeRawUnicodeEscape + PyUnicode_DecodeUTF16.byteorder c-api/unicode.html#c.PyUnicode_DecodeUTF16 + PyUnicode_DecodeUTF16.errors c-api/unicode.html#c.PyUnicode_DecodeUTF16 + PyUnicode_DecodeUTF16.s c-api/unicode.html#c.PyUnicode_DecodeUTF16 + PyUnicode_DecodeUTF16.size c-api/unicode.html#c.PyUnicode_DecodeUTF16 + PyUnicode_DecodeUTF16Stateful.byteorder c-api/unicode.html#c.PyUnicode_DecodeUTF16Stateful + PyUnicode_DecodeUTF16Stateful.consumed c-api/unicode.html#c.PyUnicode_DecodeUTF16Stateful + PyUnicode_DecodeUTF16Stateful.errors c-api/unicode.html#c.PyUnicode_DecodeUTF16Stateful + PyUnicode_DecodeUTF16Stateful.s c-api/unicode.html#c.PyUnicode_DecodeUTF16Stateful + PyUnicode_DecodeUTF16Stateful.size c-api/unicode.html#c.PyUnicode_DecodeUTF16Stateful + PyUnicode_DecodeUTF32.byteorder c-api/unicode.html#c.PyUnicode_DecodeUTF32 + PyUnicode_DecodeUTF32.errors c-api/unicode.html#c.PyUnicode_DecodeUTF32 + PyUnicode_DecodeUTF32.s c-api/unicode.html#c.PyUnicode_DecodeUTF32 + PyUnicode_DecodeUTF32.size c-api/unicode.html#c.PyUnicode_DecodeUTF32 + PyUnicode_DecodeUTF32Stateful.byteorder c-api/unicode.html#c.PyUnicode_DecodeUTF32Stateful + PyUnicode_DecodeUTF32Stateful.consumed c-api/unicode.html#c.PyUnicode_DecodeUTF32Stateful + PyUnicode_DecodeUTF32Stateful.errors c-api/unicode.html#c.PyUnicode_DecodeUTF32Stateful + PyUnicode_DecodeUTF32Stateful.s c-api/unicode.html#c.PyUnicode_DecodeUTF32Stateful + PyUnicode_DecodeUTF32Stateful.size c-api/unicode.html#c.PyUnicode_DecodeUTF32Stateful + PyUnicode_DecodeUTF7.errors c-api/unicode.html#c.PyUnicode_DecodeUTF7 + PyUnicode_DecodeUTF7.s c-api/unicode.html#c.PyUnicode_DecodeUTF7 + PyUnicode_DecodeUTF7.size c-api/unicode.html#c.PyUnicode_DecodeUTF7 + PyUnicode_DecodeUTF7Stateful.consumed c-api/unicode.html#c.PyUnicode_DecodeUTF7Stateful + PyUnicode_DecodeUTF7Stateful.errors c-api/unicode.html#c.PyUnicode_DecodeUTF7Stateful + PyUnicode_DecodeUTF7Stateful.s c-api/unicode.html#c.PyUnicode_DecodeUTF7Stateful + PyUnicode_DecodeUTF7Stateful.size c-api/unicode.html#c.PyUnicode_DecodeUTF7Stateful + PyUnicode_DecodeUTF8.errors c-api/unicode.html#c.PyUnicode_DecodeUTF8 + PyUnicode_DecodeUTF8.s c-api/unicode.html#c.PyUnicode_DecodeUTF8 + PyUnicode_DecodeUTF8.size c-api/unicode.html#c.PyUnicode_DecodeUTF8 + PyUnicode_DecodeUTF8Stateful.consumed c-api/unicode.html#c.PyUnicode_DecodeUTF8Stateful + PyUnicode_DecodeUTF8Stateful.errors c-api/unicode.html#c.PyUnicode_DecodeUTF8Stateful + PyUnicode_DecodeUTF8Stateful.s c-api/unicode.html#c.PyUnicode_DecodeUTF8Stateful + PyUnicode_DecodeUTF8Stateful.size c-api/unicode.html#c.PyUnicode_DecodeUTF8Stateful + PyUnicode_DecodeUnicodeEscape.errors c-api/unicode.html#c.PyUnicode_DecodeUnicodeEscape + PyUnicode_DecodeUnicodeEscape.s c-api/unicode.html#c.PyUnicode_DecodeUnicodeEscape + PyUnicode_DecodeUnicodeEscape.size c-api/unicode.html#c.PyUnicode_DecodeUnicodeEscape + PyUnicode_Encode.encoding c-api/unicode.html#c.PyUnicode_Encode + PyUnicode_Encode.errors c-api/unicode.html#c.PyUnicode_Encode + PyUnicode_Encode.s c-api/unicode.html#c.PyUnicode_Encode + PyUnicode_Encode.size c-api/unicode.html#c.PyUnicode_Encode + PyUnicode_EncodeASCII.errors c-api/unicode.html#c.PyUnicode_EncodeASCII + PyUnicode_EncodeASCII.s c-api/unicode.html#c.PyUnicode_EncodeASCII + PyUnicode_EncodeASCII.size c-api/unicode.html#c.PyUnicode_EncodeASCII + PyUnicode_EncodeCharmap.errors c-api/unicode.html#c.PyUnicode_EncodeCharmap + PyUnicode_EncodeCharmap.mapping c-api/unicode.html#c.PyUnicode_EncodeCharmap + PyUnicode_EncodeCharmap.s c-api/unicode.html#c.PyUnicode_EncodeCharmap + PyUnicode_EncodeCharmap.size c-api/unicode.html#c.PyUnicode_EncodeCharmap + PyUnicode_EncodeCodePage.code_page c-api/unicode.html#c.PyUnicode_EncodeCodePage + PyUnicode_EncodeCodePage.errors c-api/unicode.html#c.PyUnicode_EncodeCodePage + PyUnicode_EncodeCodePage.unicode c-api/unicode.html#c.PyUnicode_EncodeCodePage + PyUnicode_EncodeFSDefault.unicode c-api/unicode.html#c.PyUnicode_EncodeFSDefault + PyUnicode_EncodeLatin1.errors c-api/unicode.html#c.PyUnicode_EncodeLatin1 + PyUnicode_EncodeLatin1.s c-api/unicode.html#c.PyUnicode_EncodeLatin1 + PyUnicode_EncodeLatin1.size c-api/unicode.html#c.PyUnicode_EncodeLatin1 + PyUnicode_EncodeLocale.errors c-api/unicode.html#c.PyUnicode_EncodeLocale + PyUnicode_EncodeLocale.unicode c-api/unicode.html#c.PyUnicode_EncodeLocale + PyUnicode_EncodeMBCS.errors c-api/unicode.html#c.PyUnicode_EncodeMBCS + PyUnicode_EncodeMBCS.s c-api/unicode.html#c.PyUnicode_EncodeMBCS + PyUnicode_EncodeMBCS.size c-api/unicode.html#c.PyUnicode_EncodeMBCS + PyUnicode_EncodeRawUnicodeEscape.s c-api/unicode.html#c.PyUnicode_EncodeRawUnicodeEscape + PyUnicode_EncodeRawUnicodeEscape.size c-api/unicode.html#c.PyUnicode_EncodeRawUnicodeEscape + PyUnicode_EncodeUTF16.byteorder c-api/unicode.html#c.PyUnicode_EncodeUTF16 + PyUnicode_EncodeUTF16.errors c-api/unicode.html#c.PyUnicode_EncodeUTF16 + PyUnicode_EncodeUTF16.s c-api/unicode.html#c.PyUnicode_EncodeUTF16 + PyUnicode_EncodeUTF16.size c-api/unicode.html#c.PyUnicode_EncodeUTF16 + PyUnicode_EncodeUTF32.byteorder c-api/unicode.html#c.PyUnicode_EncodeUTF32 + PyUnicode_EncodeUTF32.errors c-api/unicode.html#c.PyUnicode_EncodeUTF32 + PyUnicode_EncodeUTF32.s c-api/unicode.html#c.PyUnicode_EncodeUTF32 + PyUnicode_EncodeUTF32.size c-api/unicode.html#c.PyUnicode_EncodeUTF32 + PyUnicode_EncodeUTF7.base64SetO c-api/unicode.html#c.PyUnicode_EncodeUTF7 + PyUnicode_EncodeUTF7.base64WhiteSpace c-api/unicode.html#c.PyUnicode_EncodeUTF7 + PyUnicode_EncodeUTF7.errors c-api/unicode.html#c.PyUnicode_EncodeUTF7 + PyUnicode_EncodeUTF7.s c-api/unicode.html#c.PyUnicode_EncodeUTF7 + PyUnicode_EncodeUTF7.size c-api/unicode.html#c.PyUnicode_EncodeUTF7 + PyUnicode_EncodeUTF8.errors c-api/unicode.html#c.PyUnicode_EncodeUTF8 + PyUnicode_EncodeUTF8.s c-api/unicode.html#c.PyUnicode_EncodeUTF8 + PyUnicode_EncodeUTF8.size c-api/unicode.html#c.PyUnicode_EncodeUTF8 + PyUnicode_EncodeUnicodeEscape.s c-api/unicode.html#c.PyUnicode_EncodeUnicodeEscape + PyUnicode_EncodeUnicodeEscape.size c-api/unicode.html#c.PyUnicode_EncodeUnicodeEscape + PyUnicode_FSConverter.obj c-api/unicode.html#c.PyUnicode_FSConverter + PyUnicode_FSConverter.result c-api/unicode.html#c.PyUnicode_FSConverter + PyUnicode_FSDecoder.obj c-api/unicode.html#c.PyUnicode_FSDecoder + PyUnicode_FSDecoder.result c-api/unicode.html#c.PyUnicode_FSDecoder + PyUnicode_Fill.fill_char c-api/unicode.html#c.PyUnicode_Fill + PyUnicode_Fill.length c-api/unicode.html#c.PyUnicode_Fill + PyUnicode_Fill.start c-api/unicode.html#c.PyUnicode_Fill + PyUnicode_Fill.unicode c-api/unicode.html#c.PyUnicode_Fill + PyUnicode_Find.direction c-api/unicode.html#c.PyUnicode_Find + PyUnicode_Find.end c-api/unicode.html#c.PyUnicode_Find + PyUnicode_Find.start c-api/unicode.html#c.PyUnicode_Find + PyUnicode_Find.str c-api/unicode.html#c.PyUnicode_Find + PyUnicode_Find.substr c-api/unicode.html#c.PyUnicode_Find + PyUnicode_FindChar.ch c-api/unicode.html#c.PyUnicode_FindChar + PyUnicode_FindChar.direction c-api/unicode.html#c.PyUnicode_FindChar + PyUnicode_FindChar.end c-api/unicode.html#c.PyUnicode_FindChar + PyUnicode_FindChar.start c-api/unicode.html#c.PyUnicode_FindChar + PyUnicode_FindChar.str c-api/unicode.html#c.PyUnicode_FindChar + PyUnicode_Format.args c-api/unicode.html#c.PyUnicode_Format + PyUnicode_Format.format c-api/unicode.html#c.PyUnicode_Format + PyUnicode_FromEncodedObject.encoding c-api/unicode.html#c.PyUnicode_FromEncodedObject + PyUnicode_FromEncodedObject.errors c-api/unicode.html#c.PyUnicode_FromEncodedObject + PyUnicode_FromEncodedObject.obj c-api/unicode.html#c.PyUnicode_FromEncodedObject + PyUnicode_FromFormat.format c-api/unicode.html#c.PyUnicode_FromFormat + PyUnicode_FromFormatV.format c-api/unicode.html#c.PyUnicode_FromFormatV + PyUnicode_FromFormatV.vargs c-api/unicode.html#c.PyUnicode_FromFormatV + PyUnicode_FromKindAndData.buffer c-api/unicode.html#c.PyUnicode_FromKindAndData + PyUnicode_FromKindAndData.kind c-api/unicode.html#c.PyUnicode_FromKindAndData + PyUnicode_FromKindAndData.size c-api/unicode.html#c.PyUnicode_FromKindAndData + PyUnicode_FromObject.obj c-api/unicode.html#c.PyUnicode_FromObject + PyUnicode_FromString.u c-api/unicode.html#c.PyUnicode_FromString + PyUnicode_FromStringAndSize.size c-api/unicode.html#c.PyUnicode_FromStringAndSize + PyUnicode_FromStringAndSize.u c-api/unicode.html#c.PyUnicode_FromStringAndSize + PyUnicode_FromUnicode.size c-api/unicode.html#c.PyUnicode_FromUnicode + PyUnicode_FromUnicode.u c-api/unicode.html#c.PyUnicode_FromUnicode + PyUnicode_FromWideChar.size c-api/unicode.html#c.PyUnicode_FromWideChar + PyUnicode_FromWideChar.w c-api/unicode.html#c.PyUnicode_FromWideChar + PyUnicode_GET_DATA_SIZE.o c-api/unicode.html#c.PyUnicode_GET_DATA_SIZE + PyUnicode_GET_LENGTH.o c-api/unicode.html#c.PyUnicode_GET_LENGTH + PyUnicode_GET_SIZE.o c-api/unicode.html#c.PyUnicode_GET_SIZE + PyUnicode_GetLength.unicode c-api/unicode.html#c.PyUnicode_GetLength + PyUnicode_GetSize.unicode c-api/unicode.html#c.PyUnicode_GetSize + PyUnicode_InternFromString.v c-api/unicode.html#c.PyUnicode_InternFromString + PyUnicode_InternInPlace.string c-api/unicode.html#c.PyUnicode_InternInPlace + PyUnicode_IsIdentifier.o c-api/unicode.html#c.PyUnicode_IsIdentifier + PyUnicode_Join.separator c-api/unicode.html#c.PyUnicode_Join + PyUnicode_Join.seq c-api/unicode.html#c.PyUnicode_Join + PyUnicode_KIND.o c-api/unicode.html#c.PyUnicode_KIND + PyUnicode_New.maxchar c-api/unicode.html#c.PyUnicode_New + PyUnicode_New.size c-api/unicode.html#c.PyUnicode_New + PyUnicode_READ.data c-api/unicode.html#c.PyUnicode_READ + PyUnicode_READ.index c-api/unicode.html#c.PyUnicode_READ + PyUnicode_READ.kind c-api/unicode.html#c.PyUnicode_READ + PyUnicode_READY.o c-api/unicode.html#c.PyUnicode_READY + PyUnicode_READ_CHAR.index c-api/unicode.html#c.PyUnicode_READ_CHAR + PyUnicode_READ_CHAR.o c-api/unicode.html#c.PyUnicode_READ_CHAR + PyUnicode_ReadChar.index c-api/unicode.html#c.PyUnicode_ReadChar + PyUnicode_ReadChar.unicode c-api/unicode.html#c.PyUnicode_ReadChar + PyUnicode_Replace.maxcount c-api/unicode.html#c.PyUnicode_Replace + PyUnicode_Replace.replstr c-api/unicode.html#c.PyUnicode_Replace + PyUnicode_Replace.str c-api/unicode.html#c.PyUnicode_Replace + PyUnicode_Replace.substr c-api/unicode.html#c.PyUnicode_Replace + PyUnicode_RichCompare.left c-api/unicode.html#c.PyUnicode_RichCompare + PyUnicode_RichCompare.op c-api/unicode.html#c.PyUnicode_RichCompare + PyUnicode_RichCompare.right c-api/unicode.html#c.PyUnicode_RichCompare + PyUnicode_Split.maxsplit c-api/unicode.html#c.PyUnicode_Split + PyUnicode_Split.s c-api/unicode.html#c.PyUnicode_Split + PyUnicode_Split.sep c-api/unicode.html#c.PyUnicode_Split + PyUnicode_Splitlines.keepend c-api/unicode.html#c.PyUnicode_Splitlines + PyUnicode_Splitlines.s c-api/unicode.html#c.PyUnicode_Splitlines + PyUnicode_Substring.end c-api/unicode.html#c.PyUnicode_Substring + PyUnicode_Substring.start c-api/unicode.html#c.PyUnicode_Substring + PyUnicode_Substring.str c-api/unicode.html#c.PyUnicode_Substring + PyUnicode_Tailmatch.direction c-api/unicode.html#c.PyUnicode_Tailmatch + PyUnicode_Tailmatch.end c-api/unicode.html#c.PyUnicode_Tailmatch + PyUnicode_Tailmatch.start c-api/unicode.html#c.PyUnicode_Tailmatch + PyUnicode_Tailmatch.str c-api/unicode.html#c.PyUnicode_Tailmatch + PyUnicode_Tailmatch.substr c-api/unicode.html#c.PyUnicode_Tailmatch + PyUnicode_TransformDecimalToASCII.s c-api/unicode.html#c.PyUnicode_TransformDecimalToASCII + PyUnicode_TransformDecimalToASCII.size c-api/unicode.html#c.PyUnicode_TransformDecimalToASCII + PyUnicode_Translate.errors c-api/unicode.html#c.PyUnicode_Translate + PyUnicode_Translate.str c-api/unicode.html#c.PyUnicode_Translate + PyUnicode_Translate.table c-api/unicode.html#c.PyUnicode_Translate + PyUnicode_TranslateCharmap.errors c-api/unicode.html#c.PyUnicode_TranslateCharmap + PyUnicode_TranslateCharmap.mapping c-api/unicode.html#c.PyUnicode_TranslateCharmap + PyUnicode_TranslateCharmap.s c-api/unicode.html#c.PyUnicode_TranslateCharmap + PyUnicode_TranslateCharmap.size c-api/unicode.html#c.PyUnicode_TranslateCharmap + PyUnicode_WRITE.data c-api/unicode.html#c.PyUnicode_WRITE + PyUnicode_WRITE.index c-api/unicode.html#c.PyUnicode_WRITE + PyUnicode_WRITE.kind c-api/unicode.html#c.PyUnicode_WRITE + PyUnicode_WRITE.value c-api/unicode.html#c.PyUnicode_WRITE + PyUnicode_WriteChar.character c-api/unicode.html#c.PyUnicode_WriteChar + PyUnicode_WriteChar.index c-api/unicode.html#c.PyUnicode_WriteChar + PyUnicode_WriteChar.unicode c-api/unicode.html#c.PyUnicode_WriteChar + PyVectorcall_Call.callable c-api/call.html#c.PyVectorcall_Call + PyVectorcall_Call.dict c-api/call.html#c.PyVectorcall_Call + PyVectorcall_Call.tuple c-api/call.html#c.PyVectorcall_Call + PyVectorcall_Function.op c-api/call.html#c.PyVectorcall_Function + PyVectorcall_NARGS.nargsf c-api/call.html#c.PyVectorcall_NARGS + PyWeakref_GET_OBJECT.ref c-api/weakref.html#c.PyWeakref_GET_OBJECT + PyWeakref_GetObject.ref c-api/weakref.html#c.PyWeakref_GetObject + PyWeakref_NewProxy.callback c-api/weakref.html#c.PyWeakref_NewProxy + PyWeakref_NewProxy.ob c-api/weakref.html#c.PyWeakref_NewProxy + PyWeakref_NewRef.callback c-api/weakref.html#c.PyWeakref_NewRef + PyWeakref_NewRef.ob c-api/weakref.html#c.PyWeakref_NewRef + PyWideStringList.PyWideStringList_Append.item c-api/init_config.html#c.PyWideStringList.PyWideStringList_Append + PyWideStringList.PyWideStringList_Append.list c-api/init_config.html#c.PyWideStringList.PyWideStringList_Append + PyWideStringList.PyWideStringList_Insert.index c-api/init_config.html#c.PyWideStringList.PyWideStringList_Insert + PyWideStringList.PyWideStringList_Insert.item c-api/init_config.html#c.PyWideStringList.PyWideStringList_Insert + PyWideStringList.PyWideStringList_Insert.list c-api/init_config.html#c.PyWideStringList.PyWideStringList_Insert + Py_AddPendingCall.arg c-api/init.html#c.Py_AddPendingCall + Py_AddPendingCall.func c-api/init.html#c.Py_AddPendingCall + Py_AtExit.func c-api/sys.html#c.Py_AtExit + Py_BuildValue.format c-api/arg.html#c.Py_BuildValue + Py_BytesMain.argc c-api/veryhigh.html#c.Py_BytesMain + Py_BytesMain.argv c-api/veryhigh.html#c.Py_BytesMain + Py_CLEAR.o c-api/refcounting.html#c.Py_CLEAR + Py_CompileString.filename c-api/veryhigh.html#c.Py_CompileString + Py_CompileString.start c-api/veryhigh.html#c.Py_CompileString + Py_CompileString.str c-api/veryhigh.html#c.Py_CompileString + Py_CompileStringExFlags.filename c-api/veryhigh.html#c.Py_CompileStringExFlags + Py_CompileStringExFlags.flags c-api/veryhigh.html#c.Py_CompileStringExFlags + Py_CompileStringExFlags.optimize c-api/veryhigh.html#c.Py_CompileStringExFlags + Py_CompileStringExFlags.start c-api/veryhigh.html#c.Py_CompileStringExFlags + Py_CompileStringExFlags.str c-api/veryhigh.html#c.Py_CompileStringExFlags + Py_CompileStringFlags.filename c-api/veryhigh.html#c.Py_CompileStringFlags + Py_CompileStringFlags.flags c-api/veryhigh.html#c.Py_CompileStringFlags + Py_CompileStringFlags.start c-api/veryhigh.html#c.Py_CompileStringFlags + Py_CompileStringFlags.str c-api/veryhigh.html#c.Py_CompileStringFlags + Py_CompileStringObject.filename c-api/veryhigh.html#c.Py_CompileStringObject + Py_CompileStringObject.flags c-api/veryhigh.html#c.Py_CompileStringObject + Py_CompileStringObject.optimize c-api/veryhigh.html#c.Py_CompileStringObject + Py_CompileStringObject.start c-api/veryhigh.html#c.Py_CompileStringObject + Py_CompileStringObject.str c-api/veryhigh.html#c.Py_CompileStringObject + Py_DECREF.o c-api/refcounting.html#c.Py_DECREF + Py_DecRef.o c-api/refcounting.html#c.Py_DecRef + Py_DecodeLocale.arg c-api/sys.html#c.Py_DecodeLocale + Py_DecodeLocale.size c-api/sys.html#c.Py_DecodeLocale + Py_EncodeLocale.error_pos c-api/sys.html#c.Py_EncodeLocale + Py_EncodeLocale.text c-api/sys.html#c.Py_EncodeLocale + Py_EndInterpreter.tstate c-api/init.html#c.Py_EndInterpreter + Py_EnterRecursiveCall.where c-api/exceptions.html#c.Py_EnterRecursiveCall + Py_Exit.status c-api/sys.html#c.Py_Exit + Py_FatalError.message c-api/sys.html#c.Py_FatalError + Py_FdIsInteractive.filename c-api/sys.html#c.Py_FdIsInteractive + Py_FdIsInteractive.fp c-api/sys.html#c.Py_FdIsInteractive + Py_GenericAlias.args c-api/typehints.html#c.Py_GenericAlias + Py_GenericAlias.origin c-api/typehints.html#c.Py_GenericAlias + Py_GetArgcArgv.argc c-api/init_config.html#c.Py_GetArgcArgv + Py_GetArgcArgv.argv c-api/init_config.html#c.Py_GetArgcArgv + Py_INCREF.o c-api/refcounting.html#c.Py_INCREF + Py_IS_TYPE.o c-api/structures.html#c.Py_IS_TYPE + Py_IS_TYPE.type c-api/structures.html#c.Py_IS_TYPE + Py_IncRef.o c-api/refcounting.html#c.Py_IncRef + Py_InitializeEx.initsigs c-api/init.html#c.Py_InitializeEx + Py_InitializeFromConfig.config c-api/init_config.html#c.Py_InitializeFromConfig + Py_Is.x c-api/structures.html#c.Py_Is + Py_Is.y c-api/structures.html#c.Py_Is + Py_IsFalse.x c-api/structures.html#c.Py_IsFalse + Py_IsNone.x c-api/structures.html#c.Py_IsNone + Py_IsTrue.x c-api/structures.html#c.Py_IsTrue + Py_Main.argc c-api/veryhigh.html#c.Py_Main + Py_Main.argv c-api/veryhigh.html#c.Py_Main + Py_NewRef.o c-api/refcounting.html#c.Py_NewRef + Py_PreInitialize.preconfig c-api/init_config.html#c.Py_PreInitialize + Py_PreInitializeFromArgs.argc c-api/init_config.html#c.Py_PreInitializeFromArgs + Py_PreInitializeFromArgs.argv c-api/init_config.html#c.Py_PreInitializeFromArgs + Py_PreInitializeFromArgs.preconfig c-api/init_config.html#c.Py_PreInitializeFromArgs + Py_PreInitializeFromBytesArgs.argc c-api/init_config.html#c.Py_PreInitializeFromBytesArgs + Py_PreInitializeFromBytesArgs.argv c-api/init_config.html#c.Py_PreInitializeFromBytesArgs + Py_PreInitializeFromBytesArgs.preconfig c-api/init_config.html#c.Py_PreInitializeFromBytesArgs + Py_REFCNT.o c-api/structures.html#c.Py_REFCNT + Py_ReprEnter.object c-api/exceptions.html#c.Py_ReprEnter + Py_ReprLeave.object c-api/exceptions.html#c.Py_ReprLeave + Py_SET_REFCNT.o c-api/structures.html#c.Py_SET_REFCNT + Py_SET_REFCNT.refcnt c-api/structures.html#c.Py_SET_REFCNT + Py_SET_SIZE.o c-api/structures.html#c.Py_SET_SIZE + Py_SET_SIZE.size c-api/structures.html#c.Py_SET_SIZE + Py_SET_TYPE.o c-api/structures.html#c.Py_SET_TYPE + Py_SET_TYPE.type c-api/structures.html#c.Py_SET_TYPE + Py_SIZE.o c-api/structures.html#c.Py_SIZE + Py_SetProgramName.name c-api/init.html#c.Py_SetProgramName + Py_SetPythonHome.home c-api/init.html#c.Py_SetPythonHome + Py_SetStandardStreamEncoding.encoding c-api/init.html#c.Py_SetStandardStreamEncoding + Py_SetStandardStreamEncoding.errors c-api/init.html#c.Py_SetStandardStreamEncoding + Py_TYPE.o c-api/structures.html#c.Py_TYPE + Py_UNICODE_ISALNUM.ch c-api/unicode.html#c.Py_UNICODE_ISALNUM + Py_UNICODE_ISALPHA.ch c-api/unicode.html#c.Py_UNICODE_ISALPHA + Py_UNICODE_ISDECIMAL.ch c-api/unicode.html#c.Py_UNICODE_ISDECIMAL + Py_UNICODE_ISDIGIT.ch c-api/unicode.html#c.Py_UNICODE_ISDIGIT + Py_UNICODE_ISLINEBREAK.ch c-api/unicode.html#c.Py_UNICODE_ISLINEBREAK + Py_UNICODE_ISLOWER.ch c-api/unicode.html#c.Py_UNICODE_ISLOWER + Py_UNICODE_ISNUMERIC.ch c-api/unicode.html#c.Py_UNICODE_ISNUMERIC + Py_UNICODE_ISPRINTABLE.ch c-api/unicode.html#c.Py_UNICODE_ISPRINTABLE + Py_UNICODE_ISSPACE.ch c-api/unicode.html#c.Py_UNICODE_ISSPACE + Py_UNICODE_ISTITLE.ch c-api/unicode.html#c.Py_UNICODE_ISTITLE + Py_UNICODE_ISUPPER.ch c-api/unicode.html#c.Py_UNICODE_ISUPPER + Py_UNICODE_TODECIMAL.ch c-api/unicode.html#c.Py_UNICODE_TODECIMAL + Py_UNICODE_TODIGIT.ch c-api/unicode.html#c.Py_UNICODE_TODIGIT + Py_UNICODE_TOLOWER.ch c-api/unicode.html#c.Py_UNICODE_TOLOWER + Py_UNICODE_TONUMERIC.ch c-api/unicode.html#c.Py_UNICODE_TONUMERIC + Py_UNICODE_TOTITLE.ch c-api/unicode.html#c.Py_UNICODE_TOTITLE + Py_UNICODE_TOUPPER.ch c-api/unicode.html#c.Py_UNICODE_TOUPPER + Py_VISIT.o c-api/gcsupport.html#c.Py_VISIT + Py_VaBuildValue.format c-api/arg.html#c.Py_VaBuildValue + Py_VaBuildValue.vargs c-api/arg.html#c.Py_VaBuildValue + Py_XDECREF.o c-api/refcounting.html#c.Py_XDECREF + Py_XINCREF.o c-api/refcounting.html#c.Py_XINCREF + Py_XNewRef.o c-api/refcounting.html#c.Py_XNewRef + Py_mod_create.create_module.def c-api/module.html#c.Py_mod_create.create_module + Py_mod_create.create_module.spec c-api/module.html#c.Py_mod_create.create_module + Py_mod_exec.exec_module.module c-api/module.html#c.Py_mod_exec.exec_module + _PyBytes_Resize.bytes c-api/bytes.html#c._PyBytes_Resize + _PyBytes_Resize.newsize c-api/bytes.html#c._PyBytes_Resize + _PyInterpreterState_GetEvalFrameFunc.interp c-api/init.html#c._PyInterpreterState_GetEvalFrameFunc + _PyInterpreterState_SetEvalFrameFunc.eval_frame c-api/init.html#c._PyInterpreterState_SetEvalFrameFunc + _PyInterpreterState_SetEvalFrameFunc.interp c-api/init.html#c._PyInterpreterState_SetEvalFrameFunc + _PyObject_New.type c-api/allocation.html#c._PyObject_New + _PyObject_NewVar.size c-api/allocation.html#c._PyObject_NewVar + _PyObject_NewVar.type c-api/allocation.html#c._PyObject_NewVar + _PyTuple_Resize.newsize c-api/tuple.html#c._PyTuple_Resize + _PyTuple_Resize.p c-api/tuple.html#c._PyTuple_Resize + _Py_c_diff.left c-api/complex.html#c._Py_c_diff + _Py_c_diff.right c-api/complex.html#c._Py_c_diff + _Py_c_neg.num c-api/complex.html#c._Py_c_neg + _Py_c_pow.exp c-api/complex.html#c._Py_c_pow + _Py_c_pow.num c-api/complex.html#c._Py_c_pow + _Py_c_prod.left c-api/complex.html#c._Py_c_prod + _Py_c_prod.right c-api/complex.html#c._Py_c_prod + _Py_c_quot.dividend c-api/complex.html#c._Py_c_quot + _Py_c_quot.divisor c-api/complex.html#c._Py_c_quot + _Py_c_sum.left c-api/complex.html#c._Py_c_sum + _Py_c_sum.right c-api/complex.html#c._Py_c_sum c:macro PY_MAJOR_VERSION c-api/apiabiversion.html#c.PY_MAJOR_VERSION PY_MICRO_VERSION c-api/apiabiversion.html#c.PY_MICRO_VERSION @@ -1048,14 +2771,21 @@ c:macro Py_mod_exec c-api/module.html#c.Py_mod_exec Py_tss_NEEDS_INIT c-api/init.html#c.Py_tss_NEEDS_INIT c:member + CO_FUTURE_DIVISION c-api/veryhigh.html#c.CO_FUTURE_DIVISION PyAsyncMethods.am_aiter c-api/typeobj.html#c.PyAsyncMethods.am_aiter PyAsyncMethods.am_anext c-api/typeobj.html#c.PyAsyncMethods.am_anext PyAsyncMethods.am_await c-api/typeobj.html#c.PyAsyncMethods.am_await PyAsyncMethods.am_send c-api/typeobj.html#c.PyAsyncMethods.am_send PyBufferProcs.bf_getbuffer c-api/typeobj.html#c.PyBufferProcs.bf_getbuffer PyBufferProcs.bf_releasebuffer c-api/typeobj.html#c.PyBufferProcs.bf_releasebuffer + PyByteArray_Type c-api/bytearray.html#c.PyByteArray_Type + PyBytes_Type c-api/bytes.html#c.PyBytes_Type + PyCallIter_Type c-api/iterator.html#c.PyCallIter_Type + PyCell_Type c-api/cell.html#c.PyCell_Type + PyCode_Type c-api/code.html#c.PyCode_Type PyCompilerFlags.cf_feature_version c-api/veryhigh.html#c.PyCompilerFlags.cf_feature_version PyCompilerFlags.cf_flags c-api/veryhigh.html#c.PyCompilerFlags.cf_flags + PyComplex_Type c-api/complex.html#c.PyComplex_Type PyConfig.argv c-api/init_config.html#c.PyConfig.argv PyConfig.base_exec_prefix c-api/init_config.html#c.PyConfig.base_exec_prefix PyConfig.base_executable c-api/init_config.html#c.PyConfig.base_executable @@ -1110,9 +2840,24 @@ c:member PyConfig.warnoptions c-api/init_config.html#c.PyConfig.warnoptions PyConfig.write_bytecode c-api/init_config.html#c.PyConfig.write_bytecode PyConfig.xoptions c-api/init_config.html#c.PyConfig.xoptions + PyContextToken_Type c-api/contextvars.html#c.PyContextToken_Type + PyContextVar_Type c-api/contextvars.html#c.PyContextVar_Type + PyContext_Type c-api/contextvars.html#c.PyContext_Type + PyCoro_Type c-api/coro.html#c.PyCoro_Type + PyDateTime_TimeZone_UTC c-api/datetime.html#c.PyDateTime_TimeZone_UTC + PyDict_Type c-api/dict.html#c.PyDict_Type + PyFloat_Type c-api/float.html#c.PyFloat_Type + PyFrozenSet_Type c-api/set.html#c.PyFrozenSet_Type + PyFunction_Type c-api/function.html#c.PyFunction_Type + PyGen_Type c-api/gen.html#c.PyGen_Type + PyImport_FrozenModules c-api/import.html#c.PyImport_FrozenModules + PyInstanceMethod_Type c-api/method.html#c.PyInstanceMethod_Type + PyList_Type c-api/list.html#c.PyList_Type + PyLong_Type c-api/long.html#c.PyLong_Type PyMappingMethods.mp_ass_subscript c-api/typeobj.html#c.PyMappingMethods.mp_ass_subscript PyMappingMethods.mp_length c-api/typeobj.html#c.PyMappingMethods.mp_length PyMappingMethods.mp_subscript c-api/typeobj.html#c.PyMappingMethods.mp_subscript + PyMethod_Type c-api/method.html#c.PyMethod_Type PyModuleDef.m_base c-api/module.html#c.PyModuleDef.m_base PyModuleDef.m_clear c-api/module.html#c.PyModuleDef.m_clear PyModuleDef.m_doc c-api/module.html#c.PyModuleDef.m_doc @@ -1125,6 +2870,7 @@ c:member PyModuleDef.m_traverse c-api/module.html#c.PyModuleDef.m_traverse PyModuleDef_Slot.slot c-api/module.html#c.PyModuleDef_Slot.slot PyModuleDef_Slot.value c-api/module.html#c.PyModuleDef_Slot.value + PyModule_Type c-api/module.html#c.PyModule_Type PyNumberMethods.nb_absolute c-api/typeobj.html#c.PyNumberMethods.nb_absolute PyNumberMethods.nb_add c-api/typeobj.html#c.PyNumberMethods.nb_add PyNumberMethods.nb_and c-api/typeobj.html#c.PyNumberMethods.nb_and @@ -1161,6 +2907,8 @@ c:member PyNumberMethods.nb_subtract c-api/typeobj.html#c.PyNumberMethods.nb_subtract PyNumberMethods.nb_true_divide c-api/typeobj.html#c.PyNumberMethods.nb_true_divide PyNumberMethods.nb_xor c-api/typeobj.html#c.PyNumberMethods.nb_xor + PyOS_InputHook c-api/veryhigh.html#c.PyOS_InputHook + PyOS_ReadlineFunctionPointer c-api/veryhigh.html#c.PyOS_ReadlineFunctionPointer PyObject._ob_next c-api/typeobj.html#c.PyObject._ob_next PyObject._ob_prev c-api/typeobj.html#c.PyObject._ob_prev PyObject.ob_refcnt c-api/typeobj.html#c.PyObject.ob_refcnt @@ -1175,6 +2923,8 @@ c:member PyPreConfig.parse_argv c-api/init_config.html#c.PyPreConfig.parse_argv PyPreConfig.use_environment c-api/init_config.html#c.PyPreConfig.use_environment PyPreConfig.utf8_mode c-api/init_config.html#c.PyPreConfig.utf8_mode + PyProperty_Type c-api/descriptor.html#c.PyProperty_Type + PySeqIter_Type c-api/iterator.html#c.PySeqIter_Type PySequenceMethods.sq_ass_item c-api/typeobj.html#c.PySequenceMethods.sq_ass_item PySequenceMethods.sq_concat c-api/typeobj.html#c.PySequenceMethods.sq_concat PySequenceMethods.sq_contains c-api/typeobj.html#c.PySequenceMethods.sq_contains @@ -1183,9 +2933,21 @@ c:member PySequenceMethods.sq_item c-api/typeobj.html#c.PySequenceMethods.sq_item PySequenceMethods.sq_length c-api/typeobj.html#c.PySequenceMethods.sq_length PySequenceMethods.sq_repeat c-api/typeobj.html#c.PySequenceMethods.sq_repeat + PySet_Type c-api/set.html#c.PySet_Type + PySlice_Type c-api/slice.html#c.PySlice_Type PyStatus.err_msg c-api/init_config.html#c.PyStatus.err_msg PyStatus.exitcode c-api/init_config.html#c.PyStatus.exitcode PyStatus.func c-api/init_config.html#c.PyStatus.func + PyStructSequence_UnnamedField c-api/tuple.html#c.PyStructSequence_UnnamedField + PyTrace_CALL c-api/init.html#c.PyTrace_CALL + PyTrace_C_CALL c-api/init.html#c.PyTrace_C_CALL + PyTrace_C_EXCEPTION c-api/init.html#c.PyTrace_C_EXCEPTION + PyTrace_C_RETURN c-api/init.html#c.PyTrace_C_RETURN + PyTrace_EXCEPTION c-api/init.html#c.PyTrace_EXCEPTION + PyTrace_LINE c-api/init.html#c.PyTrace_LINE + PyTrace_OPCODE c-api/init.html#c.PyTrace_OPCODE + PyTrace_RETURN c-api/init.html#c.PyTrace_RETURN + PyTuple_Type c-api/tuple.html#c.PyTuple_Type PyTypeObject.tp_alloc c-api/typeobj.html#c.PyTypeObject.tp_alloc PyTypeObject.tp_as_async c-api/typeobj.html#c.PyTypeObject.tp_as_async PyTypeObject.tp_as_buffer c-api/typeobj.html#c.PyTypeObject.tp_as_buffer @@ -1241,9 +3003,34 @@ c:member PyType_Spec.PyType_Spec.itemsize c-api/type.html#c.PyType_Spec.PyType_Spec.itemsize PyType_Spec.PyType_Spec.name c-api/type.html#c.PyType_Spec.PyType_Spec.name PyType_Spec.PyType_Spec.slots c-api/type.html#c.PyType_Spec.PyType_Spec.slots + PyType_Type c-api/type.html#c.PyType_Type + PyUnicode_Type c-api/unicode.html#c.PyUnicode_Type PyVarObject.ob_size c-api/typeobj.html#c.PyVarObject.ob_size PyWideStringList.items c-api/init_config.html#c.PyWideStringList.items PyWideStringList.length c-api/init_config.html#c.PyWideStringList.length + Py_BytesWarningFlag c-api/init.html#c.Py_BytesWarningFlag + Py_DebugFlag c-api/init.html#c.Py_DebugFlag + Py_DontWriteBytecodeFlag c-api/init.html#c.Py_DontWriteBytecodeFlag + Py_Ellipsis c-api/slice.html#c.Py_Ellipsis + Py_False c-api/bool.html#c.Py_False + Py_FrozenFlag c-api/init.html#c.Py_FrozenFlag + Py_GenericAliasType c-api/typehints.html#c.Py_GenericAliasType + Py_HashRandomizationFlag c-api/init.html#c.Py_HashRandomizationFlag + Py_IgnoreEnvironmentFlag c-api/init.html#c.Py_IgnoreEnvironmentFlag + Py_InspectFlag c-api/init.html#c.Py_InspectFlag + Py_InteractiveFlag c-api/init.html#c.Py_InteractiveFlag + Py_IsolatedFlag c-api/init.html#c.Py_IsolatedFlag + Py_LegacyWindowsFSEncodingFlag c-api/init.html#c.Py_LegacyWindowsFSEncodingFlag + Py_LegacyWindowsStdioFlag c-api/init.html#c.Py_LegacyWindowsStdioFlag + Py_NoSiteFlag c-api/init.html#c.Py_NoSiteFlag + Py_NoUserSiteDirectory c-api/init.html#c.Py_NoUserSiteDirectory + Py_None c-api/none.html#c.Py_None + Py_NotImplemented c-api/object.html#c.Py_NotImplemented + Py_OptimizeFlag c-api/init.html#c.Py_OptimizeFlag + Py_QuietFlag c-api/init.html#c.Py_QuietFlag + Py_True c-api/bool.html#c.Py_True + Py_UnbufferedStdioFlag c-api/init.html#c.Py_UnbufferedStdioFlag + Py_VerboseFlag c-api/init.html#c.Py_VerboseFlag Py_buffer.buf c-api/buffer.html#c.Py_buffer.buf Py_buffer.format c-api/buffer.html#c.Py_buffer.format Py_buffer.internal c-api/buffer.html#c.Py_buffer.internal @@ -1255,6 +3042,14 @@ c:member Py_buffer.shape c-api/buffer.html#c.Py_buffer.shape Py_buffer.strides c-api/buffer.html#c.Py_buffer.strides Py_buffer.suboffsets c-api/buffer.html#c.Py_buffer.suboffsets + Py_eval_input c-api/veryhigh.html#c.Py_eval_input + Py_file_input c-api/veryhigh.html#c.Py_file_input + Py_single_input c-api/veryhigh.html#c.Py_single_input + _Py_NoneStruct c-api/allocation.html#c._Py_NoneStruct +c:struct + PyCompilerFlags c-api/veryhigh.html#c.PyCompilerFlags + _frozen c-api/import.html#c._frozen + _inittab c-api/import.html#c._inittab c:type PyASCIIObject c-api/unicode.html#c.PyASCIIObject PyAsyncMethods c-api/typeobj.html#c.PyAsyncMethods @@ -1269,7 +3064,6 @@ c:type PyCellObject c-api/cell.html#c.PyCellObject PyCodeObject c-api/code.html#c.PyCodeObject PyCompactUnicodeObject c-api/unicode.html#c.PyCompactUnicodeObject - PyCompilerFlags c-api/veryhigh.html#c.PyCompilerFlags PyComplexObject c-api/complex.html#c.PyComplexObject PyConfig c-api/init_config.html#c.PyConfig PyContext c-api/contextvars.html#c.PyContext @@ -1316,13 +3110,12 @@ c:type Py_UNICODE c-api/unicode.html#c.Py_UNICODE Py_buffer c-api/buffer.html#c.Py_buffer Py_complex c-api/complex.html#c.Py_complex + Py_ssize_t c-api/intro.html#c.Py_ssize_t Py_tracefunc c-api/init.html#c.Py_tracefunc Py_tss_t c-api/init.html#c.Py_tss_t _PyCFunctionFast c-api/structures.html#c._PyCFunctionFast _PyCFunctionFastWithKeywords c-api/structures.html#c._PyCFunctionFastWithKeywords _PyFrameEvalFunction c-api/init.html#c._PyFrameEvalFunction - _frozen c-api/import.html#c._frozen - _inittab c-api/import.html#c._inittab allocfunc c-api/typeobj.html#c.allocfunc binaryfunc c-api/typeobj.html#c.binaryfunc descrgetfunc c-api/typeobj.html#c.descrgetfunc @@ -1354,75 +3147,6 @@ c:type unaryfunc c-api/typeobj.html#c.unaryfunc vectorcallfunc c-api/call.html#c.vectorcallfunc visitproc c-api/gcsupport.html#c.visitproc -c:var - CO_FUTURE_DIVISION c-api/veryhigh.html#c.CO_FUTURE_DIVISION - PyByteArray_Type c-api/bytearray.html#c.PyByteArray_Type - PyBytes_Type c-api/bytes.html#c.PyBytes_Type - PyCallIter_Type c-api/iterator.html#c.PyCallIter_Type - PyCell_Type c-api/cell.html#c.PyCell_Type - PyCode_Type c-api/code.html#c.PyCode_Type - PyComplex_Type c-api/complex.html#c.PyComplex_Type - PyContextToken_Type c-api/contextvars.html#c.PyContextToken_Type - PyContextVar_Type c-api/contextvars.html#c.PyContextVar_Type - PyContext_Type c-api/contextvars.html#c.PyContext_Type - PyCoro_Type c-api/coro.html#c.PyCoro_Type - PyDateTime_TimeZone_UTC c-api/datetime.html#c.PyDateTime_TimeZone_UTC - PyDict_Type c-api/dict.html#c.PyDict_Type - PyFloat_Type c-api/float.html#c.PyFloat_Type - PyFrozenSet_Type c-api/set.html#c.PyFrozenSet_Type - PyFunction_Type c-api/function.html#c.PyFunction_Type - PyGen_Type c-api/gen.html#c.PyGen_Type - PyImport_FrozenModules c-api/import.html#c.PyImport_FrozenModules - PyInstanceMethod_Type c-api/method.html#c.PyInstanceMethod_Type - PyList_Type c-api/list.html#c.PyList_Type - PyLong_Type c-api/long.html#c.PyLong_Type - PyMethod_Type c-api/method.html#c.PyMethod_Type - PyModule_Type c-api/module.html#c.PyModule_Type - PyOS_InputHook c-api/veryhigh.html#c.PyOS_InputHook - PyOS_ReadlineFunctionPointer c-api/veryhigh.html#c.PyOS_ReadlineFunctionPointer - PyProperty_Type c-api/descriptor.html#c.PyProperty_Type - PySeqIter_Type c-api/iterator.html#c.PySeqIter_Type - PySet_Type c-api/set.html#c.PySet_Type - PySlice_Type c-api/slice.html#c.PySlice_Type - PyStructSequence_UnnamedField c-api/tuple.html#c.PyStructSequence_UnnamedField - PyTrace_CALL c-api/init.html#c.PyTrace_CALL - PyTrace_C_CALL c-api/init.html#c.PyTrace_C_CALL - PyTrace_C_EXCEPTION c-api/init.html#c.PyTrace_C_EXCEPTION - PyTrace_C_RETURN c-api/init.html#c.PyTrace_C_RETURN - PyTrace_EXCEPTION c-api/init.html#c.PyTrace_EXCEPTION - PyTrace_LINE c-api/init.html#c.PyTrace_LINE - PyTrace_OPCODE c-api/init.html#c.PyTrace_OPCODE - PyTrace_RETURN c-api/init.html#c.PyTrace_RETURN - PyTuple_Type c-api/tuple.html#c.PyTuple_Type - PyType_Type c-api/type.html#c.PyType_Type - PyUnicode_Type c-api/unicode.html#c.PyUnicode_Type - Py_BytesWarningFlag c-api/init.html#c.Py_BytesWarningFlag - Py_DebugFlag c-api/init.html#c.Py_DebugFlag - Py_DontWriteBytecodeFlag c-api/init.html#c.Py_DontWriteBytecodeFlag - Py_Ellipsis c-api/slice.html#c.Py_Ellipsis - Py_False c-api/bool.html#c.Py_False - Py_FrozenFlag c-api/init.html#c.Py_FrozenFlag - Py_GenericAliasType c-api/typehints.html#c.Py_GenericAliasType - Py_HashRandomizationFlag c-api/init.html#c.Py_HashRandomizationFlag - Py_IgnoreEnvironmentFlag c-api/init.html#c.Py_IgnoreEnvironmentFlag - Py_InspectFlag c-api/init.html#c.Py_InspectFlag - Py_InteractiveFlag c-api/init.html#c.Py_InteractiveFlag - Py_IsolatedFlag c-api/init.html#c.Py_IsolatedFlag - Py_LegacyWindowsFSEncodingFlag c-api/init.html#c.Py_LegacyWindowsFSEncodingFlag - Py_LegacyWindowsStdioFlag c-api/init.html#c.Py_LegacyWindowsStdioFlag - Py_NoSiteFlag c-api/init.html#c.Py_NoSiteFlag - Py_NoUserSiteDirectory c-api/init.html#c.Py_NoUserSiteDirectory - Py_None c-api/none.html#c.Py_None - Py_NotImplemented c-api/object.html#c.Py_NotImplemented - Py_OptimizeFlag c-api/init.html#c.Py_OptimizeFlag - Py_QuietFlag c-api/init.html#c.Py_QuietFlag - Py_True c-api/bool.html#c.Py_True - Py_UnbufferedStdioFlag c-api/init.html#c.Py_UnbufferedStdioFlag - Py_VerboseFlag c-api/init.html#c.Py_VerboseFlag - Py_eval_input c-api/veryhigh.html#c.Py_eval_input - Py_file_input c-api/veryhigh.html#c.Py_file_input - Py_single_input c-api/veryhigh.html#c.Py_single_input - _Py_NoneStruct c-api/allocation.html#c._Py_NoneStruct py:attribute BaseException.args library/exceptions.html#BaseException.args BlockingIOError.characters_written library/exceptions.html#BlockingIOError.characters_written @@ -1468,11 +3192,11 @@ py:attribute asyncio.Queue.maxsize library/asyncio-queue.html#asyncio.Queue.maxsize asyncio.Server.sockets library/asyncio-eventloop.html#asyncio.Server.sockets asyncio.StreamWriter.transport library/asyncio-stream.html#asyncio.StreamWriter.transport - asyncio.asyncio.subprocess.Process.pid library/asyncio-subprocess.html#asyncio.asyncio.subprocess.Process.pid - asyncio.asyncio.subprocess.Process.returncode library/asyncio-subprocess.html#asyncio.asyncio.subprocess.Process.returncode - asyncio.asyncio.subprocess.Process.stderr library/asyncio-subprocess.html#asyncio.asyncio.subprocess.Process.stderr - asyncio.asyncio.subprocess.Process.stdin library/asyncio-subprocess.html#asyncio.asyncio.subprocess.Process.stdin - asyncio.asyncio.subprocess.Process.stdout library/asyncio-subprocess.html#asyncio.asyncio.subprocess.Process.stdout + asyncio.subprocess.Process.pid library/asyncio-subprocess.html#asyncio.subprocess.Process.pid + asyncio.subprocess.Process.returncode library/asyncio-subprocess.html#asyncio.subprocess.Process.returncode + asyncio.subprocess.Process.stderr library/asyncio-subprocess.html#asyncio.subprocess.Process.stderr + asyncio.subprocess.Process.stdin library/asyncio-subprocess.html#asyncio.subprocess.Process.stdin + asyncio.subprocess.Process.stdout library/asyncio-subprocess.html#asyncio.subprocess.Process.stdout bz2.BZ2Decompressor.eof library/bz2.html#bz2.BZ2Decompressor.eof bz2.BZ2Decompressor.needs_input library/bz2.html#bz2.BZ2Decompressor.needs_input bz2.BZ2Decompressor.unused_data library/bz2.html#bz2.BZ2Decompressor.unused_data @@ -1876,6 +3600,7 @@ py:attribute logging.StreamHandler.terminator library/logging.handlers.html#logging.StreamHandler.terminator logging.handlers.BaseRotatingHandler.namer library/logging.handlers.html#logging.handlers.BaseRotatingHandler.namer logging.handlers.BaseRotatingHandler.rotator library/logging.handlers.html#logging.handlers.BaseRotatingHandler.rotator + logging.handlers.QueueHandler.listener library/logging.handlers.html#logging.handlers.QueueHandler.listener logging.lastResort library/logging.html#logging.lastResort lzma.LZMADecompressor.check library/lzma.html#lzma.LZMADecompressor.check lzma.LZMADecompressor.eof library/lzma.html#lzma.LZMADecompressor.eof @@ -2191,6 +3916,9 @@ py:attribute threading.Thread.ident library/threading.html#threading.Thread.ident threading.Thread.name library/threading.html#threading.Thread.name threading.Thread.native_id library/threading.html#threading.Thread.native_id + tkinter.Tk.children library/tkinter.html#tkinter.Tk.children + tkinter.Tk.master library/tkinter.html#tkinter.Tk.master + tkinter.Tk.tk library/tkinter.html#tkinter.Tk.tk tkinter.scrolledtext.ScrolledText.frame library/tkinter.scrolledtext.html#tkinter.scrolledtext.ScrolledText.frame tkinter.scrolledtext.ScrolledText.vbar library/tkinter.scrolledtext.html#tkinter.scrolledtext.ScrolledText.vbar traceback.TracebackException.__cause__ library/traceback.html#traceback.TracebackException.__cause__ @@ -2557,7 +4285,7 @@ py:class asyncio.WindowsProactorEventLoopPolicy library/asyncio-policy.html#asyncio.WindowsProactorEventLoopPolicy asyncio.WindowsSelectorEventLoopPolicy library/asyncio-policy.html#asyncio.WindowsSelectorEventLoopPolicy asyncio.WriteTransport library/asyncio-protocol.html#asyncio.WriteTransport - asyncio.asyncio.subprocess.Process library/asyncio-subprocess.html#asyncio.asyncio.subprocess.Process + asyncio.subprocess.Process library/asyncio-subprocess.html#asyncio.subprocess.Process asyncore.dispatcher library/asyncore.html#asyncore.dispatcher asyncore.dispatcher_with_send library/asyncore.html#asyncore.dispatcher_with_send asyncore.file_dispatcher library/asyncore.html#asyncore.file_dispatcher @@ -2636,7 +4364,6 @@ py:class contextlib.AsyncExitStack library/contextlib.html#contextlib.AsyncExitStack contextlib.ContextDecorator library/contextlib.html#contextlib.ContextDecorator contextlib.ExitStack library/contextlib.html#contextlib.ExitStack - contextlib.aclosing library/contextlib.html#contextlib.aclosing contextvars.Context library/contextvars.html#contextvars.Context contextvars.ContextVar library/contextvars.html#contextvars.ContextVar contextvars.Token library/contextvars.html#contextvars.Token @@ -3026,6 +4753,7 @@ py:class socketserver.UnixStreamServer library/socketserver.html#socketserver.UnixStreamServer sqlite3.Connection library/sqlite3.html#sqlite3.Connection sqlite3.Cursor library/sqlite3.html#sqlite3.Cursor + sqlite3.PrepareProtocol library/sqlite3.html#sqlite3.PrepareProtocol sqlite3.Row library/sqlite3.html#sqlite3.Row ssl.AlertDescription library/ssl.html#ssl.AlertDescription ssl.MemoryBIO library/ssl.html#ssl.MemoryBIO @@ -3370,9 +5098,9 @@ py:data ast.PyCF_TYPE_COMMENTS library/ast.html#ast.PyCF_TYPE_COMMENTS asynchat.async_chat.ac_in_buffer_size library/asynchat.html#asynchat.async_chat.ac_in_buffer_size asynchat.async_chat.ac_out_buffer_size library/asynchat.html#asynchat.async_chat.ac_out_buffer_size - 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 + asyncio.subprocess.DEVNULL library/asyncio-subprocess.html#asyncio.subprocess.DEVNULL + asyncio.subprocess.PIPE library/asyncio-subprocess.html#asyncio.subprocess.PIPE + asyncio.subprocess.STDOUT library/asyncio-subprocess.html#asyncio.subprocess.STDOUT calendar.FRIDAY library/calendar.html#calendar.FRIDAY calendar.MONDAY library/calendar.html#calendar.MONDAY calendar.SATURDAY library/calendar.html#calendar.SATURDAY @@ -4748,9 +6476,12 @@ py:exception socket.gaierror library/socket.html#socket.gaierror socket.herror library/socket.html#socket.herror socket.timeout library/socket.html#socket.timeout + sqlite3.DataError library/sqlite3.html#sqlite3.DataError sqlite3.DatabaseError library/sqlite3.html#sqlite3.DatabaseError sqlite3.Error library/sqlite3.html#sqlite3.Error sqlite3.IntegrityError library/sqlite3.html#sqlite3.IntegrityError + sqlite3.InterfaceError library/sqlite3.html#sqlite3.InterfaceError + sqlite3.InternalError library/sqlite3.html#sqlite3.InternalError sqlite3.NotSupportedError library/sqlite3.html#sqlite3.NotSupportedError sqlite3.OperationalError library/sqlite3.html#sqlite3.OperationalError sqlite3.ProgrammingError library/sqlite3.html#sqlite3.ProgrammingError @@ -5055,6 +6786,7 @@ py:function compileall.compile_path library/compileall.html#compileall.compile_path concurrent.futures.as_completed library/concurrent.futures.html#concurrent.futures.as_completed concurrent.futures.wait library/concurrent.futures.html#concurrent.futures.wait + contextlib.aclosing library/contextlib.html#contextlib.aclosing contextlib.asynccontextmanager library/contextlib.html#contextlib.asynccontextmanager contextlib.closing library/contextlib.html#contextlib.closing contextlib.contextmanager library/contextlib.html#contextlib.contextmanager @@ -5746,6 +7478,7 @@ py:function msvcrt.ungetch library/msvcrt.html#msvcrt.ungetch msvcrt.ungetwch library/msvcrt.html#msvcrt.ungetwch multiprocessing.Array library/multiprocessing.html#multiprocessing.Array + multiprocessing.Manager library/multiprocessing.html#multiprocessing.Manager multiprocessing.Pipe library/multiprocessing.html#multiprocessing.Pipe multiprocessing.Value library/multiprocessing.html#multiprocessing.Value multiprocessing.active_children library/multiprocessing.html#multiprocessing.active_children @@ -5769,7 +7502,6 @@ py:function multiprocessing.sharedctypes.RawValue library/multiprocessing.html#multiprocessing.sharedctypes.RawValue multiprocessing.sharedctypes.Value library/multiprocessing.html#multiprocessing.sharedctypes.Value multiprocessing.sharedctypes.copy library/multiprocessing.html#multiprocessing.sharedctypes.copy - multiprocessing.sharedctypes.multiprocessing.Manager library/multiprocessing.html#multiprocessing.sharedctypes.multiprocessing.Manager multiprocessing.sharedctypes.synchronized library/multiprocessing.html#multiprocessing.sharedctypes.synchronized next library/functions.html#next nis.cat library/nis.html#nis.cat @@ -6979,6 +8711,8 @@ py:function xml.dom.pulldom.parse library/xml.dom.pulldom.html#xml.dom.pulldom.parse xml.dom.pulldom.parseString library/xml.dom.pulldom.html#xml.dom.pulldom.parseString xml.dom.registerDOMImplementation library/xml.dom.html#xml.dom.registerDOMImplementation + xml.etree.ElementInclude.default_loader library/xml.etree.elementtree.html#xml.etree.ElementInclude.default_loader + xml.etree.ElementInclude.include library/xml.etree.elementtree.html#xml.etree.ElementInclude.include xml.etree.ElementTree.Comment library/xml.etree.elementtree.html#xml.etree.ElementTree.Comment xml.etree.ElementTree.ProcessingInstruction library/xml.etree.elementtree.html#xml.etree.ElementTree.ProcessingInstruction xml.etree.ElementTree.SubElement library/xml.etree.elementtree.html#xml.etree.ElementTree.SubElement @@ -6995,8 +8729,6 @@ py:function xml.etree.ElementTree.register_namespace library/xml.etree.elementtree.html#xml.etree.ElementTree.register_namespace xml.etree.ElementTree.tostring library/xml.etree.elementtree.html#xml.etree.ElementTree.tostring xml.etree.ElementTree.tostringlist library/xml.etree.elementtree.html#xml.etree.ElementTree.tostringlist - xml.etree.ElementTree.xml.etree.ElementInclude.default_loader library/xml.etree.elementtree.html#xml.etree.ElementTree.xml.etree.ElementInclude.default_loader - xml.etree.ElementTree.xml.etree.ElementInclude.include library/xml.etree.elementtree.html#xml.etree.ElementTree.xml.etree.ElementInclude.include xml.parsers.expat.ErrorString library/pyexpat.html#xml.parsers.expat.ErrorString xml.parsers.expat.ParserCreate library/pyexpat.html#xml.parsers.expat.ParserCreate xml.sax.make_parser library/xml.sax.html#xml.sax.make_parser @@ -7221,11 +8953,6 @@ py:method asyncio.WriteTransport.write library/asyncio-protocol.html#asyncio.WriteTransport.write asyncio.WriteTransport.write_eof library/asyncio-protocol.html#asyncio.WriteTransport.write_eof asyncio.WriteTransport.writelines library/asyncio-protocol.html#asyncio.WriteTransport.writelines - asyncio.asyncio.subprocess.Process.communicate library/asyncio-subprocess.html#asyncio.asyncio.subprocess.Process.communicate - asyncio.asyncio.subprocess.Process.kill library/asyncio-subprocess.html#asyncio.asyncio.subprocess.Process.kill - asyncio.asyncio.subprocess.Process.send_signal library/asyncio-subprocess.html#asyncio.asyncio.subprocess.Process.send_signal - asyncio.asyncio.subprocess.Process.terminate library/asyncio-subprocess.html#asyncio.asyncio.subprocess.Process.terminate - asyncio.asyncio.subprocess.Process.wait library/asyncio-subprocess.html#asyncio.asyncio.subprocess.Process.wait asyncio.loop.add_reader library/asyncio-eventloop.html#asyncio.loop.add_reader asyncio.loop.add_signal_handler library/asyncio-eventloop.html#asyncio.loop.add_signal_handler asyncio.loop.add_writer library/asyncio-eventloop.html#asyncio.loop.add_writer @@ -7277,6 +9004,11 @@ py:method asyncio.loop.subprocess_exec library/asyncio-eventloop.html#asyncio.loop.subprocess_exec asyncio.loop.subprocess_shell library/asyncio-eventloop.html#asyncio.loop.subprocess_shell asyncio.loop.time library/asyncio-eventloop.html#asyncio.loop.time + asyncio.subprocess.Process.communicate library/asyncio-subprocess.html#asyncio.subprocess.Process.communicate + asyncio.subprocess.Process.kill library/asyncio-subprocess.html#asyncio.subprocess.Process.kill + asyncio.subprocess.Process.send_signal library/asyncio-subprocess.html#asyncio.subprocess.Process.send_signal + asyncio.subprocess.Process.terminate library/asyncio-subprocess.html#asyncio.subprocess.Process.terminate + asyncio.subprocess.Process.wait library/asyncio-subprocess.html#asyncio.subprocess.Process.wait asyncore.dispatcher.accept library/asyncore.html#asyncore.dispatcher.accept asyncore.dispatcher.bind library/asyncore.html#asyncore.dispatcher.bind asyncore.dispatcher.close library/asyncore.html#asyncore.dispatcher.close @@ -9515,6 +11247,8 @@ py:method test.support.BasicTestRunner.run library/test.html#test.support.BasicTestRunner.run test.support.Matcher.match_value library/test.html#test.support.Matcher.match_value test.support.Matcher.matches library/test.html#test.support.Matcher.matches + test.support.SaveSignals.restore library/test.html#test.support.SaveSignals.restore + test.support.SaveSignals.save library/test.html#test.support.SaveSignals.save test.support.bytecode_helper.BytecodeTestCase.assertInBytecode library/test.html#test.support.bytecode_helper.BytecodeTestCase.assertInBytecode test.support.bytecode_helper.BytecodeTestCase.assertNotInBytecode library/test.html#test.support.bytecode_helper.BytecodeTestCase.assertNotInBytecode test.support.bytecode_helper.BytecodeTestCase.get_disassembly_as_string library/test.html#test.support.bytecode_helper.BytecodeTestCase.get_disassembly_as_string @@ -10924,7 +12658,7 @@ std:doc howto/urllib2 HOWTO Fetch Internet Resources Using The urllib Package: howto/urllib2.html install/index Installing Python Modules (Legacy version): install/index.html installing/index Installing Python Modules : installing/index.html - library/2to3 2to3 - Automated Python 2 to 3 code translation: library/2to3.html + library/2to3 2to3 — Automated Python 2 to 3 code translation: library/2to3.html library/__future__ __future__ — Future statement definitions: library/__future__.html library/__main__ __main__ — Top-level code environment : library/__main__.html library/_thread _thread — Low-level threading API : library/_thread.html @@ -11096,7 +12830,7 @@ std:doc library/msilib msilib — Read and write Microsoft Installer files: library/msilib.html library/msvcrt msvcrt — Useful routines from the MS VC++ runtime: library/msvcrt.html library/multiprocessing multiprocessing — Process-based parallelism: library/multiprocessing.html - library/multiprocessing.shared_memory multiprocessing.shared_memory — Provides shared memory for direct access across processes: library/multiprocessing.shared_memory.html + library/multiprocessing.shared_memory multiprocessing.shared_memory — Shared memory for direct access across processes: library/multiprocessing.shared_memory.html library/netdata Internet Data Handling : library/netdata.html library/netrc netrc — netrc file processing : library/netrc.html library/nis nis — Interface to Sun’s NIS (Yellow Pages): library/nis.html @@ -11371,7 +13105,7 @@ std:label 25modules New, Improved, and Removed Modules : whatsnew/2.5.html#modules 26acks Acknowledgements : whatsnew/2.6.html#acks 2to3-fixers Fixers : library/2to3.html#to3-fixers - 2to3-reference 2to3 - Automated Python 2 to 3 code translation: library/2to3.html#to3-reference + 2to3-reference 2to3 — Automated Python 2 to 3 code translation: library/2to3.html#to3-reference 2to3-using Using 2to3 : library/2to3.html#to3-using 37-platform-support-removals Platform Support Removals : whatsnew/3.7.html#platform-support-removals 64-bit-access-rights 64-bit Specific : library/winreg.html#bit-access-rights @@ -11523,7 +13257,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.4 DOCUMENTATION: license.html#bsd0 + bsd0 ZERO-CLAUSE BSD LICENSE FOR CODE IN THE PYTHON 3.10.5 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 @@ -11616,6 +13350,7 @@ std:label contributing-to-python Getting started contributing to Python yourself: bugs.html#contributing-to-python conversions Arithmetic conversions : reference/expressions.html#conversions converting-argument-sequence Converting an argument sequence to a string on Windows: library/subprocess.html#converting-argument-sequence + cookbook-ref-links Other resources : howto/logging-cookbook.html#cookbook-ref-links cookbook-rotator-namer Using a rotator and namer to customize log rotation processing: howto/logging-cookbook.html#cookbook-rotator-namer cookie-example Example : library/http.cookies.html#cookie-example cookie-jar-objects CookieJar and FileCookieJar Objects : library/http.cookiejar.html#cookie-jar-objects @@ -11796,7 +13531,7 @@ std:label dtd-handler-objects DTDHandler Objects : library/xml.sax.handler.html#dtd-handler-objects dynamic-features Interaction with dynamic features : reference/executionmodel.html#dynamic-features dynamic-linking Differences Between Unix and Windows : extending/windows.html#dynamic-linking - editing-and-navigation Editing and navigation : library/idle.html#editing-and-navigation + editing-and-navigation Editing and Navigation : library/idle.html#editing-and-navigation editors Editors and IDEs : using/editors.html#editors efficient_string_concatenation What is the most efficient way to concatenate many strings together?: faq/programming.html#efficient-string-concatenation elementinclude-functions Functions : library/xml.etree.elementtree.html#elementinclude-functions @@ -11825,6 +13560,7 @@ std:label epoch library/time.html#epoch epoll-objects Edge and Level Trigger Polling (epoll) Objects: library/select.html#epoll-objects error-handlers Error Handlers : library/codecs.html#error-handlers + escape-sequences reference/lexical_analysis.html#escape-sequences evalorder Evaluation order : reference/expressions.html#evalorder event-objects Event Objects : library/threading.html#event-objects examples-imp Examples : library/imp.html#examples-imp @@ -11957,6 +13693,7 @@ std:label http-redirect-handler HTTPRedirectHandler Objects : library/urllib.request.html#http-redirect-handler http-server-cli library/http.server.html#http-server-cli http-status-codes HTTP status codes : library/http.html#http-status-codes + http.server-security Security Considerations : library/http.server.html#http-server-security http_error_nnn library/urllib.request.html#http-error-nnn httpconnection-objects HTTPConnection Objects : library/http.client.html#httpconnection-objects httpmessage-objects HTTPMessage Objects : library/http.client.html#httpmessage-objects @@ -12380,7 +14117,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.4 : license.html#psf-license + psf-license PSF LICENSE AGREEMENT FOR PYTHON 3.10.5 : 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 @@ -12516,6 +14253,9 @@ std:label specialattrs Special Attributes : library/stdtypes.html#specialattrs specialnames Special method names : reference/datamodel.html#specialnames spoken-messages Speaking logging messages : howto/logging-cookbook.html#spoken-messages + sqlite3-adapter-converter-recipes Adapter and Converter Recipes : library/sqlite3.html#sqlite3-adapter-converter-recipes + sqlite3-conform Letting your object adapt itself : library/sqlite3.html#sqlite3-conform + sqlite3-connection-context-manager Using the connection as a context manager: library/sqlite3.html#sqlite3-connection-context-manager sqlite3-connection-objects Connection Objects : library/sqlite3.html#sqlite3-connection-objects sqlite3-controlling-transactions Controlling Transactions : library/sqlite3.html#sqlite3-controlling-transactions sqlite3-cursor-objects Cursor Objects : library/sqlite3.html#sqlite3-cursor-objects @@ -12524,6 +14264,7 @@ std:label sqlite3-placeholders library/sqlite3.html#sqlite3-placeholders sqlite3-row-objects Row Objects : library/sqlite3.html#sqlite3-row-objects sqlite3-types SQLite and Python types : library/sqlite3.html#sqlite3-types + sqlite3-uri-tricks SQLite URI tricks : library/sqlite3.html#sqlite3-uri-tricks ssl-certificates Certificates : library/ssl.html#ssl-certificates ssl-nonblocking Notes on non-blocking sockets : library/ssl.html#ssl-nonblocking ssl-security Security considerations : library/ssl.html#ssl-security diff --git a/doc/_intersphinx/rllib.inv b/doc/_intersphinx/rllib.inv deleted file mode 100644 index e4b02ae..0000000 Binary files a/doc/_intersphinx/rllib.inv and /dev/null differ diff --git a/doc/_intersphinx/rllib.txt b/doc/_intersphinx/rllib.txt deleted file mode 100644 index 5a3ff23..0000000 --- a/doc/_intersphinx/rllib.txt +++ /dev/null @@ -1,2554 +0,0 @@ -py:attribute - ray.data.extensions.tensor_extension.ArrowTensorArray.OFFSET_DTYPE data/package-ref.html#ray.data.extensions.tensor_extension.ArrowTensorArray.OFFSET_DTYPE - 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 - ray.tune.schedulers.TrialScheduler.STOP tune/api_docs/schedulers.html#ray.tune.schedulers.TrialScheduler.STOP - ray.tune.suggest.flaml.BlendSearch tune/api_docs/suggestion.html#ray.tune.suggest.flaml.BlendSearch - ray.tune.suggest.flaml.CFO tune/api_docs/suggestion.html#ray.tune.suggest.flaml.CFO - ray.tune.trial.Trial.config tune/api_docs/internals.html#ray.tune.trial.Trial.config - ray.tune.trial.Trial.error_file tune/api_docs/internals.html#ray.tune.trial.Trial.error_file - ray.tune.trial.Trial.evaluated_params tune/api_docs/internals.html#ray.tune.trial.Trial.evaluated_params - ray.tune.trial.Trial.experiment_tag tune/api_docs/internals.html#ray.tune.trial.Trial.experiment_tag - ray.tune.trial.Trial.local_dir tune/api_docs/internals.html#ray.tune.trial.Trial.local_dir - ray.tune.trial.Trial.logdir tune/api_docs/internals.html#ray.tune.trial.Trial.logdir - ray.tune.trial.Trial.status tune/api_docs/internals.html#ray.tune.trial.Trial.status - ray.tune.trial.Trial.trainable_name tune/api_docs/internals.html#ray.tune.trial.Trial.trainable_name - ray.tune.trial.Trial.trial_id tune/api_docs/internals.html#ray.tune.trial.Trial.trial_id - 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 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.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.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 - ray.tune.integration.lightgbm.TuneReportCallback tune/api_docs/integration.html#ray.tune.integration.lightgbm.TuneReportCallback - ray.tune.integration.lightgbm.TuneReportCheckpointCallback tune/api_docs/integration.html#ray.tune.integration.lightgbm.TuneReportCheckpointCallback - ray.tune.integration.mlflow.MLflowLoggerCallback tune/api_docs/integration.html#ray.tune.integration.mlflow.MLflowLoggerCallback - ray.tune.integration.mxnet.TuneCheckpointCallback tune/api_docs/integration.html#ray.tune.integration.mxnet.TuneCheckpointCallback - ray.tune.integration.mxnet.TuneReportCallback tune/api_docs/integration.html#ray.tune.integration.mxnet.TuneReportCallback - ray.tune.integration.pytorch_lightning.TuneReportCallback tune/api_docs/integration.html#ray.tune.integration.pytorch_lightning.TuneReportCallback - ray.tune.integration.pytorch_lightning.TuneReportCheckpointCallback tune/api_docs/integration.html#ray.tune.integration.pytorch_lightning.TuneReportCheckpointCallback - ray.tune.integration.wandb.WandbLoggerCallback tune/api_docs/integration.html#ray.tune.integration.wandb.WandbLoggerCallback - ray.tune.integration.xgboost.TuneReportCallback tune/api_docs/integration.html#ray.tune.integration.xgboost.TuneReportCallback - ray.tune.integration.xgboost.TuneReportCheckpointCallback tune/api_docs/integration.html#ray.tune.integration.xgboost.TuneReportCheckpointCallback - ray.tune.logger.CSVLoggerCallback tune/api_docs/logging.html#ray.tune.logger.CSVLoggerCallback - 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 - ray.tune.schedulers.HyperBandScheduler tune/api_docs/schedulers.html#ray.tune.schedulers.HyperBandScheduler - ray.tune.schedulers.MedianStoppingRule tune/api_docs/schedulers.html#ray.tune.schedulers.MedianStoppingRule - ray.tune.schedulers.PopulationBasedTraining tune/api_docs/schedulers.html#ray.tune.schedulers.PopulationBasedTraining - 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 - ray.tune.suggest.Repeater tune/api_docs/suggestion.html#ray.tune.suggest.Repeater - ray.tune.suggest.Searcher tune/api_docs/suggestion.html#ray.tune.suggest.Searcher - ray.tune.suggest.ax.AxSearch tune/api_docs/suggestion.html#ray.tune.suggest.ax.AxSearch - ray.tune.suggest.basic_variant.BasicVariantGenerator tune/api_docs/suggestion.html#ray.tune.suggest.basic_variant.BasicVariantGenerator - ray.tune.suggest.bayesopt.BayesOptSearch tune/api_docs/suggestion.html#ray.tune.suggest.bayesopt.BayesOptSearch - ray.tune.suggest.bohb.TuneBOHB tune/api_docs/suggestion.html#ray.tune.suggest.bohb.TuneBOHB - ray.tune.suggest.dragonfly.DragonflySearch tune/api_docs/suggestion.html#ray.tune.suggest.dragonfly.DragonflySearch - ray.tune.suggest.hebo.HEBOSearch tune/api_docs/suggestion.html#ray.tune.suggest.hebo.HEBOSearch - 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 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-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 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 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 - ray.data.from_items data/package-ref.html#ray.data.from_items - ray.data.from_mars data/package-ref.html#ray.data.from_mars - ray.data.from_modin data/package-ref.html#ray.data.from_modin - ray.data.from_numpy data/package-ref.html#ray.data.from_numpy - ray.data.from_pandas data/package-ref.html#ray.data.from_pandas - ray.data.from_pandas_refs data/package-ref.html#ray.data.from_pandas_refs - ray.data.from_spark data/package-ref.html#ray.data.from_spark - ray.data.range data/package-ref.html#ray.data.range - ray.data.range_arrow data/package-ref.html#ray.data.range_arrow - ray.data.range_tensor data/package-ref.html#ray.data.range_tensor - ray.data.read_binary_files data/package-ref.html#ray.data.read_binary_files - ray.data.read_csv data/package-ref.html#ray.data.read_csv - ray.data.read_datasource data/package-ref.html#ray.data.read_datasource - ray.data.read_json data/package-ref.html#ray.data.read_json - ray.data.read_numpy data/package-ref.html#ray.data.read_numpy - 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 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.shutdown serve/package-ref.html#ray.serve.shutdown - ray.serve.start serve/package-ref.html#ray.serve.start - 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 - ray.tune.SyncConfig tune/api_docs/execution.html#ray.tune.SyncConfig - ray.tune.checkpoint_dir tune/api_docs/trainable.html#ray.tune.checkpoint_dir - ray.tune.choice tune/api_docs/search_space.html#ray.tune.choice - ray.tune.get_trial_dir tune/api_docs/trainable.html#ray.tune.get_trial_dir - ray.tune.get_trial_id tune/api_docs/trainable.html#ray.tune.get_trial_id - ray.tune.get_trial_name tune/api_docs/trainable.html#ray.tune.get_trial_name - ray.tune.grid_search tune/api_docs/search_space.html#ray.tune.grid_search - ray.tune.integration.docker.DockerSyncer tune/api_docs/integration.html#ray.tune.integration.docker.DockerSyncer - ray.tune.integration.horovod.DistributedTrainableCreator tune/api_docs/integration.html#ray.tune.integration.horovod.DistributedTrainableCreator - ray.tune.integration.kubernetes.NamespacedKubernetesSyncer tune/api_docs/integration.html#ray.tune.integration.kubernetes.NamespacedKubernetesSyncer - ray.tune.integration.mlflow.mlflow_mixin tune/api_docs/integration.html#ray.tune.integration.mlflow.mlflow_mixin - ray.tune.integration.torch.DistributedTrainableCreator tune/api_docs/integration.html#ray.tune.integration.torch.DistributedTrainableCreator - ray.tune.integration.torch.distributed_checkpoint_dir tune/api_docs/integration.html#ray.tune.integration.torch.distributed_checkpoint_dir - ray.tune.integration.torch.is_distributed_trainable tune/api_docs/integration.html#ray.tune.integration.torch.is_distributed_trainable - ray.tune.integration.wandb.wandb_mixin tune/api_docs/integration.html#ray.tune.integration.wandb.wandb_mixin - ray.tune.lograndint tune/api_docs/search_space.html#ray.tune.lograndint - ray.tune.loguniform tune/api_docs/search_space.html#ray.tune.loguniform - ray.tune.qlograndint tune/api_docs/search_space.html#ray.tune.qlograndint - ray.tune.qloguniform tune/api_docs/search_space.html#ray.tune.qloguniform - ray.tune.qrandint tune/api_docs/search_space.html#ray.tune.qrandint - ray.tune.qrandn tune/api_docs/search_space.html#ray.tune.qrandn - ray.tune.quniform tune/api_docs/search_space.html#ray.tune.quniform - ray.tune.randint tune/api_docs/search_space.html#ray.tune.randint - ray.tune.randn tune/api_docs/search_space.html#ray.tune.randn - ray.tune.register_env tune/api_docs/internals.html#ray.tune.register_env - ray.tune.register_trainable tune/api_docs/internals.html#ray.tune.register_trainable - ray.tune.report tune/api_docs/trainable.html#ray.tune.report - 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.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 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 - ray.workflow.list_all workflows/package-ref.html#ray.workflow.list_all - ray.workflow.resume workflows/package-ref.html#ray.workflow.resume - 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_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 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 - ray.data.Dataset.iter_batches data/package-ref.html#ray.data.Dataset.iter_batches - ray.data.Dataset.iter_rows data/package-ref.html#ray.data.Dataset.iter_rows - ray.data.Dataset.limit data/package-ref.html#ray.data.Dataset.limit - ray.data.Dataset.map data/package-ref.html#ray.data.Dataset.map - ray.data.Dataset.map_batches data/package-ref.html#ray.data.Dataset.map_batches - ray.data.Dataset.max data/package-ref.html#ray.data.Dataset.max - ray.data.Dataset.mean data/package-ref.html#ray.data.Dataset.mean - ray.data.Dataset.min data/package-ref.html#ray.data.Dataset.min - ray.data.Dataset.num_blocks data/package-ref.html#ray.data.Dataset.num_blocks - ray.data.Dataset.random_shuffle data/package-ref.html#ray.data.Dataset.random_shuffle - ray.data.Dataset.repartition data/package-ref.html#ray.data.Dataset.repartition - ray.data.Dataset.repeat data/package-ref.html#ray.data.Dataset.repeat - ray.data.Dataset.schema data/package-ref.html#ray.data.Dataset.schema - ray.data.Dataset.show data/package-ref.html#ray.data.Dataset.show - ray.data.Dataset.size_bytes data/package-ref.html#ray.data.Dataset.size_bytes - 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 - ray.data.Dataset.take_all data/package-ref.html#ray.data.Dataset.take_all - ray.data.Dataset.to_arrow_refs data/package-ref.html#ray.data.Dataset.to_arrow_refs - ray.data.Dataset.to_dask data/package-ref.html#ray.data.Dataset.to_dask - ray.data.Dataset.to_mars data/package-ref.html#ray.data.Dataset.to_mars - ray.data.Dataset.to_modin data/package-ref.html#ray.data.Dataset.to_modin - 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 - ray.data.Dataset.union data/package-ref.html#ray.data.Dataset.union - ray.data.Dataset.window data/package-ref.html#ray.data.Dataset.window - ray.data.Dataset.write_csv data/package-ref.html#ray.data.Dataset.write_csv - ray.data.Dataset.write_datasource data/package-ref.html#ray.data.Dataset.write_datasource - ray.data.Dataset.write_json data/package-ref.html#ray.data.Dataset.write_json - ray.data.Dataset.write_numpy data/package-ref.html#ray.data.Dataset.write_numpy - ray.data.Dataset.write_parquet data/package-ref.html#ray.data.Dataset.write_parquet - ray.data.Dataset.zip data/package-ref.html#ray.data.Dataset.zip - ray.data.Datasource.do_write data/package-ref.html#ray.data.Datasource.do_write - 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 - ray.data.dataset_pipeline.DatasetPipeline.foreach_window data/package-ref.html#ray.data.dataset_pipeline.DatasetPipeline.foreach_window - ray.data.dataset_pipeline.DatasetPipeline.from_iterable data/package-ref.html#ray.data.dataset_pipeline.DatasetPipeline.from_iterable - ray.data.dataset_pipeline.DatasetPipeline.iter_batches data/package-ref.html#ray.data.dataset_pipeline.DatasetPipeline.iter_batches - ray.data.dataset_pipeline.DatasetPipeline.iter_datasets data/package-ref.html#ray.data.dataset_pipeline.DatasetPipeline.iter_datasets - ray.data.dataset_pipeline.DatasetPipeline.iter_epochs data/package-ref.html#ray.data.dataset_pipeline.DatasetPipeline.iter_epochs - ray.data.dataset_pipeline.DatasetPipeline.iter_rows data/package-ref.html#ray.data.dataset_pipeline.DatasetPipeline.iter_rows - ray.data.dataset_pipeline.DatasetPipeline.map data/package-ref.html#ray.data.dataset_pipeline.DatasetPipeline.map - ray.data.dataset_pipeline.DatasetPipeline.map_batches data/package-ref.html#ray.data.dataset_pipeline.DatasetPipeline.map_batches - ray.data.dataset_pipeline.DatasetPipeline.random_shuffle_each_window data/package-ref.html#ray.data.dataset_pipeline.DatasetPipeline.random_shuffle_each_window - ray.data.dataset_pipeline.DatasetPipeline.repartition_each_window data/package-ref.html#ray.data.dataset_pipeline.DatasetPipeline.repartition_each_window - ray.data.dataset_pipeline.DatasetPipeline.repeat data/package-ref.html#ray.data.dataset_pipeline.DatasetPipeline.repeat - ray.data.dataset_pipeline.DatasetPipeline.rewindow data/package-ref.html#ray.data.dataset_pipeline.DatasetPipeline.rewindow - ray.data.dataset_pipeline.DatasetPipeline.schema data/package-ref.html#ray.data.dataset_pipeline.DatasetPipeline.schema - ray.data.dataset_pipeline.DatasetPipeline.show data/package-ref.html#ray.data.dataset_pipeline.DatasetPipeline.show - ray.data.dataset_pipeline.DatasetPipeline.show_windows data/package-ref.html#ray.data.dataset_pipeline.DatasetPipeline.show_windows - 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 - ray.data.dataset_pipeline.DatasetPipeline.to_tf data/package-ref.html#ray.data.dataset_pipeline.DatasetPipeline.to_tf - ray.data.dataset_pipeline.DatasetPipeline.to_torch data/package-ref.html#ray.data.dataset_pipeline.DatasetPipeline.to_torch - ray.data.dataset_pipeline.DatasetPipeline.write_csv data/package-ref.html#ray.data.dataset_pipeline.DatasetPipeline.write_csv - ray.data.dataset_pipeline.DatasetPipeline.write_datasource data/package-ref.html#ray.data.dataset_pipeline.DatasetPipeline.write_datasource - ray.data.dataset_pipeline.DatasetPipeline.write_json data/package-ref.html#ray.data.dataset_pipeline.DatasetPipeline.write_json - ray.data.dataset_pipeline.DatasetPipeline.write_parquet data/package-ref.html#ray.data.dataset_pipeline.DatasetPipeline.write_parquet - 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.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.isna data/package-ref.html#ray.data.extensions.tensor_extension.TensorArray.isna - 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.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.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.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.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 - ray.train.Trainer.start train/api.html#ray.train.Trainer.start - ray.train.Trainer.to_tune_trainable train/api.html#ray.train.Trainer.to_tune_trainable - 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.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 - ray.tune.ExperimentAnalysis.get_best_checkpoint tune/api_docs/analysis.html#ray.tune.ExperimentAnalysis.get_best_checkpoint - ray.tune.ExperimentAnalysis.get_best_config tune/api_docs/analysis.html#ray.tune.ExperimentAnalysis.get_best_config - ray.tune.ExperimentAnalysis.get_best_logdir tune/api_docs/analysis.html#ray.tune.ExperimentAnalysis.get_best_logdir - 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.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.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 - ray.tune.Stopper.__call__ tune/api_docs/stoppers.html#ray.tune.Stopper.__call__ - ray.tune.Stopper.stop_all tune/api_docs/stoppers.html#ray.tune.Stopper.stop_all - ray.tune.Trainable._close_logfiles tune/api_docs/trainable.html#ray.tune.Trainable._close_logfiles - ray.tune.Trainable._create_logger tune/api_docs/trainable.html#ray.tune.Trainable._create_logger - 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._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.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.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 - ray.tune.Trainable.restore tune/api_docs/trainable.html#ray.tune.Trainable.restore - ray.tune.Trainable.restore_from_object tune/api_docs/trainable.html#ray.tune.Trainable.restore_from_object - ray.tune.Trainable.save tune/api_docs/trainable.html#ray.tune.Trainable.save - ray.tune.Trainable.save_checkpoint tune/api_docs/trainable.html#ray.tune.Trainable.save_checkpoint - ray.tune.Trainable.save_to_object tune/api_docs/trainable.html#ray.tune.Trainable.save_to_object - ray.tune.Trainable.setup tune/api_docs/trainable.html#ray.tune.Trainable.setup - ray.tune.Trainable.step tune/api_docs/trainable.html#ray.tune.Trainable.step - 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.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 - ray.tune.callback.Callback.on_step_end tune/api_docs/internals.html#ray.tune.callback.Callback.on_step_end - ray.tune.callback.Callback.on_trial_complete tune/api_docs/internals.html#ray.tune.callback.Callback.on_trial_complete - ray.tune.callback.Callback.on_trial_error tune/api_docs/internals.html#ray.tune.callback.Callback.on_trial_error - ray.tune.callback.Callback.on_trial_restore tune/api_docs/internals.html#ray.tune.callback.Callback.on_trial_restore - ray.tune.callback.Callback.on_trial_result tune/api_docs/internals.html#ray.tune.callback.Callback.on_trial_result - 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__ - ray.tune.logger.LoggerCallback.log_trial_end tune/api_docs/logging.html#ray.tune.logger.LoggerCallback.log_trial_end - ray.tune.logger.LoggerCallback.log_trial_restore tune/api_docs/logging.html#ray.tune.logger.LoggerCallback.log_trial_restore - ray.tune.logger.LoggerCallback.log_trial_result tune/api_docs/logging.html#ray.tune.logger.LoggerCallback.log_trial_result - ray.tune.logger.LoggerCallback.log_trial_save tune/api_docs/logging.html#ray.tune.logger.LoggerCallback.log_trial_save - ray.tune.logger.LoggerCallback.log_trial_start tune/api_docs/logging.html#ray.tune.logger.LoggerCallback.log_trial_start - ray.tune.ray_trial_executor.RayTrialExecutor.cleanup tune/api_docs/internals.html#ray.tune.ray_trial_executor.RayTrialExecutor.cleanup - 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.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.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.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.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 - ray.tune.schedulers.TrialScheduler.on_trial_complete tune/api_docs/schedulers.html#ray.tune.schedulers.TrialScheduler.on_trial_complete - ray.tune.schedulers.TrialScheduler.on_trial_error tune/api_docs/schedulers.html#ray.tune.schedulers.TrialScheduler.on_trial_error - ray.tune.schedulers.TrialScheduler.on_trial_remove tune/api_docs/schedulers.html#ray.tune.schedulers.TrialScheduler.on_trial_remove - ray.tune.schedulers.TrialScheduler.on_trial_result tune/api_docs/schedulers.html#ray.tune.schedulers.TrialScheduler.on_trial_result - 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.suggest.Searcher.add_evaluated_point tune/api_docs/suggestion.html#ray.tune.suggest.Searcher.add_evaluated_point - 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 - ray.tune.suggest.bayesopt.BayesOptSearch.save tune/api_docs/suggestion.html#ray.tune.suggest.bayesopt.BayesOptSearch.save - ray.tune.suggest.dragonfly.DragonflySearch.restore tune/api_docs/suggestion.html#ray.tune.suggest.dragonfly.DragonflySearch.restore - ray.tune.suggest.dragonfly.DragonflySearch.save tune/api_docs/suggestion.html#ray.tune.suggest.dragonfly.DragonflySearch.save - ray.tune.suggest.hebo.HEBOSearch.restore tune/api_docs/suggestion.html#ray.tune.suggest.hebo.HEBOSearch.restore - ray.tune.suggest.hebo.HEBOSearch.save tune/api_docs/suggestion.html#ray.tune.suggest.hebo.HEBOSearch.save - ray.tune.suggest.hyperopt.HyperOptSearch.restore tune/api_docs/suggestion.html#ray.tune.suggest.hyperopt.HyperOptSearch.restore - ray.tune.suggest.hyperopt.HyperOptSearch.save tune/api_docs/suggestion.html#ray.tune.suggest.hyperopt.HyperOptSearch.save - ray.tune.suggest.nevergrad.NevergradSearch.restore tune/api_docs/suggestion.html#ray.tune.suggest.nevergrad.NevergradSearch.restore - ray.tune.suggest.nevergrad.NevergradSearch.save tune/api_docs/suggestion.html#ray.tune.suggest.nevergrad.NevergradSearch.save - ray.tune.suggest.skopt.SkOptSearch.restore tune/api_docs/suggestion.html#ray.tune.suggest.skopt.SkOptSearch.restore - ray.tune.suggest.skopt.SkOptSearch.save tune/api_docs/suggestion.html#ray.tune.suggest.skopt.SkOptSearch.save - ray.tune.suggest.zoopt.ZOOptSearch.restore tune/api_docs/suggestion.html#ray.tune.suggest.zoopt.ZOOptSearch.restore - ray.tune.suggest.zoopt.ZOOptSearch.save tune/api_docs/suggestion.html#ray.tune.suggest.zoopt.ZOOptSearch.save - ray.tune.trial_executor.TrialExecutor.cleanup tune/api_docs/internals.html#ray.tune.trial_executor.TrialExecutor.cleanup - 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.get_checkpoints tune/api_docs/internals.html#ray.tune.trial_executor.TrialExecutor.get_checkpoints - ray.tune.trial_executor.TrialExecutor.has_gpus tune/api_docs/internals.html#ray.tune.trial_executor.TrialExecutor.has_gpus - 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.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.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 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 - ray.util.sgd.tf.TFTrainer.__init__ raysgd/raysgd_ref.html#ray.util.sgd.tf.TFTrainer.__init__ - ray.util.sgd.tf.TFTrainer.get_model raysgd/raysgd_ref.html#ray.util.sgd.tf.TFTrainer.get_model - ray.util.sgd.tf.TFTrainer.restore raysgd/raysgd_ref.html#ray.util.sgd.tf.TFTrainer.restore - ray.util.sgd.tf.TFTrainer.save raysgd/raysgd_ref.html#ray.util.sgd.tf.TFTrainer.save - ray.util.sgd.tf.TFTrainer.shutdown raysgd/raysgd_ref.html#ray.util.sgd.tf.TFTrainer.shutdown - ray.util.sgd.tf.TFTrainer.train raysgd/raysgd_ref.html#ray.util.sgd.tf.TFTrainer.train - ray.util.sgd.tf.TFTrainer.validate raysgd/raysgd_ref.html#ray.util.sgd.tf.TFTrainer.validate - ray.util.sgd.torch.BaseTorchTrainable.cleanup raysgd/raysgd_ref.html#ray.util.sgd.torch.BaseTorchTrainable.cleanup - ray.util.sgd.torch.BaseTorchTrainable.load_checkpoint raysgd/raysgd_ref.html#ray.util.sgd.torch.BaseTorchTrainable.load_checkpoint - 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.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 - ray.util.sgd.torch.TorchTrainer.get_local_operator raysgd/raysgd_ref.html#ray.util.sgd.torch.TorchTrainer.get_local_operator - ray.util.sgd.torch.TorchTrainer.get_model raysgd/raysgd_ref.html#ray.util.sgd.torch.TorchTrainer.get_model - ray.util.sgd.torch.TorchTrainer.load raysgd/raysgd_ref.html#ray.util.sgd.torch.TorchTrainer.load - ray.util.sgd.torch.TorchTrainer.save raysgd/raysgd_ref.html#ray.util.sgd.torch.TorchTrainer.save - ray.util.sgd.torch.TorchTrainer.shutdown raysgd/raysgd_ref.html#ray.util.sgd.torch.TorchTrainer.shutdown - 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.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.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.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.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 - ray.util.sgd.torch.training_operator.CreatorOperator.models raysgd/raysgd_ref.html#ray.util.sgd.torch.training_operator.CreatorOperator.models - ray.util.sgd.torch.training_operator.CreatorOperator.optimizer raysgd/raysgd_ref.html#ray.util.sgd.torch.training_operator.CreatorOperator.optimizer - 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.workflow.common.Workflow.data workflows/package-ref.html#ray.workflow.common.Workflow.data -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 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 - _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 - cluster/config Cluster YAML Configuration Options : cluster/config.html - cluster/deploy Ray with Cluster Managers : cluster/deploy.html - 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 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: 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 - 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-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/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/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/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 Ray Serve API : serve/package-ref.html - serve/performance Performance Tuning : serve/performance.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 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 - train/api Ray Train API : train/api.html - train/architecture Ray Train Architecture : train/architecture.html - train/examples Ray Train Examples : train/examples.html - train/examples/horovod/horovod_example horovod_example : train/examples/horovod/horovod_example.html - 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 - train/examples/transformers/transformers_example transformers_example : train/examples/transformers/transformers_example.html - train/examples/tune_cifar_pytorch_pbt_example tune_cifar_pytorch_pbt_example : train/examples/tune_cifar_pytorch_pbt_example.html - train/examples/tune_linear_dataset_example tune_linear_dataset_example : train/examples/tune_linear_dataset_example.html - train/examples/tune_linear_example tune_linear_example : train/examples/tune_linear_example.html - train/examples/tune_tensorflow_mnist_example tune_tensorflow_mnist_example : train/examples/tune_tensorflow_mnist_example.html - 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 - 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 Ray Tune API : tune/api_docs/overview.html - tune/api_docs/reporters Console Output (Reporters) : tune/api_docs/reporters.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/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 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/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-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 - workflows/comparison API Comparisons : workflows/comparison.html - workflows/concepts Workflows: Fast, Durable Application Flows: workflows/concepts.html - workflows/events Events : workflows/events.html - workflows/management Workflow Management : workflows/management.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/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 : 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/rllib-algorithms.html#bc - blendsearch BlendSearch (tune.suggest.flaml.BlendSearch): tune/api_docs/suggestion.html#blendsearch - 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 - cluster-commands Cluster Launcher Commands : cluster/commands.html#cluster-commands - cluster-config Cluster YAML Configuration Options : cluster/config.html#cluster-config - cluster-configuration-auth auth : cluster/config.html#cluster-configuration-auth - cluster-configuration-auth-type Auth : cluster/config.html#cluster-configuration-auth-type - cluster-configuration-availability-zone provider.availability_zone : cluster/config.html#cluster-configuration-availability-zone - cluster-configuration-available-node-types available_node_types : cluster/config.html#cluster-configuration-available-node-types - cluster-configuration-cache-stopped-nodes provider.cache_stopped_nodes : cluster/config.html#cluster-configuration-cache-stopped-nodes - cluster-configuration-cluster-name cluster_name : cluster/config.html#cluster-configuration-cluster-name - cluster-configuration-cluster-synced-files cluster_synced_files : cluster/config.html#cluster-configuration-cluster-synced-files - cluster-configuration-container-name docker.container_name : cluster/config.html#cluster-configuration-container-name - cluster-configuration-cpu available_node_types..node_type.resources.CPU: cluster/config.html#cluster-configuration-cpu - cluster-configuration-disable-automatic-runtime-detection docker.disable_automatic_runtime_detection: cluster/config.html#cluster-configuration-disable-automatic-runtime-detection - cluster-configuration-disable-shm-size-detection docker.disable_shm_size_detection : cluster/config.html#cluster-configuration-disable-shm-size-detection - cluster-configuration-docker docker : cluster/config.html#cluster-configuration-docker - cluster-configuration-docker-type Docker : cluster/config.html#cluster-configuration-docker-type - cluster-configuration-file-mounts file_mounts : cluster/config.html#cluster-configuration-file-mounts - cluster-configuration-file-mounts-type File mounts : cluster/config.html#cluster-configuration-file-mounts-type - cluster-configuration-gpu available_node_types..node_type.resources.GPU: cluster/config.html#cluster-configuration-gpu - cluster-configuration-group-name security_group.GroupName : cluster/config.html#cluster-configuration-group-name - cluster-configuration-head-image docker.head_image : cluster/config.html#cluster-configuration-head-image - cluster-configuration-head-node-type head_node_type : cluster/config.html#cluster-configuration-head-node-type - cluster-configuration-head-run-options docker.head_run_options : cluster/config.html#cluster-configuration-head-run-options - cluster-configuration-head-setup-commands head_setup_commands : cluster/config.html#cluster-configuration-head-setup-commands - cluster-configuration-head-start-ray-commands head_start_ray_commands : cluster/config.html#cluster-configuration-head-start-ray-commands - cluster-configuration-idle-timeout-minutes idle_timeout_minutes : cluster/config.html#cluster-configuration-idle-timeout-minutes - cluster-configuration-image docker.image : cluster/config.html#cluster-configuration-image - cluster-configuration-initialization-commands initialization_commands : cluster/config.html#cluster-configuration-initialization-commands - cluster-configuration-ip-permissions security_group.IpPermissions : cluster/config.html#cluster-configuration-ip-permissions - cluster-configuration-location provider.location : cluster/config.html#cluster-configuration-location - cluster-configuration-max-workers max_workers : cluster/config.html#cluster-configuration-max-workers - cluster-configuration-memory available_node_types..node_type.resources.memory: cluster/config.html#cluster-configuration-memory - cluster-configuration-node-config available_node_types..node_type.node_config: cluster/config.html#cluster-configuration-node-config - cluster-configuration-node-config-type Node config : cluster/config.html#cluster-configuration-node-config-type - cluster-configuration-node-docker available_node_types..docker: cluster/config.html#cluster-configuration-node-docker - cluster-configuration-node-docker-type Node Docker : cluster/config.html#cluster-configuration-node-docker-type - cluster-configuration-node-max-workers available_node_types..node_type.max_workers: cluster/config.html#cluster-configuration-node-max-workers - cluster-configuration-node-min-workers available_node_types..node_type.min_workers: cluster/config.html#cluster-configuration-node-min-workers - cluster-configuration-node-type-worker-setup-commands available_node_types..node_type.worker_setup_commands: cluster/config.html#cluster-configuration-node-type-worker-setup-commands - cluster-configuration-node-types-type Node types : cluster/config.html#cluster-configuration-node-types-type - cluster-configuration-object-store-memory available_node_types..node_type.resources.object-store-memory: cluster/config.html#cluster-configuration-object-store-memory - cluster-configuration-project-id provider.project_id : cluster/config.html#cluster-configuration-project-id - cluster-configuration-provider provider : cluster/config.html#cluster-configuration-provider - cluster-configuration-provider-type Provider : cluster/config.html#cluster-configuration-provider-type - cluster-configuration-pull-before-run docker.pull_before_run : cluster/config.html#cluster-configuration-pull-before-run - cluster-configuration-region provider.region : cluster/config.html#cluster-configuration-region - cluster-configuration-resource-group provider.resource_group : cluster/config.html#cluster-configuration-resource-group - cluster-configuration-resources available_node_types..node_type.resources: cluster/config.html#cluster-configuration-resources - cluster-configuration-resources-type Resources : cluster/config.html#cluster-configuration-resources-type - cluster-configuration-rsync-exclude rsync_exclude : cluster/config.html#cluster-configuration-rsync-exclude - cluster-configuration-rsync-filter rsync_filter : cluster/config.html#cluster-configuration-rsync-filter - cluster-configuration-run-options docker.run_options : cluster/config.html#cluster-configuration-run-options - cluster-configuration-security-group provider.security_group : cluster/config.html#cluster-configuration-security-group - cluster-configuration-security-group-type Security Group : cluster/config.html#cluster-configuration-security-group-type - cluster-configuration-setup-commands setup_commands : cluster/config.html#cluster-configuration-setup-commands - cluster-configuration-ssh-private-key auth.ssh_private_key : cluster/config.html#cluster-configuration-ssh-private-key - cluster-configuration-ssh-public-key auth.ssh_public_key : cluster/config.html#cluster-configuration-ssh-public-key - cluster-configuration-ssh-user auth.ssh_user : cluster/config.html#cluster-configuration-ssh-user - cluster-configuration-subscription-id provider.subscription_id : cluster/config.html#cluster-configuration-subscription-id - cluster-configuration-type provider.type : cluster/config.html#cluster-configuration-type - cluster-configuration-upscaling-speed upscaling_speed : cluster/config.html#cluster-configuration-upscaling-speed - cluster-configuration-worker-image docker.worker_image : cluster/config.html#cluster-configuration-worker-image - cluster-configuration-worker-run-options docker.worker_run_options : cluster/config.html#cluster-configuration-worker-run-options - cluster-configuration-worker-setup-commands worker_setup_commands : cluster/config.html#cluster-configuration-worker-setup-commands - 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 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 : 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-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-api DatasetPipeline API : data/package-ref.html#dataset-pipeline-api - 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_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 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/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/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 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/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 : 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 (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-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 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-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 - 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) : 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 : 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 : 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 : 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 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-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 : 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 : 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 : 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-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 : ray-core/tasks/resources.html#resource-requirements - resources-docstring PlacementGroupFactory : tune/api_docs/internals.html#resources-docstring - 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-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 : 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 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-ndarray-schema serve/http-servehandle.html#serve-ndarray-schema - serve-pytorch-tutorial PyTorch Tutorial : serve/tutorials/pytorch.html#serve-pytorch-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: 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 - sgd-migration-trainer Interacting with the Trainer : train/migration-guide.html#sgd-migration-trainer - sgd-migration-tune Hyperparameter Tuning with Ray Tune : train/migration-guide.html#sgd-migration-tune - sgd-v2-examples Ray Train Examples : train/examples.html#sgd-v2-examples - 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/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 - 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 - 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/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-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 tune/api_docs/trainable.html#trainable-docs - trainable-execution The execution of a trainable : tune/tutorials/tune-lifecycle.html#trainable-execution - 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/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 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/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/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/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 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 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 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 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 - tune-integration-horovod Horovod (tune.integration.horovod) : tune/api_docs/integration.html#tune-integration-horovod - tune-integration-keras Keras (tune.integration.keras) : tune/api_docs/integration.html#tune-integration-keras - tune-integration-kubernetes Kubernetes (tune.integration.kubernetes): tune/api_docs/integration.html#tune-integration-kubernetes - tune-integration-lightgbm LightGBM (tune.integration.lightgbm) : tune/api_docs/integration.html#tune-integration-lightgbm - tune-integration-mlflow MLflow (tune.integration.mlflow) : tune/api_docs/integration.html#tune-integration-mlflow - tune-integration-mxnet MXNet (tune.integration.mxnet) : tune/api_docs/integration.html#tune-integration-mxnet - tune-integration-pytorch-lightning PyTorch Lightning (tune.integration.pytorch_lightning): tune/api_docs/integration.html#tune-integration-pytorch-lightning - 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 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-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 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 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-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 - tune-scheduler-pb2 Population Based Bandits (PB2) (tune.schedulers.pb2.PB2): tune/api_docs/schedulers.html#tune-scheduler-pb2 - tune-scheduler-pbt Population Based Training (tune.schedulers.PopulationBasedTraining): tune/api_docs/schedulers.html#tune-scheduler-pbt - tune-scheduler-pbt-replay Population Based Training Replay (tune.schedulers.PopulationBasedTrainingReplay): tune/api_docs/schedulers.html#tune-scheduler-pbt-replay - 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-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/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 tune/getting-started.html#tune-tutorial - tune-util-ref Utilities : tune/api_docs/trainable.html#tune-util-ref - 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-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/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 - 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 : 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 c23cd5d..623b2b7 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 9cf6574..437c670 100644 --- a/doc/_intersphinx/sklearn.txt +++ b/doc/_intersphinx/sklearn.txt @@ -17,6 +17,7 @@ py:class sklearn.cluster.AffinityPropagation modules/generated/sklearn.cluster.AffinityPropagation.html#sklearn.cluster.AffinityPropagation sklearn.cluster.AgglomerativeClustering modules/generated/sklearn.cluster.AgglomerativeClustering.html#sklearn.cluster.AgglomerativeClustering sklearn.cluster.Birch modules/generated/sklearn.cluster.Birch.html#sklearn.cluster.Birch + sklearn.cluster.BisectingKMeans modules/generated/sklearn.cluster.BisectingKMeans.html#sklearn.cluster.BisectingKMeans sklearn.cluster.DBSCAN modules/generated/sklearn.cluster.DBSCAN.html#sklearn.cluster.DBSCAN sklearn.cluster.FeatureAgglomeration modules/generated/sklearn.cluster.FeatureAgglomeration.html#sklearn.cluster.FeatureAgglomeration sklearn.cluster.KMeans modules/generated/sklearn.cluster.KMeans.html#sklearn.cluster.KMeans @@ -32,6 +33,7 @@ py:class sklearn.cluster._bicluster.SpectralBiclustering modules/generated/sklearn.cluster.SpectralBiclustering.html#sklearn.cluster.SpectralBiclustering sklearn.cluster._bicluster.SpectralCoclustering modules/generated/sklearn.cluster.SpectralCoclustering.html#sklearn.cluster.SpectralCoclustering sklearn.cluster._birch.Birch modules/generated/sklearn.cluster.Birch.html#sklearn.cluster.Birch + sklearn.cluster._bisect_k_means.BisectingKMeans modules/generated/sklearn.cluster.BisectingKMeans.html#sklearn.cluster.BisectingKMeans sklearn.cluster._dbscan.DBSCAN modules/generated/sklearn.cluster.DBSCAN.html#sklearn.cluster.DBSCAN sklearn.cluster._kmeans.KMeans modules/generated/sklearn.cluster.KMeans.html#sklearn.cluster.KMeans sklearn.cluster._kmeans.MiniBatchKMeans modules/generated/sklearn.cluster.MiniBatchKMeans.html#sklearn.cluster.MiniBatchKMeans @@ -73,6 +75,7 @@ py:class sklearn.decomposition.KernelPCA modules/generated/sklearn.decomposition.KernelPCA.html#sklearn.decomposition.KernelPCA sklearn.decomposition.LatentDirichletAllocation modules/generated/sklearn.decomposition.LatentDirichletAllocation.html#sklearn.decomposition.LatentDirichletAllocation sklearn.decomposition.MiniBatchDictionaryLearning modules/generated/sklearn.decomposition.MiniBatchDictionaryLearning.html#sklearn.decomposition.MiniBatchDictionaryLearning + sklearn.decomposition.MiniBatchNMF modules/generated/sklearn.decomposition.MiniBatchNMF.html#sklearn.decomposition.MiniBatchNMF sklearn.decomposition.MiniBatchSparsePCA modules/generated/sklearn.decomposition.MiniBatchSparsePCA.html#sklearn.decomposition.MiniBatchSparsePCA sklearn.decomposition.NMF modules/generated/sklearn.decomposition.NMF.html#sklearn.decomposition.NMF sklearn.decomposition.PCA modules/generated/sklearn.decomposition.PCA.html#sklearn.decomposition.PCA @@ -87,6 +90,7 @@ py:class sklearn.decomposition._incremental_pca.IncrementalPCA modules/generated/sklearn.decomposition.IncrementalPCA.html#sklearn.decomposition.IncrementalPCA sklearn.decomposition._kernel_pca.KernelPCA modules/generated/sklearn.decomposition.KernelPCA.html#sklearn.decomposition.KernelPCA sklearn.decomposition._lda.LatentDirichletAllocation modules/generated/sklearn.decomposition.LatentDirichletAllocation.html#sklearn.decomposition.LatentDirichletAllocation + sklearn.decomposition._nmf.MiniBatchNMF modules/generated/sklearn.decomposition.MiniBatchNMF.html#sklearn.decomposition.MiniBatchNMF sklearn.decomposition._nmf.NMF modules/generated/sklearn.decomposition.NMF.html#sklearn.decomposition.NMF sklearn.decomposition._pca.PCA modules/generated/sklearn.decomposition.PCA.html#sklearn.decomposition.PCA sklearn.decomposition._sparse_pca.MiniBatchSparsePCA modules/generated/sklearn.decomposition.MiniBatchSparsePCA.html#sklearn.decomposition.MiniBatchSparsePCA @@ -198,7 +202,9 @@ py:class sklearn.impute._base.SimpleImputer modules/generated/sklearn.impute.SimpleImputer.html#sklearn.impute.SimpleImputer sklearn.impute._iterative.IterativeImputer modules/generated/sklearn.impute.IterativeImputer.html#sklearn.impute.IterativeImputer sklearn.impute._knn.KNNImputer modules/generated/sklearn.impute.KNNImputer.html#sklearn.impute.KNNImputer + sklearn.inspection.DecisionBoundaryDisplay modules/generated/sklearn.inspection.DecisionBoundaryDisplay.html#sklearn.inspection.DecisionBoundaryDisplay sklearn.inspection.PartialDependenceDisplay modules/generated/sklearn.inspection.PartialDependenceDisplay.html#sklearn.inspection.PartialDependenceDisplay + sklearn.inspection._plot.decision_boundary.DecisionBoundaryDisplay modules/generated/sklearn.inspection.DecisionBoundaryDisplay.html#sklearn.inspection.DecisionBoundaryDisplay sklearn.inspection._plot.partial_dependence.PartialDependenceDisplay modules/generated/sklearn.inspection.PartialDependenceDisplay.html#sklearn.inspection.PartialDependenceDisplay sklearn.isotonic.IsotonicRegression modules/generated/sklearn.isotonic.IsotonicRegression.html#sklearn.isotonic.IsotonicRegression sklearn.kernel_approximation.AdditiveChi2Sampler modules/generated/sklearn.kernel_approximation.AdditiveChi2Sampler.html#sklearn.kernel_approximation.AdditiveChi2Sampler @@ -457,6 +463,8 @@ py:class sklearn.tree._classes.DecisionTreeRegressor modules/generated/sklearn.tree.DecisionTreeRegressor.html#sklearn.tree.DecisionTreeRegressor sklearn.tree._classes.ExtraTreeClassifier modules/generated/sklearn.tree.ExtraTreeClassifier.html#sklearn.tree.ExtraTreeClassifier sklearn.tree._classes.ExtraTreeRegressor modules/generated/sklearn.tree.ExtraTreeRegressor.html#sklearn.tree.ExtraTreeRegressor + sklearn.utils.Bunch modules/generated/sklearn.utils.Bunch.html#sklearn.utils.Bunch + sklearn.utils._bunch.Bunch modules/generated/sklearn.utils.Bunch.html#sklearn.utils.Bunch py:function sklearn.base.clone modules/generated/sklearn.base.clone.html#sklearn.base.clone sklearn.base.is_classifier modules/generated/sklearn.base.is_classifier.html#sklearn.base.is_classifier @@ -577,6 +585,8 @@ py:function sklearn.metrics.confusion_matrix modules/generated/sklearn.metrics.confusion_matrix.html#sklearn.metrics.confusion_matrix sklearn.metrics.consensus_score modules/generated/sklearn.metrics.consensus_score.html#sklearn.metrics.consensus_score sklearn.metrics.coverage_error modules/generated/sklearn.metrics.coverage_error.html#sklearn.metrics.coverage_error + sklearn.metrics.d2_absolute_error_score modules/generated/sklearn.metrics.d2_absolute_error_score.html#sklearn.metrics.d2_absolute_error_score + sklearn.metrics.d2_pinball_score modules/generated/sklearn.metrics.d2_pinball_score.html#sklearn.metrics.d2_pinball_score sklearn.metrics.d2_tweedie_score modules/generated/sklearn.metrics.d2_tweedie_score.html#sklearn.metrics.d2_tweedie_score sklearn.metrics.davies_bouldin_score modules/generated/sklearn.metrics.davies_bouldin_score.html#sklearn.metrics.davies_bouldin_score sklearn.metrics.dcg_score modules/generated/sklearn.metrics.dcg_score.html#sklearn.metrics.dcg_score @@ -586,6 +596,7 @@ py:function sklearn.metrics.fbeta_score modules/generated/sklearn.metrics.fbeta_score.html#sklearn.metrics.fbeta_score sklearn.metrics.fowlkes_mallows_score modules/generated/sklearn.metrics.fowlkes_mallows_score.html#sklearn.metrics.fowlkes_mallows_score sklearn.metrics.get_scorer modules/generated/sklearn.metrics.get_scorer.html#sklearn.metrics.get_scorer + sklearn.metrics.get_scorer_names modules/generated/sklearn.metrics.get_scorer_names.html#sklearn.metrics.get_scorer_names sklearn.metrics.hamming_loss modules/generated/sklearn.metrics.hamming_loss.html#sklearn.metrics.hamming_loss sklearn.metrics.hinge_loss modules/generated/sklearn.metrics.hinge_loss.html#sklearn.metrics.hinge_loss sklearn.metrics.homogeneity_completeness_v_measure modules/generated/sklearn.metrics.homogeneity_completeness_v_measure.html#sklearn.metrics.homogeneity_completeness_v_measure @@ -680,7 +691,6 @@ py:function sklearn.tree.export_graphviz modules/generated/sklearn.tree.export_graphviz.html#sklearn.tree.export_graphviz sklearn.tree.export_text modules/generated/sklearn.tree.export_text.html#sklearn.tree.export_text sklearn.tree.plot_tree modules/generated/sklearn.tree.plot_tree.html#sklearn.tree.plot_tree - sklearn.utils.Bunch modules/generated/sklearn.utils.Bunch.html#sklearn.utils.Bunch sklearn.utils._safe_indexing modules/generated/sklearn.utils._safe_indexing.html#sklearn.utils._safe_indexing sklearn.utils.all_estimators modules/generated/sklearn.utils.all_estimators.html#sklearn.utils.all_estimators sklearn.utils.arrayfuncs.min_pos modules/generated/sklearn.utils.arrayfuncs.min_pos.html#sklearn.utils.arrayfuncs.min_pos @@ -766,17 +776,28 @@ py:method sklearn.cluster.Birch.fit modules/generated/sklearn.cluster.Birch.html#sklearn.cluster.Birch.fit sklearn.cluster.Birch.fit_predict modules/generated/sklearn.cluster.Birch.html#sklearn.cluster.Birch.fit_predict sklearn.cluster.Birch.fit_transform modules/generated/sklearn.cluster.Birch.html#sklearn.cluster.Birch.fit_transform + sklearn.cluster.Birch.get_feature_names_out modules/generated/sklearn.cluster.Birch.html#sklearn.cluster.Birch.get_feature_names_out sklearn.cluster.Birch.get_params modules/generated/sklearn.cluster.Birch.html#sklearn.cluster.Birch.get_params sklearn.cluster.Birch.partial_fit modules/generated/sklearn.cluster.Birch.html#sklearn.cluster.Birch.partial_fit sklearn.cluster.Birch.predict modules/generated/sklearn.cluster.Birch.html#sklearn.cluster.Birch.predict sklearn.cluster.Birch.set_params modules/generated/sklearn.cluster.Birch.html#sklearn.cluster.Birch.set_params sklearn.cluster.Birch.transform modules/generated/sklearn.cluster.Birch.html#sklearn.cluster.Birch.transform + sklearn.cluster.BisectingKMeans.fit modules/generated/sklearn.cluster.BisectingKMeans.html#sklearn.cluster.BisectingKMeans.fit + sklearn.cluster.BisectingKMeans.fit_predict modules/generated/sklearn.cluster.BisectingKMeans.html#sklearn.cluster.BisectingKMeans.fit_predict + sklearn.cluster.BisectingKMeans.fit_transform modules/generated/sklearn.cluster.BisectingKMeans.html#sklearn.cluster.BisectingKMeans.fit_transform + sklearn.cluster.BisectingKMeans.get_feature_names_out modules/generated/sklearn.cluster.BisectingKMeans.html#sklearn.cluster.BisectingKMeans.get_feature_names_out + sklearn.cluster.BisectingKMeans.get_params modules/generated/sklearn.cluster.BisectingKMeans.html#sklearn.cluster.BisectingKMeans.get_params + sklearn.cluster.BisectingKMeans.predict modules/generated/sklearn.cluster.BisectingKMeans.html#sklearn.cluster.BisectingKMeans.predict + sklearn.cluster.BisectingKMeans.score modules/generated/sklearn.cluster.BisectingKMeans.html#sklearn.cluster.BisectingKMeans.score + sklearn.cluster.BisectingKMeans.set_params modules/generated/sklearn.cluster.BisectingKMeans.html#sklearn.cluster.BisectingKMeans.set_params + sklearn.cluster.BisectingKMeans.transform modules/generated/sklearn.cluster.BisectingKMeans.html#sklearn.cluster.BisectingKMeans.transform sklearn.cluster.DBSCAN.fit modules/generated/sklearn.cluster.DBSCAN.html#sklearn.cluster.DBSCAN.fit sklearn.cluster.DBSCAN.fit_predict modules/generated/sklearn.cluster.DBSCAN.html#sklearn.cluster.DBSCAN.fit_predict sklearn.cluster.DBSCAN.get_params modules/generated/sklearn.cluster.DBSCAN.html#sklearn.cluster.DBSCAN.get_params sklearn.cluster.DBSCAN.set_params modules/generated/sklearn.cluster.DBSCAN.html#sklearn.cluster.DBSCAN.set_params sklearn.cluster.FeatureAgglomeration.fit modules/generated/sklearn.cluster.FeatureAgglomeration.html#sklearn.cluster.FeatureAgglomeration.fit sklearn.cluster.FeatureAgglomeration.fit_transform modules/generated/sklearn.cluster.FeatureAgglomeration.html#sklearn.cluster.FeatureAgglomeration.fit_transform + sklearn.cluster.FeatureAgglomeration.get_feature_names_out modules/generated/sklearn.cluster.FeatureAgglomeration.html#sklearn.cluster.FeatureAgglomeration.get_feature_names_out sklearn.cluster.FeatureAgglomeration.get_params modules/generated/sklearn.cluster.FeatureAgglomeration.html#sklearn.cluster.FeatureAgglomeration.get_params sklearn.cluster.FeatureAgglomeration.inverse_transform modules/generated/sklearn.cluster.FeatureAgglomeration.html#sklearn.cluster.FeatureAgglomeration.inverse_transform sklearn.cluster.FeatureAgglomeration.set_params modules/generated/sklearn.cluster.FeatureAgglomeration.html#sklearn.cluster.FeatureAgglomeration.set_params @@ -784,6 +805,7 @@ py:method sklearn.cluster.KMeans.fit modules/generated/sklearn.cluster.KMeans.html#sklearn.cluster.KMeans.fit sklearn.cluster.KMeans.fit_predict modules/generated/sklearn.cluster.KMeans.html#sklearn.cluster.KMeans.fit_predict sklearn.cluster.KMeans.fit_transform modules/generated/sklearn.cluster.KMeans.html#sklearn.cluster.KMeans.fit_transform + sklearn.cluster.KMeans.get_feature_names_out modules/generated/sklearn.cluster.KMeans.html#sklearn.cluster.KMeans.get_feature_names_out sklearn.cluster.KMeans.get_params modules/generated/sklearn.cluster.KMeans.html#sklearn.cluster.KMeans.get_params sklearn.cluster.KMeans.predict modules/generated/sklearn.cluster.KMeans.html#sklearn.cluster.KMeans.predict sklearn.cluster.KMeans.score modules/generated/sklearn.cluster.KMeans.html#sklearn.cluster.KMeans.score @@ -797,6 +819,7 @@ py:method sklearn.cluster.MiniBatchKMeans.fit modules/generated/sklearn.cluster.MiniBatchKMeans.html#sklearn.cluster.MiniBatchKMeans.fit sklearn.cluster.MiniBatchKMeans.fit_predict modules/generated/sklearn.cluster.MiniBatchKMeans.html#sklearn.cluster.MiniBatchKMeans.fit_predict sklearn.cluster.MiniBatchKMeans.fit_transform modules/generated/sklearn.cluster.MiniBatchKMeans.html#sklearn.cluster.MiniBatchKMeans.fit_transform + sklearn.cluster.MiniBatchKMeans.get_feature_names_out modules/generated/sklearn.cluster.MiniBatchKMeans.html#sklearn.cluster.MiniBatchKMeans.get_feature_names_out sklearn.cluster.MiniBatchKMeans.get_params modules/generated/sklearn.cluster.MiniBatchKMeans.html#sklearn.cluster.MiniBatchKMeans.get_params sklearn.cluster.MiniBatchKMeans.partial_fit modules/generated/sklearn.cluster.MiniBatchKMeans.html#sklearn.cluster.MiniBatchKMeans.partial_fit sklearn.cluster.MiniBatchKMeans.predict modules/generated/sklearn.cluster.MiniBatchKMeans.html#sklearn.cluster.MiniBatchKMeans.predict @@ -901,6 +924,7 @@ py:method sklearn.covariance.ShrunkCovariance.set_params modules/generated/sklearn.covariance.ShrunkCovariance.html#sklearn.covariance.ShrunkCovariance.set_params sklearn.cross_decomposition.CCA.fit modules/generated/sklearn.cross_decomposition.CCA.html#sklearn.cross_decomposition.CCA.fit sklearn.cross_decomposition.CCA.fit_transform modules/generated/sklearn.cross_decomposition.CCA.html#sklearn.cross_decomposition.CCA.fit_transform + sklearn.cross_decomposition.CCA.get_feature_names_out modules/generated/sklearn.cross_decomposition.CCA.html#sklearn.cross_decomposition.CCA.get_feature_names_out sklearn.cross_decomposition.CCA.get_params modules/generated/sklearn.cross_decomposition.CCA.html#sklearn.cross_decomposition.CCA.get_params sklearn.cross_decomposition.CCA.inverse_transform modules/generated/sklearn.cross_decomposition.CCA.html#sklearn.cross_decomposition.CCA.inverse_transform sklearn.cross_decomposition.CCA.predict modules/generated/sklearn.cross_decomposition.CCA.html#sklearn.cross_decomposition.CCA.predict @@ -909,6 +933,7 @@ py:method sklearn.cross_decomposition.CCA.transform modules/generated/sklearn.cross_decomposition.CCA.html#sklearn.cross_decomposition.CCA.transform sklearn.cross_decomposition.PLSCanonical.fit modules/generated/sklearn.cross_decomposition.PLSCanonical.html#sklearn.cross_decomposition.PLSCanonical.fit sklearn.cross_decomposition.PLSCanonical.fit_transform modules/generated/sklearn.cross_decomposition.PLSCanonical.html#sklearn.cross_decomposition.PLSCanonical.fit_transform + sklearn.cross_decomposition.PLSCanonical.get_feature_names_out modules/generated/sklearn.cross_decomposition.PLSCanonical.html#sklearn.cross_decomposition.PLSCanonical.get_feature_names_out sklearn.cross_decomposition.PLSCanonical.get_params modules/generated/sklearn.cross_decomposition.PLSCanonical.html#sklearn.cross_decomposition.PLSCanonical.get_params sklearn.cross_decomposition.PLSCanonical.inverse_transform modules/generated/sklearn.cross_decomposition.PLSCanonical.html#sklearn.cross_decomposition.PLSCanonical.inverse_transform sklearn.cross_decomposition.PLSCanonical.predict modules/generated/sklearn.cross_decomposition.PLSCanonical.html#sklearn.cross_decomposition.PLSCanonical.predict @@ -917,6 +942,7 @@ py:method sklearn.cross_decomposition.PLSCanonical.transform modules/generated/sklearn.cross_decomposition.PLSCanonical.html#sklearn.cross_decomposition.PLSCanonical.transform sklearn.cross_decomposition.PLSRegression.fit modules/generated/sklearn.cross_decomposition.PLSRegression.html#sklearn.cross_decomposition.PLSRegression.fit sklearn.cross_decomposition.PLSRegression.fit_transform modules/generated/sklearn.cross_decomposition.PLSRegression.html#sklearn.cross_decomposition.PLSRegression.fit_transform + sklearn.cross_decomposition.PLSRegression.get_feature_names_out modules/generated/sklearn.cross_decomposition.PLSRegression.html#sklearn.cross_decomposition.PLSRegression.get_feature_names_out sklearn.cross_decomposition.PLSRegression.get_params modules/generated/sklearn.cross_decomposition.PLSRegression.html#sklearn.cross_decomposition.PLSRegression.get_params sklearn.cross_decomposition.PLSRegression.inverse_transform modules/generated/sklearn.cross_decomposition.PLSRegression.html#sklearn.cross_decomposition.PLSRegression.inverse_transform sklearn.cross_decomposition.PLSRegression.predict modules/generated/sklearn.cross_decomposition.PLSRegression.html#sklearn.cross_decomposition.PLSRegression.predict @@ -925,17 +951,20 @@ py:method sklearn.cross_decomposition.PLSRegression.transform modules/generated/sklearn.cross_decomposition.PLSRegression.html#sklearn.cross_decomposition.PLSRegression.transform sklearn.cross_decomposition.PLSSVD.fit modules/generated/sklearn.cross_decomposition.PLSSVD.html#sklearn.cross_decomposition.PLSSVD.fit sklearn.cross_decomposition.PLSSVD.fit_transform modules/generated/sklearn.cross_decomposition.PLSSVD.html#sklearn.cross_decomposition.PLSSVD.fit_transform + sklearn.cross_decomposition.PLSSVD.get_feature_names_out modules/generated/sklearn.cross_decomposition.PLSSVD.html#sklearn.cross_decomposition.PLSSVD.get_feature_names_out sklearn.cross_decomposition.PLSSVD.get_params modules/generated/sklearn.cross_decomposition.PLSSVD.html#sklearn.cross_decomposition.PLSSVD.get_params sklearn.cross_decomposition.PLSSVD.set_params modules/generated/sklearn.cross_decomposition.PLSSVD.html#sklearn.cross_decomposition.PLSSVD.set_params sklearn.cross_decomposition.PLSSVD.transform modules/generated/sklearn.cross_decomposition.PLSSVD.html#sklearn.cross_decomposition.PLSSVD.transform sklearn.decomposition.DictionaryLearning.fit modules/generated/sklearn.decomposition.DictionaryLearning.html#sklearn.decomposition.DictionaryLearning.fit sklearn.decomposition.DictionaryLearning.fit_transform modules/generated/sklearn.decomposition.DictionaryLearning.html#sklearn.decomposition.DictionaryLearning.fit_transform + sklearn.decomposition.DictionaryLearning.get_feature_names_out modules/generated/sklearn.decomposition.DictionaryLearning.html#sklearn.decomposition.DictionaryLearning.get_feature_names_out sklearn.decomposition.DictionaryLearning.get_params modules/generated/sklearn.decomposition.DictionaryLearning.html#sklearn.decomposition.DictionaryLearning.get_params sklearn.decomposition.DictionaryLearning.set_params modules/generated/sklearn.decomposition.DictionaryLearning.html#sklearn.decomposition.DictionaryLearning.set_params sklearn.decomposition.DictionaryLearning.transform modules/generated/sklearn.decomposition.DictionaryLearning.html#sklearn.decomposition.DictionaryLearning.transform sklearn.decomposition.FactorAnalysis.fit modules/generated/sklearn.decomposition.FactorAnalysis.html#sklearn.decomposition.FactorAnalysis.fit sklearn.decomposition.FactorAnalysis.fit_transform modules/generated/sklearn.decomposition.FactorAnalysis.html#sklearn.decomposition.FactorAnalysis.fit_transform sklearn.decomposition.FactorAnalysis.get_covariance modules/generated/sklearn.decomposition.FactorAnalysis.html#sklearn.decomposition.FactorAnalysis.get_covariance + sklearn.decomposition.FactorAnalysis.get_feature_names_out modules/generated/sklearn.decomposition.FactorAnalysis.html#sklearn.decomposition.FactorAnalysis.get_feature_names_out sklearn.decomposition.FactorAnalysis.get_params modules/generated/sklearn.decomposition.FactorAnalysis.html#sklearn.decomposition.FactorAnalysis.get_params sklearn.decomposition.FactorAnalysis.get_precision modules/generated/sklearn.decomposition.FactorAnalysis.html#sklearn.decomposition.FactorAnalysis.get_precision sklearn.decomposition.FactorAnalysis.score modules/generated/sklearn.decomposition.FactorAnalysis.html#sklearn.decomposition.FactorAnalysis.score @@ -944,6 +973,7 @@ py:method sklearn.decomposition.FactorAnalysis.transform modules/generated/sklearn.decomposition.FactorAnalysis.html#sklearn.decomposition.FactorAnalysis.transform sklearn.decomposition.FastICA.fit modules/generated/sklearn.decomposition.FastICA.html#sklearn.decomposition.FastICA.fit sklearn.decomposition.FastICA.fit_transform modules/generated/sklearn.decomposition.FastICA.html#sklearn.decomposition.FastICA.fit_transform + sklearn.decomposition.FastICA.get_feature_names_out modules/generated/sklearn.decomposition.FastICA.html#sklearn.decomposition.FastICA.get_feature_names_out sklearn.decomposition.FastICA.get_params modules/generated/sklearn.decomposition.FastICA.html#sklearn.decomposition.FastICA.get_params sklearn.decomposition.FastICA.inverse_transform modules/generated/sklearn.decomposition.FastICA.html#sklearn.decomposition.FastICA.inverse_transform sklearn.decomposition.FastICA.set_params modules/generated/sklearn.decomposition.FastICA.html#sklearn.decomposition.FastICA.set_params @@ -951,6 +981,7 @@ py:method sklearn.decomposition.IncrementalPCA.fit modules/generated/sklearn.decomposition.IncrementalPCA.html#sklearn.decomposition.IncrementalPCA.fit sklearn.decomposition.IncrementalPCA.fit_transform modules/generated/sklearn.decomposition.IncrementalPCA.html#sklearn.decomposition.IncrementalPCA.fit_transform sklearn.decomposition.IncrementalPCA.get_covariance modules/generated/sklearn.decomposition.IncrementalPCA.html#sklearn.decomposition.IncrementalPCA.get_covariance + sklearn.decomposition.IncrementalPCA.get_feature_names_out modules/generated/sklearn.decomposition.IncrementalPCA.html#sklearn.decomposition.IncrementalPCA.get_feature_names_out sklearn.decomposition.IncrementalPCA.get_params modules/generated/sklearn.decomposition.IncrementalPCA.html#sklearn.decomposition.IncrementalPCA.get_params sklearn.decomposition.IncrementalPCA.get_precision modules/generated/sklearn.decomposition.IncrementalPCA.html#sklearn.decomposition.IncrementalPCA.get_precision sklearn.decomposition.IncrementalPCA.inverse_transform modules/generated/sklearn.decomposition.IncrementalPCA.html#sklearn.decomposition.IncrementalPCA.inverse_transform @@ -959,12 +990,14 @@ py:method sklearn.decomposition.IncrementalPCA.transform modules/generated/sklearn.decomposition.IncrementalPCA.html#sklearn.decomposition.IncrementalPCA.transform sklearn.decomposition.KernelPCA.fit modules/generated/sklearn.decomposition.KernelPCA.html#sklearn.decomposition.KernelPCA.fit sklearn.decomposition.KernelPCA.fit_transform modules/generated/sklearn.decomposition.KernelPCA.html#sklearn.decomposition.KernelPCA.fit_transform + sklearn.decomposition.KernelPCA.get_feature_names_out modules/generated/sklearn.decomposition.KernelPCA.html#sklearn.decomposition.KernelPCA.get_feature_names_out sklearn.decomposition.KernelPCA.get_params modules/generated/sklearn.decomposition.KernelPCA.html#sklearn.decomposition.KernelPCA.get_params sklearn.decomposition.KernelPCA.inverse_transform modules/generated/sklearn.decomposition.KernelPCA.html#sklearn.decomposition.KernelPCA.inverse_transform sklearn.decomposition.KernelPCA.set_params modules/generated/sklearn.decomposition.KernelPCA.html#sklearn.decomposition.KernelPCA.set_params sklearn.decomposition.KernelPCA.transform modules/generated/sklearn.decomposition.KernelPCA.html#sklearn.decomposition.KernelPCA.transform sklearn.decomposition.LatentDirichletAllocation.fit modules/generated/sklearn.decomposition.LatentDirichletAllocation.html#sklearn.decomposition.LatentDirichletAllocation.fit sklearn.decomposition.LatentDirichletAllocation.fit_transform modules/generated/sklearn.decomposition.LatentDirichletAllocation.html#sklearn.decomposition.LatentDirichletAllocation.fit_transform + sklearn.decomposition.LatentDirichletAllocation.get_feature_names_out modules/generated/sklearn.decomposition.LatentDirichletAllocation.html#sklearn.decomposition.LatentDirichletAllocation.get_feature_names_out sklearn.decomposition.LatentDirichletAllocation.get_params modules/generated/sklearn.decomposition.LatentDirichletAllocation.html#sklearn.decomposition.LatentDirichletAllocation.get_params sklearn.decomposition.LatentDirichletAllocation.partial_fit modules/generated/sklearn.decomposition.LatentDirichletAllocation.html#sklearn.decomposition.LatentDirichletAllocation.partial_fit sklearn.decomposition.LatentDirichletAllocation.perplexity modules/generated/sklearn.decomposition.LatentDirichletAllocation.html#sklearn.decomposition.LatentDirichletAllocation.perplexity @@ -973,17 +1006,28 @@ py:method sklearn.decomposition.LatentDirichletAllocation.transform modules/generated/sklearn.decomposition.LatentDirichletAllocation.html#sklearn.decomposition.LatentDirichletAllocation.transform sklearn.decomposition.MiniBatchDictionaryLearning.fit modules/generated/sklearn.decomposition.MiniBatchDictionaryLearning.html#sklearn.decomposition.MiniBatchDictionaryLearning.fit sklearn.decomposition.MiniBatchDictionaryLearning.fit_transform modules/generated/sklearn.decomposition.MiniBatchDictionaryLearning.html#sklearn.decomposition.MiniBatchDictionaryLearning.fit_transform + sklearn.decomposition.MiniBatchDictionaryLearning.get_feature_names_out modules/generated/sklearn.decomposition.MiniBatchDictionaryLearning.html#sklearn.decomposition.MiniBatchDictionaryLearning.get_feature_names_out sklearn.decomposition.MiniBatchDictionaryLearning.get_params modules/generated/sklearn.decomposition.MiniBatchDictionaryLearning.html#sklearn.decomposition.MiniBatchDictionaryLearning.get_params sklearn.decomposition.MiniBatchDictionaryLearning.partial_fit modules/generated/sklearn.decomposition.MiniBatchDictionaryLearning.html#sklearn.decomposition.MiniBatchDictionaryLearning.partial_fit sklearn.decomposition.MiniBatchDictionaryLearning.set_params modules/generated/sklearn.decomposition.MiniBatchDictionaryLearning.html#sklearn.decomposition.MiniBatchDictionaryLearning.set_params sklearn.decomposition.MiniBatchDictionaryLearning.transform modules/generated/sklearn.decomposition.MiniBatchDictionaryLearning.html#sklearn.decomposition.MiniBatchDictionaryLearning.transform + sklearn.decomposition.MiniBatchNMF.fit modules/generated/sklearn.decomposition.MiniBatchNMF.html#sklearn.decomposition.MiniBatchNMF.fit + sklearn.decomposition.MiniBatchNMF.fit_transform modules/generated/sklearn.decomposition.MiniBatchNMF.html#sklearn.decomposition.MiniBatchNMF.fit_transform + sklearn.decomposition.MiniBatchNMF.get_feature_names_out modules/generated/sklearn.decomposition.MiniBatchNMF.html#sklearn.decomposition.MiniBatchNMF.get_feature_names_out + sklearn.decomposition.MiniBatchNMF.get_params modules/generated/sklearn.decomposition.MiniBatchNMF.html#sklearn.decomposition.MiniBatchNMF.get_params + sklearn.decomposition.MiniBatchNMF.inverse_transform modules/generated/sklearn.decomposition.MiniBatchNMF.html#sklearn.decomposition.MiniBatchNMF.inverse_transform + sklearn.decomposition.MiniBatchNMF.partial_fit modules/generated/sklearn.decomposition.MiniBatchNMF.html#sklearn.decomposition.MiniBatchNMF.partial_fit + sklearn.decomposition.MiniBatchNMF.set_params modules/generated/sklearn.decomposition.MiniBatchNMF.html#sklearn.decomposition.MiniBatchNMF.set_params + sklearn.decomposition.MiniBatchNMF.transform modules/generated/sklearn.decomposition.MiniBatchNMF.html#sklearn.decomposition.MiniBatchNMF.transform sklearn.decomposition.MiniBatchSparsePCA.fit modules/generated/sklearn.decomposition.MiniBatchSparsePCA.html#sklearn.decomposition.MiniBatchSparsePCA.fit sklearn.decomposition.MiniBatchSparsePCA.fit_transform modules/generated/sklearn.decomposition.MiniBatchSparsePCA.html#sklearn.decomposition.MiniBatchSparsePCA.fit_transform + sklearn.decomposition.MiniBatchSparsePCA.get_feature_names_out modules/generated/sklearn.decomposition.MiniBatchSparsePCA.html#sklearn.decomposition.MiniBatchSparsePCA.get_feature_names_out sklearn.decomposition.MiniBatchSparsePCA.get_params modules/generated/sklearn.decomposition.MiniBatchSparsePCA.html#sklearn.decomposition.MiniBatchSparsePCA.get_params sklearn.decomposition.MiniBatchSparsePCA.set_params modules/generated/sklearn.decomposition.MiniBatchSparsePCA.html#sklearn.decomposition.MiniBatchSparsePCA.set_params sklearn.decomposition.MiniBatchSparsePCA.transform modules/generated/sklearn.decomposition.MiniBatchSparsePCA.html#sklearn.decomposition.MiniBatchSparsePCA.transform sklearn.decomposition.NMF.fit modules/generated/sklearn.decomposition.NMF.html#sklearn.decomposition.NMF.fit sklearn.decomposition.NMF.fit_transform modules/generated/sklearn.decomposition.NMF.html#sklearn.decomposition.NMF.fit_transform + sklearn.decomposition.NMF.get_feature_names_out modules/generated/sklearn.decomposition.NMF.html#sklearn.decomposition.NMF.get_feature_names_out sklearn.decomposition.NMF.get_params modules/generated/sklearn.decomposition.NMF.html#sklearn.decomposition.NMF.get_params sklearn.decomposition.NMF.inverse_transform modules/generated/sklearn.decomposition.NMF.html#sklearn.decomposition.NMF.inverse_transform sklearn.decomposition.NMF.set_params modules/generated/sklearn.decomposition.NMF.html#sklearn.decomposition.NMF.set_params @@ -991,6 +1035,7 @@ py:method sklearn.decomposition.PCA.fit modules/generated/sklearn.decomposition.PCA.html#sklearn.decomposition.PCA.fit sklearn.decomposition.PCA.fit_transform modules/generated/sklearn.decomposition.PCA.html#sklearn.decomposition.PCA.fit_transform sklearn.decomposition.PCA.get_covariance modules/generated/sklearn.decomposition.PCA.html#sklearn.decomposition.PCA.get_covariance + sklearn.decomposition.PCA.get_feature_names_out modules/generated/sklearn.decomposition.PCA.html#sklearn.decomposition.PCA.get_feature_names_out sklearn.decomposition.PCA.get_params modules/generated/sklearn.decomposition.PCA.html#sklearn.decomposition.PCA.get_params sklearn.decomposition.PCA.get_precision modules/generated/sklearn.decomposition.PCA.html#sklearn.decomposition.PCA.get_precision sklearn.decomposition.PCA.inverse_transform modules/generated/sklearn.decomposition.PCA.html#sklearn.decomposition.PCA.inverse_transform @@ -1000,16 +1045,19 @@ py:method sklearn.decomposition.PCA.transform modules/generated/sklearn.decomposition.PCA.html#sklearn.decomposition.PCA.transform sklearn.decomposition.SparseCoder.fit modules/generated/sklearn.decomposition.SparseCoder.html#sklearn.decomposition.SparseCoder.fit sklearn.decomposition.SparseCoder.fit_transform modules/generated/sklearn.decomposition.SparseCoder.html#sklearn.decomposition.SparseCoder.fit_transform + sklearn.decomposition.SparseCoder.get_feature_names_out modules/generated/sklearn.decomposition.SparseCoder.html#sklearn.decomposition.SparseCoder.get_feature_names_out sklearn.decomposition.SparseCoder.get_params modules/generated/sklearn.decomposition.SparseCoder.html#sklearn.decomposition.SparseCoder.get_params sklearn.decomposition.SparseCoder.set_params modules/generated/sklearn.decomposition.SparseCoder.html#sklearn.decomposition.SparseCoder.set_params sklearn.decomposition.SparseCoder.transform modules/generated/sklearn.decomposition.SparseCoder.html#sklearn.decomposition.SparseCoder.transform sklearn.decomposition.SparsePCA.fit modules/generated/sklearn.decomposition.SparsePCA.html#sklearn.decomposition.SparsePCA.fit sklearn.decomposition.SparsePCA.fit_transform modules/generated/sklearn.decomposition.SparsePCA.html#sklearn.decomposition.SparsePCA.fit_transform + sklearn.decomposition.SparsePCA.get_feature_names_out modules/generated/sklearn.decomposition.SparsePCA.html#sklearn.decomposition.SparsePCA.get_feature_names_out sklearn.decomposition.SparsePCA.get_params modules/generated/sklearn.decomposition.SparsePCA.html#sklearn.decomposition.SparsePCA.get_params sklearn.decomposition.SparsePCA.set_params modules/generated/sklearn.decomposition.SparsePCA.html#sklearn.decomposition.SparsePCA.set_params sklearn.decomposition.SparsePCA.transform modules/generated/sklearn.decomposition.SparsePCA.html#sklearn.decomposition.SparsePCA.transform sklearn.decomposition.TruncatedSVD.fit modules/generated/sklearn.decomposition.TruncatedSVD.html#sklearn.decomposition.TruncatedSVD.fit sklearn.decomposition.TruncatedSVD.fit_transform modules/generated/sklearn.decomposition.TruncatedSVD.html#sklearn.decomposition.TruncatedSVD.fit_transform + sklearn.decomposition.TruncatedSVD.get_feature_names_out modules/generated/sklearn.decomposition.TruncatedSVD.html#sklearn.decomposition.TruncatedSVD.get_feature_names_out sklearn.decomposition.TruncatedSVD.get_params modules/generated/sklearn.decomposition.TruncatedSVD.html#sklearn.decomposition.TruncatedSVD.get_params sklearn.decomposition.TruncatedSVD.inverse_transform modules/generated/sklearn.decomposition.TruncatedSVD.html#sklearn.decomposition.TruncatedSVD.inverse_transform sklearn.decomposition.TruncatedSVD.set_params modules/generated/sklearn.decomposition.TruncatedSVD.html#sklearn.decomposition.TruncatedSVD.set_params @@ -1017,6 +1065,7 @@ py:method sklearn.discriminant_analysis.LinearDiscriminantAnalysis.decision_function modules/generated/sklearn.discriminant_analysis.LinearDiscriminantAnalysis.html#sklearn.discriminant_analysis.LinearDiscriminantAnalysis.decision_function sklearn.discriminant_analysis.LinearDiscriminantAnalysis.fit modules/generated/sklearn.discriminant_analysis.LinearDiscriminantAnalysis.html#sklearn.discriminant_analysis.LinearDiscriminantAnalysis.fit sklearn.discriminant_analysis.LinearDiscriminantAnalysis.fit_transform modules/generated/sklearn.discriminant_analysis.LinearDiscriminantAnalysis.html#sklearn.discriminant_analysis.LinearDiscriminantAnalysis.fit_transform + sklearn.discriminant_analysis.LinearDiscriminantAnalysis.get_feature_names_out modules/generated/sklearn.discriminant_analysis.LinearDiscriminantAnalysis.html#sklearn.discriminant_analysis.LinearDiscriminantAnalysis.get_feature_names_out sklearn.discriminant_analysis.LinearDiscriminantAnalysis.get_params modules/generated/sklearn.discriminant_analysis.LinearDiscriminantAnalysis.html#sklearn.discriminant_analysis.LinearDiscriminantAnalysis.get_params sklearn.discriminant_analysis.LinearDiscriminantAnalysis.predict modules/generated/sklearn.discriminant_analysis.LinearDiscriminantAnalysis.html#sklearn.discriminant_analysis.LinearDiscriminantAnalysis.predict sklearn.discriminant_analysis.LinearDiscriminantAnalysis.predict_log_proba modules/generated/sklearn.discriminant_analysis.LinearDiscriminantAnalysis.html#sklearn.discriminant_analysis.LinearDiscriminantAnalysis.predict_log_proba @@ -1154,12 +1203,14 @@ py:method sklearn.ensemble.RandomTreesEmbedding.decision_path modules/generated/sklearn.ensemble.RandomTreesEmbedding.html#sklearn.ensemble.RandomTreesEmbedding.decision_path sklearn.ensemble.RandomTreesEmbedding.fit modules/generated/sklearn.ensemble.RandomTreesEmbedding.html#sklearn.ensemble.RandomTreesEmbedding.fit sklearn.ensemble.RandomTreesEmbedding.fit_transform modules/generated/sklearn.ensemble.RandomTreesEmbedding.html#sklearn.ensemble.RandomTreesEmbedding.fit_transform + sklearn.ensemble.RandomTreesEmbedding.get_feature_names_out modules/generated/sklearn.ensemble.RandomTreesEmbedding.html#sklearn.ensemble.RandomTreesEmbedding.get_feature_names_out sklearn.ensemble.RandomTreesEmbedding.get_params modules/generated/sklearn.ensemble.RandomTreesEmbedding.html#sklearn.ensemble.RandomTreesEmbedding.get_params sklearn.ensemble.RandomTreesEmbedding.set_params modules/generated/sklearn.ensemble.RandomTreesEmbedding.html#sklearn.ensemble.RandomTreesEmbedding.set_params sklearn.ensemble.RandomTreesEmbedding.transform modules/generated/sklearn.ensemble.RandomTreesEmbedding.html#sklearn.ensemble.RandomTreesEmbedding.transform sklearn.ensemble.StackingClassifier.decision_function modules/generated/sklearn.ensemble.StackingClassifier.html#sklearn.ensemble.StackingClassifier.decision_function sklearn.ensemble.StackingClassifier.fit modules/generated/sklearn.ensemble.StackingClassifier.html#sklearn.ensemble.StackingClassifier.fit sklearn.ensemble.StackingClassifier.fit_transform modules/generated/sklearn.ensemble.StackingClassifier.html#sklearn.ensemble.StackingClassifier.fit_transform + sklearn.ensemble.StackingClassifier.get_feature_names_out modules/generated/sklearn.ensemble.StackingClassifier.html#sklearn.ensemble.StackingClassifier.get_feature_names_out sklearn.ensemble.StackingClassifier.get_params modules/generated/sklearn.ensemble.StackingClassifier.html#sklearn.ensemble.StackingClassifier.get_params sklearn.ensemble.StackingClassifier.predict modules/generated/sklearn.ensemble.StackingClassifier.html#sklearn.ensemble.StackingClassifier.predict sklearn.ensemble.StackingClassifier.predict_proba modules/generated/sklearn.ensemble.StackingClassifier.html#sklearn.ensemble.StackingClassifier.predict_proba @@ -1168,6 +1219,7 @@ py:method sklearn.ensemble.StackingClassifier.transform modules/generated/sklearn.ensemble.StackingClassifier.html#sklearn.ensemble.StackingClassifier.transform sklearn.ensemble.StackingRegressor.fit modules/generated/sklearn.ensemble.StackingRegressor.html#sklearn.ensemble.StackingRegressor.fit sklearn.ensemble.StackingRegressor.fit_transform modules/generated/sklearn.ensemble.StackingRegressor.html#sklearn.ensemble.StackingRegressor.fit_transform + sklearn.ensemble.StackingRegressor.get_feature_names_out modules/generated/sklearn.ensemble.StackingRegressor.html#sklearn.ensemble.StackingRegressor.get_feature_names_out sklearn.ensemble.StackingRegressor.get_params modules/generated/sklearn.ensemble.StackingRegressor.html#sklearn.ensemble.StackingRegressor.get_params sklearn.ensemble.StackingRegressor.predict modules/generated/sklearn.ensemble.StackingRegressor.html#sklearn.ensemble.StackingRegressor.predict sklearn.ensemble.StackingRegressor.score modules/generated/sklearn.ensemble.StackingRegressor.html#sklearn.ensemble.StackingRegressor.score @@ -1175,6 +1227,7 @@ py:method sklearn.ensemble.StackingRegressor.transform modules/generated/sklearn.ensemble.StackingRegressor.html#sklearn.ensemble.StackingRegressor.transform sklearn.ensemble.VotingClassifier.fit modules/generated/sklearn.ensemble.VotingClassifier.html#sklearn.ensemble.VotingClassifier.fit sklearn.ensemble.VotingClassifier.fit_transform modules/generated/sklearn.ensemble.VotingClassifier.html#sklearn.ensemble.VotingClassifier.fit_transform + sklearn.ensemble.VotingClassifier.get_feature_names_out modules/generated/sklearn.ensemble.VotingClassifier.html#sklearn.ensemble.VotingClassifier.get_feature_names_out sklearn.ensemble.VotingClassifier.get_params modules/generated/sklearn.ensemble.VotingClassifier.html#sklearn.ensemble.VotingClassifier.get_params sklearn.ensemble.VotingClassifier.predict modules/generated/sklearn.ensemble.VotingClassifier.html#sklearn.ensemble.VotingClassifier.predict sklearn.ensemble.VotingClassifier.predict_proba modules/generated/sklearn.ensemble.VotingClassifier.html#sklearn.ensemble.VotingClassifier.predict_proba @@ -1183,6 +1236,7 @@ py:method sklearn.ensemble.VotingClassifier.transform modules/generated/sklearn.ensemble.VotingClassifier.html#sklearn.ensemble.VotingClassifier.transform sklearn.ensemble.VotingRegressor.fit modules/generated/sklearn.ensemble.VotingRegressor.html#sklearn.ensemble.VotingRegressor.fit sklearn.ensemble.VotingRegressor.fit_transform modules/generated/sklearn.ensemble.VotingRegressor.html#sklearn.ensemble.VotingRegressor.fit_transform + sklearn.ensemble.VotingRegressor.get_feature_names_out modules/generated/sklearn.ensemble.VotingRegressor.html#sklearn.ensemble.VotingRegressor.get_feature_names_out sklearn.ensemble.VotingRegressor.get_params modules/generated/sklearn.ensemble.VotingRegressor.html#sklearn.ensemble.VotingRegressor.get_params sklearn.ensemble.VotingRegressor.predict modules/generated/sklearn.ensemble.VotingRegressor.html#sklearn.ensemble.VotingRegressor.predict sklearn.ensemble.VotingRegressor.score modules/generated/sklearn.ensemble.VotingRegressor.html#sklearn.ensemble.VotingRegressor.score @@ -1457,29 +1511,36 @@ py:method sklearn.gaussian_process.kernels.WhiteKernel.set_params modules/generated/sklearn.gaussian_process.kernels.WhiteKernel.html#sklearn.gaussian_process.kernels.WhiteKernel.set_params sklearn.impute.IterativeImputer.fit modules/generated/sklearn.impute.IterativeImputer.html#sklearn.impute.IterativeImputer.fit sklearn.impute.IterativeImputer.fit_transform modules/generated/sklearn.impute.IterativeImputer.html#sklearn.impute.IterativeImputer.fit_transform + sklearn.impute.IterativeImputer.get_feature_names_out modules/generated/sklearn.impute.IterativeImputer.html#sklearn.impute.IterativeImputer.get_feature_names_out sklearn.impute.IterativeImputer.get_params modules/generated/sklearn.impute.IterativeImputer.html#sklearn.impute.IterativeImputer.get_params sklearn.impute.IterativeImputer.set_params modules/generated/sklearn.impute.IterativeImputer.html#sklearn.impute.IterativeImputer.set_params sklearn.impute.IterativeImputer.transform modules/generated/sklearn.impute.IterativeImputer.html#sklearn.impute.IterativeImputer.transform sklearn.impute.KNNImputer.fit modules/generated/sklearn.impute.KNNImputer.html#sklearn.impute.KNNImputer.fit sklearn.impute.KNNImputer.fit_transform modules/generated/sklearn.impute.KNNImputer.html#sklearn.impute.KNNImputer.fit_transform + sklearn.impute.KNNImputer.get_feature_names_out modules/generated/sklearn.impute.KNNImputer.html#sklearn.impute.KNNImputer.get_feature_names_out sklearn.impute.KNNImputer.get_params modules/generated/sklearn.impute.KNNImputer.html#sklearn.impute.KNNImputer.get_params sklearn.impute.KNNImputer.set_params modules/generated/sklearn.impute.KNNImputer.html#sklearn.impute.KNNImputer.set_params sklearn.impute.KNNImputer.transform modules/generated/sklearn.impute.KNNImputer.html#sklearn.impute.KNNImputer.transform sklearn.impute.MissingIndicator.fit modules/generated/sklearn.impute.MissingIndicator.html#sklearn.impute.MissingIndicator.fit sklearn.impute.MissingIndicator.fit_transform modules/generated/sklearn.impute.MissingIndicator.html#sklearn.impute.MissingIndicator.fit_transform + sklearn.impute.MissingIndicator.get_feature_names_out modules/generated/sklearn.impute.MissingIndicator.html#sklearn.impute.MissingIndicator.get_feature_names_out sklearn.impute.MissingIndicator.get_params modules/generated/sklearn.impute.MissingIndicator.html#sklearn.impute.MissingIndicator.get_params sklearn.impute.MissingIndicator.set_params modules/generated/sklearn.impute.MissingIndicator.html#sklearn.impute.MissingIndicator.set_params sklearn.impute.MissingIndicator.transform modules/generated/sklearn.impute.MissingIndicator.html#sklearn.impute.MissingIndicator.transform sklearn.impute.SimpleImputer.fit modules/generated/sklearn.impute.SimpleImputer.html#sklearn.impute.SimpleImputer.fit sklearn.impute.SimpleImputer.fit_transform modules/generated/sklearn.impute.SimpleImputer.html#sklearn.impute.SimpleImputer.fit_transform + sklearn.impute.SimpleImputer.get_feature_names_out modules/generated/sklearn.impute.SimpleImputer.html#sklearn.impute.SimpleImputer.get_feature_names_out sklearn.impute.SimpleImputer.get_params modules/generated/sklearn.impute.SimpleImputer.html#sklearn.impute.SimpleImputer.get_params sklearn.impute.SimpleImputer.inverse_transform modules/generated/sklearn.impute.SimpleImputer.html#sklearn.impute.SimpleImputer.inverse_transform sklearn.impute.SimpleImputer.set_params modules/generated/sklearn.impute.SimpleImputer.html#sklearn.impute.SimpleImputer.set_params sklearn.impute.SimpleImputer.transform modules/generated/sklearn.impute.SimpleImputer.html#sklearn.impute.SimpleImputer.transform + sklearn.inspection.DecisionBoundaryDisplay.from_estimator modules/generated/sklearn.inspection.DecisionBoundaryDisplay.html#sklearn.inspection.DecisionBoundaryDisplay.from_estimator + sklearn.inspection.DecisionBoundaryDisplay.plot modules/generated/sklearn.inspection.DecisionBoundaryDisplay.html#sklearn.inspection.DecisionBoundaryDisplay.plot sklearn.inspection.PartialDependenceDisplay.from_estimator modules/generated/sklearn.inspection.PartialDependenceDisplay.html#sklearn.inspection.PartialDependenceDisplay.from_estimator sklearn.inspection.PartialDependenceDisplay.plot modules/generated/sklearn.inspection.PartialDependenceDisplay.html#sklearn.inspection.PartialDependenceDisplay.plot sklearn.isotonic.IsotonicRegression.fit modules/generated/sklearn.isotonic.IsotonicRegression.html#sklearn.isotonic.IsotonicRegression.fit sklearn.isotonic.IsotonicRegression.fit_transform modules/generated/sklearn.isotonic.IsotonicRegression.html#sklearn.isotonic.IsotonicRegression.fit_transform + sklearn.isotonic.IsotonicRegression.get_feature_names_out modules/generated/sklearn.isotonic.IsotonicRegression.html#sklearn.isotonic.IsotonicRegression.get_feature_names_out sklearn.isotonic.IsotonicRegression.get_params modules/generated/sklearn.isotonic.IsotonicRegression.html#sklearn.isotonic.IsotonicRegression.get_params sklearn.isotonic.IsotonicRegression.predict modules/generated/sklearn.isotonic.IsotonicRegression.html#sklearn.isotonic.IsotonicRegression.predict sklearn.isotonic.IsotonicRegression.score modules/generated/sklearn.isotonic.IsotonicRegression.html#sklearn.isotonic.IsotonicRegression.score @@ -1487,26 +1548,31 @@ py:method sklearn.isotonic.IsotonicRegression.transform modules/generated/sklearn.isotonic.IsotonicRegression.html#sklearn.isotonic.IsotonicRegression.transform sklearn.kernel_approximation.AdditiveChi2Sampler.fit modules/generated/sklearn.kernel_approximation.AdditiveChi2Sampler.html#sklearn.kernel_approximation.AdditiveChi2Sampler.fit sklearn.kernel_approximation.AdditiveChi2Sampler.fit_transform modules/generated/sklearn.kernel_approximation.AdditiveChi2Sampler.html#sklearn.kernel_approximation.AdditiveChi2Sampler.fit_transform + sklearn.kernel_approximation.AdditiveChi2Sampler.get_feature_names_out modules/generated/sklearn.kernel_approximation.AdditiveChi2Sampler.html#sklearn.kernel_approximation.AdditiveChi2Sampler.get_feature_names_out sklearn.kernel_approximation.AdditiveChi2Sampler.get_params modules/generated/sklearn.kernel_approximation.AdditiveChi2Sampler.html#sklearn.kernel_approximation.AdditiveChi2Sampler.get_params sklearn.kernel_approximation.AdditiveChi2Sampler.set_params modules/generated/sklearn.kernel_approximation.AdditiveChi2Sampler.html#sklearn.kernel_approximation.AdditiveChi2Sampler.set_params sklearn.kernel_approximation.AdditiveChi2Sampler.transform modules/generated/sklearn.kernel_approximation.AdditiveChi2Sampler.html#sklearn.kernel_approximation.AdditiveChi2Sampler.transform sklearn.kernel_approximation.Nystroem.fit modules/generated/sklearn.kernel_approximation.Nystroem.html#sklearn.kernel_approximation.Nystroem.fit sklearn.kernel_approximation.Nystroem.fit_transform modules/generated/sklearn.kernel_approximation.Nystroem.html#sklearn.kernel_approximation.Nystroem.fit_transform + sklearn.kernel_approximation.Nystroem.get_feature_names_out modules/generated/sklearn.kernel_approximation.Nystroem.html#sklearn.kernel_approximation.Nystroem.get_feature_names_out sklearn.kernel_approximation.Nystroem.get_params modules/generated/sklearn.kernel_approximation.Nystroem.html#sklearn.kernel_approximation.Nystroem.get_params sklearn.kernel_approximation.Nystroem.set_params modules/generated/sklearn.kernel_approximation.Nystroem.html#sklearn.kernel_approximation.Nystroem.set_params sklearn.kernel_approximation.Nystroem.transform modules/generated/sklearn.kernel_approximation.Nystroem.html#sklearn.kernel_approximation.Nystroem.transform sklearn.kernel_approximation.PolynomialCountSketch.fit modules/generated/sklearn.kernel_approximation.PolynomialCountSketch.html#sklearn.kernel_approximation.PolynomialCountSketch.fit sklearn.kernel_approximation.PolynomialCountSketch.fit_transform modules/generated/sklearn.kernel_approximation.PolynomialCountSketch.html#sklearn.kernel_approximation.PolynomialCountSketch.fit_transform + sklearn.kernel_approximation.PolynomialCountSketch.get_feature_names_out modules/generated/sklearn.kernel_approximation.PolynomialCountSketch.html#sklearn.kernel_approximation.PolynomialCountSketch.get_feature_names_out sklearn.kernel_approximation.PolynomialCountSketch.get_params modules/generated/sklearn.kernel_approximation.PolynomialCountSketch.html#sklearn.kernel_approximation.PolynomialCountSketch.get_params sklearn.kernel_approximation.PolynomialCountSketch.set_params modules/generated/sklearn.kernel_approximation.PolynomialCountSketch.html#sklearn.kernel_approximation.PolynomialCountSketch.set_params sklearn.kernel_approximation.PolynomialCountSketch.transform modules/generated/sklearn.kernel_approximation.PolynomialCountSketch.html#sklearn.kernel_approximation.PolynomialCountSketch.transform sklearn.kernel_approximation.RBFSampler.fit modules/generated/sklearn.kernel_approximation.RBFSampler.html#sklearn.kernel_approximation.RBFSampler.fit sklearn.kernel_approximation.RBFSampler.fit_transform modules/generated/sklearn.kernel_approximation.RBFSampler.html#sklearn.kernel_approximation.RBFSampler.fit_transform + sklearn.kernel_approximation.RBFSampler.get_feature_names_out modules/generated/sklearn.kernel_approximation.RBFSampler.html#sklearn.kernel_approximation.RBFSampler.get_feature_names_out sklearn.kernel_approximation.RBFSampler.get_params modules/generated/sklearn.kernel_approximation.RBFSampler.html#sklearn.kernel_approximation.RBFSampler.get_params sklearn.kernel_approximation.RBFSampler.set_params modules/generated/sklearn.kernel_approximation.RBFSampler.html#sklearn.kernel_approximation.RBFSampler.set_params sklearn.kernel_approximation.RBFSampler.transform modules/generated/sklearn.kernel_approximation.RBFSampler.html#sklearn.kernel_approximation.RBFSampler.transform sklearn.kernel_approximation.SkewedChi2Sampler.fit modules/generated/sklearn.kernel_approximation.SkewedChi2Sampler.html#sklearn.kernel_approximation.SkewedChi2Sampler.fit sklearn.kernel_approximation.SkewedChi2Sampler.fit_transform modules/generated/sklearn.kernel_approximation.SkewedChi2Sampler.html#sklearn.kernel_approximation.SkewedChi2Sampler.fit_transform + sklearn.kernel_approximation.SkewedChi2Sampler.get_feature_names_out modules/generated/sklearn.kernel_approximation.SkewedChi2Sampler.html#sklearn.kernel_approximation.SkewedChi2Sampler.get_feature_names_out sklearn.kernel_approximation.SkewedChi2Sampler.get_params modules/generated/sklearn.kernel_approximation.SkewedChi2Sampler.html#sklearn.kernel_approximation.SkewedChi2Sampler.get_params sklearn.kernel_approximation.SkewedChi2Sampler.set_params modules/generated/sklearn.kernel_approximation.SkewedChi2Sampler.html#sklearn.kernel_approximation.SkewedChi2Sampler.set_params sklearn.kernel_approximation.SkewedChi2Sampler.transform modules/generated/sklearn.kernel_approximation.SkewedChi2Sampler.html#sklearn.kernel_approximation.SkewedChi2Sampler.transform @@ -1739,12 +1805,14 @@ py:method sklearn.linear_model.TweedieRegressor.set_params modules/generated/sklearn.linear_model.TweedieRegressor.html#sklearn.linear_model.TweedieRegressor.set_params sklearn.manifold.Isomap.fit modules/generated/sklearn.manifold.Isomap.html#sklearn.manifold.Isomap.fit sklearn.manifold.Isomap.fit_transform modules/generated/sklearn.manifold.Isomap.html#sklearn.manifold.Isomap.fit_transform + sklearn.manifold.Isomap.get_feature_names_out modules/generated/sklearn.manifold.Isomap.html#sklearn.manifold.Isomap.get_feature_names_out sklearn.manifold.Isomap.get_params modules/generated/sklearn.manifold.Isomap.html#sklearn.manifold.Isomap.get_params sklearn.manifold.Isomap.reconstruction_error modules/generated/sklearn.manifold.Isomap.html#sklearn.manifold.Isomap.reconstruction_error sklearn.manifold.Isomap.set_params modules/generated/sklearn.manifold.Isomap.html#sklearn.manifold.Isomap.set_params sklearn.manifold.Isomap.transform modules/generated/sklearn.manifold.Isomap.html#sklearn.manifold.Isomap.transform sklearn.manifold.LocallyLinearEmbedding.fit modules/generated/sklearn.manifold.LocallyLinearEmbedding.html#sklearn.manifold.LocallyLinearEmbedding.fit sklearn.manifold.LocallyLinearEmbedding.fit_transform modules/generated/sklearn.manifold.LocallyLinearEmbedding.html#sklearn.manifold.LocallyLinearEmbedding.fit_transform + sklearn.manifold.LocallyLinearEmbedding.get_feature_names_out modules/generated/sklearn.manifold.LocallyLinearEmbedding.html#sklearn.manifold.LocallyLinearEmbedding.get_feature_names_out sklearn.manifold.LocallyLinearEmbedding.get_params modules/generated/sklearn.manifold.LocallyLinearEmbedding.html#sklearn.manifold.LocallyLinearEmbedding.get_params sklearn.manifold.LocallyLinearEmbedding.set_params modules/generated/sklearn.manifold.LocallyLinearEmbedding.html#sklearn.manifold.LocallyLinearEmbedding.set_params sklearn.manifold.LocallyLinearEmbedding.transform modules/generated/sklearn.manifold.LocallyLinearEmbedding.html#sklearn.manifold.LocallyLinearEmbedding.transform @@ -1988,6 +2056,7 @@ py:method sklearn.neighbors.KNeighborsRegressor.set_params modules/generated/sklearn.neighbors.KNeighborsRegressor.html#sklearn.neighbors.KNeighborsRegressor.set_params sklearn.neighbors.KNeighborsTransformer.fit modules/generated/sklearn.neighbors.KNeighborsTransformer.html#sklearn.neighbors.KNeighborsTransformer.fit sklearn.neighbors.KNeighborsTransformer.fit_transform modules/generated/sklearn.neighbors.KNeighborsTransformer.html#sklearn.neighbors.KNeighborsTransformer.fit_transform + sklearn.neighbors.KNeighborsTransformer.get_feature_names_out modules/generated/sklearn.neighbors.KNeighborsTransformer.html#sklearn.neighbors.KNeighborsTransformer.get_feature_names_out sklearn.neighbors.KNeighborsTransformer.get_params modules/generated/sklearn.neighbors.KNeighborsTransformer.html#sklearn.neighbors.KNeighborsTransformer.get_params sklearn.neighbors.KNeighborsTransformer.kneighbors modules/generated/sklearn.neighbors.KNeighborsTransformer.html#sklearn.neighbors.KNeighborsTransformer.kneighbors sklearn.neighbors.KNeighborsTransformer.kneighbors_graph modules/generated/sklearn.neighbors.KNeighborsTransformer.html#sklearn.neighbors.KNeighborsTransformer.kneighbors_graph @@ -2022,6 +2091,7 @@ py:method sklearn.neighbors.NearestNeighbors.set_params modules/generated/sklearn.neighbors.NearestNeighbors.html#sklearn.neighbors.NearestNeighbors.set_params sklearn.neighbors.NeighborhoodComponentsAnalysis.fit modules/generated/sklearn.neighbors.NeighborhoodComponentsAnalysis.html#sklearn.neighbors.NeighborhoodComponentsAnalysis.fit sklearn.neighbors.NeighborhoodComponentsAnalysis.fit_transform modules/generated/sklearn.neighbors.NeighborhoodComponentsAnalysis.html#sklearn.neighbors.NeighborhoodComponentsAnalysis.fit_transform + sklearn.neighbors.NeighborhoodComponentsAnalysis.get_feature_names_out modules/generated/sklearn.neighbors.NeighborhoodComponentsAnalysis.html#sklearn.neighbors.NeighborhoodComponentsAnalysis.get_feature_names_out sklearn.neighbors.NeighborhoodComponentsAnalysis.get_params modules/generated/sklearn.neighbors.NeighborhoodComponentsAnalysis.html#sklearn.neighbors.NeighborhoodComponentsAnalysis.get_params sklearn.neighbors.NeighborhoodComponentsAnalysis.set_params modules/generated/sklearn.neighbors.NeighborhoodComponentsAnalysis.html#sklearn.neighbors.NeighborhoodComponentsAnalysis.set_params sklearn.neighbors.NeighborhoodComponentsAnalysis.transform modules/generated/sklearn.neighbors.NeighborhoodComponentsAnalysis.html#sklearn.neighbors.NeighborhoodComponentsAnalysis.transform @@ -2042,6 +2112,7 @@ py:method sklearn.neighbors.RadiusNeighborsRegressor.set_params modules/generated/sklearn.neighbors.RadiusNeighborsRegressor.html#sklearn.neighbors.RadiusNeighborsRegressor.set_params sklearn.neighbors.RadiusNeighborsTransformer.fit modules/generated/sklearn.neighbors.RadiusNeighborsTransformer.html#sklearn.neighbors.RadiusNeighborsTransformer.fit sklearn.neighbors.RadiusNeighborsTransformer.fit_transform modules/generated/sklearn.neighbors.RadiusNeighborsTransformer.html#sklearn.neighbors.RadiusNeighborsTransformer.fit_transform + sklearn.neighbors.RadiusNeighborsTransformer.get_feature_names_out modules/generated/sklearn.neighbors.RadiusNeighborsTransformer.html#sklearn.neighbors.RadiusNeighborsTransformer.get_feature_names_out sklearn.neighbors.RadiusNeighborsTransformer.get_params modules/generated/sklearn.neighbors.RadiusNeighborsTransformer.html#sklearn.neighbors.RadiusNeighborsTransformer.get_params sklearn.neighbors.RadiusNeighborsTransformer.radius_neighbors modules/generated/sklearn.neighbors.RadiusNeighborsTransformer.html#sklearn.neighbors.RadiusNeighborsTransformer.radius_neighbors sklearn.neighbors.RadiusNeighborsTransformer.radius_neighbors_graph modules/generated/sklearn.neighbors.RadiusNeighborsTransformer.html#sklearn.neighbors.RadiusNeighborsTransformer.radius_neighbors_graph @@ -2049,6 +2120,7 @@ py:method sklearn.neighbors.RadiusNeighborsTransformer.transform modules/generated/sklearn.neighbors.RadiusNeighborsTransformer.html#sklearn.neighbors.RadiusNeighborsTransformer.transform sklearn.neural_network.BernoulliRBM.fit modules/generated/sklearn.neural_network.BernoulliRBM.html#sklearn.neural_network.BernoulliRBM.fit sklearn.neural_network.BernoulliRBM.fit_transform modules/generated/sklearn.neural_network.BernoulliRBM.html#sklearn.neural_network.BernoulliRBM.fit_transform + sklearn.neural_network.BernoulliRBM.get_feature_names_out modules/generated/sklearn.neural_network.BernoulliRBM.html#sklearn.neural_network.BernoulliRBM.get_feature_names_out sklearn.neural_network.BernoulliRBM.get_params modules/generated/sklearn.neural_network.BernoulliRBM.html#sklearn.neural_network.BernoulliRBM.get_params sklearn.neural_network.BernoulliRBM.gibbs modules/generated/sklearn.neural_network.BernoulliRBM.html#sklearn.neural_network.BernoulliRBM.gibbs sklearn.neural_network.BernoulliRBM.partial_fit modules/generated/sklearn.neural_network.BernoulliRBM.html#sklearn.neural_network.BernoulliRBM.partial_fit @@ -2092,11 +2164,13 @@ py:method sklearn.pipeline.Pipeline.transform modules/generated/sklearn.pipeline.Pipeline.html#sklearn.pipeline.Pipeline.transform sklearn.preprocessing.Binarizer.fit modules/generated/sklearn.preprocessing.Binarizer.html#sklearn.preprocessing.Binarizer.fit sklearn.preprocessing.Binarizer.fit_transform modules/generated/sklearn.preprocessing.Binarizer.html#sklearn.preprocessing.Binarizer.fit_transform + sklearn.preprocessing.Binarizer.get_feature_names_out modules/generated/sklearn.preprocessing.Binarizer.html#sklearn.preprocessing.Binarizer.get_feature_names_out sklearn.preprocessing.Binarizer.get_params modules/generated/sklearn.preprocessing.Binarizer.html#sklearn.preprocessing.Binarizer.get_params sklearn.preprocessing.Binarizer.set_params modules/generated/sklearn.preprocessing.Binarizer.html#sklearn.preprocessing.Binarizer.set_params sklearn.preprocessing.Binarizer.transform modules/generated/sklearn.preprocessing.Binarizer.html#sklearn.preprocessing.Binarizer.transform sklearn.preprocessing.FunctionTransformer.fit modules/generated/sklearn.preprocessing.FunctionTransformer.html#sklearn.preprocessing.FunctionTransformer.fit sklearn.preprocessing.FunctionTransformer.fit_transform modules/generated/sklearn.preprocessing.FunctionTransformer.html#sklearn.preprocessing.FunctionTransformer.fit_transform + sklearn.preprocessing.FunctionTransformer.get_feature_names_out modules/generated/sklearn.preprocessing.FunctionTransformer.html#sklearn.preprocessing.FunctionTransformer.get_feature_names_out sklearn.preprocessing.FunctionTransformer.get_params modules/generated/sklearn.preprocessing.FunctionTransformer.html#sklearn.preprocessing.FunctionTransformer.get_params sklearn.preprocessing.FunctionTransformer.inverse_transform modules/generated/sklearn.preprocessing.FunctionTransformer.html#sklearn.preprocessing.FunctionTransformer.inverse_transform sklearn.preprocessing.FunctionTransformer.set_params modules/generated/sklearn.preprocessing.FunctionTransformer.html#sklearn.preprocessing.FunctionTransformer.set_params @@ -2110,6 +2184,7 @@ py:method sklearn.preprocessing.KBinsDiscretizer.transform modules/generated/sklearn.preprocessing.KBinsDiscretizer.html#sklearn.preprocessing.KBinsDiscretizer.transform sklearn.preprocessing.KernelCenterer.fit modules/generated/sklearn.preprocessing.KernelCenterer.html#sklearn.preprocessing.KernelCenterer.fit sklearn.preprocessing.KernelCenterer.fit_transform modules/generated/sklearn.preprocessing.KernelCenterer.html#sklearn.preprocessing.KernelCenterer.fit_transform + sklearn.preprocessing.KernelCenterer.get_feature_names_out modules/generated/sklearn.preprocessing.KernelCenterer.html#sklearn.preprocessing.KernelCenterer.get_feature_names_out sklearn.preprocessing.KernelCenterer.get_params modules/generated/sklearn.preprocessing.KernelCenterer.html#sklearn.preprocessing.KernelCenterer.get_params sklearn.preprocessing.KernelCenterer.set_params modules/generated/sklearn.preprocessing.KernelCenterer.html#sklearn.preprocessing.KernelCenterer.set_params sklearn.preprocessing.KernelCenterer.transform modules/generated/sklearn.preprocessing.KernelCenterer.html#sklearn.preprocessing.KernelCenterer.transform @@ -2149,6 +2224,7 @@ py:method sklearn.preprocessing.MultiLabelBinarizer.transform modules/generated/sklearn.preprocessing.MultiLabelBinarizer.html#sklearn.preprocessing.MultiLabelBinarizer.transform sklearn.preprocessing.Normalizer.fit modules/generated/sklearn.preprocessing.Normalizer.html#sklearn.preprocessing.Normalizer.fit sklearn.preprocessing.Normalizer.fit_transform modules/generated/sklearn.preprocessing.Normalizer.html#sklearn.preprocessing.Normalizer.fit_transform + sklearn.preprocessing.Normalizer.get_feature_names_out modules/generated/sklearn.preprocessing.Normalizer.html#sklearn.preprocessing.Normalizer.get_feature_names_out sklearn.preprocessing.Normalizer.get_params modules/generated/sklearn.preprocessing.Normalizer.html#sklearn.preprocessing.Normalizer.get_params sklearn.preprocessing.Normalizer.set_params modules/generated/sklearn.preprocessing.Normalizer.html#sklearn.preprocessing.Normalizer.set_params sklearn.preprocessing.Normalizer.transform modules/generated/sklearn.preprocessing.Normalizer.html#sklearn.preprocessing.Normalizer.transform @@ -2162,6 +2238,7 @@ py:method sklearn.preprocessing.OneHotEncoder.transform modules/generated/sklearn.preprocessing.OneHotEncoder.html#sklearn.preprocessing.OneHotEncoder.transform sklearn.preprocessing.OrdinalEncoder.fit modules/generated/sklearn.preprocessing.OrdinalEncoder.html#sklearn.preprocessing.OrdinalEncoder.fit sklearn.preprocessing.OrdinalEncoder.fit_transform modules/generated/sklearn.preprocessing.OrdinalEncoder.html#sklearn.preprocessing.OrdinalEncoder.fit_transform + sklearn.preprocessing.OrdinalEncoder.get_feature_names_out modules/generated/sklearn.preprocessing.OrdinalEncoder.html#sklearn.preprocessing.OrdinalEncoder.get_feature_names_out sklearn.preprocessing.OrdinalEncoder.get_params modules/generated/sklearn.preprocessing.OrdinalEncoder.html#sklearn.preprocessing.OrdinalEncoder.get_params sklearn.preprocessing.OrdinalEncoder.inverse_transform modules/generated/sklearn.preprocessing.OrdinalEncoder.html#sklearn.preprocessing.OrdinalEncoder.inverse_transform sklearn.preprocessing.OrdinalEncoder.set_params modules/generated/sklearn.preprocessing.OrdinalEncoder.html#sklearn.preprocessing.OrdinalEncoder.set_params @@ -2211,12 +2288,16 @@ py:method sklearn.preprocessing.StandardScaler.transform modules/generated/sklearn.preprocessing.StandardScaler.html#sklearn.preprocessing.StandardScaler.transform sklearn.random_projection.GaussianRandomProjection.fit modules/generated/sklearn.random_projection.GaussianRandomProjection.html#sklearn.random_projection.GaussianRandomProjection.fit sklearn.random_projection.GaussianRandomProjection.fit_transform modules/generated/sklearn.random_projection.GaussianRandomProjection.html#sklearn.random_projection.GaussianRandomProjection.fit_transform + sklearn.random_projection.GaussianRandomProjection.get_feature_names_out modules/generated/sklearn.random_projection.GaussianRandomProjection.html#sklearn.random_projection.GaussianRandomProjection.get_feature_names_out sklearn.random_projection.GaussianRandomProjection.get_params modules/generated/sklearn.random_projection.GaussianRandomProjection.html#sklearn.random_projection.GaussianRandomProjection.get_params + sklearn.random_projection.GaussianRandomProjection.inverse_transform modules/generated/sklearn.random_projection.GaussianRandomProjection.html#sklearn.random_projection.GaussianRandomProjection.inverse_transform sklearn.random_projection.GaussianRandomProjection.set_params modules/generated/sklearn.random_projection.GaussianRandomProjection.html#sklearn.random_projection.GaussianRandomProjection.set_params sklearn.random_projection.GaussianRandomProjection.transform modules/generated/sklearn.random_projection.GaussianRandomProjection.html#sklearn.random_projection.GaussianRandomProjection.transform sklearn.random_projection.SparseRandomProjection.fit modules/generated/sklearn.random_projection.SparseRandomProjection.html#sklearn.random_projection.SparseRandomProjection.fit sklearn.random_projection.SparseRandomProjection.fit_transform modules/generated/sklearn.random_projection.SparseRandomProjection.html#sklearn.random_projection.SparseRandomProjection.fit_transform + sklearn.random_projection.SparseRandomProjection.get_feature_names_out modules/generated/sklearn.random_projection.SparseRandomProjection.html#sklearn.random_projection.SparseRandomProjection.get_feature_names_out sklearn.random_projection.SparseRandomProjection.get_params modules/generated/sklearn.random_projection.SparseRandomProjection.html#sklearn.random_projection.SparseRandomProjection.get_params + sklearn.random_projection.SparseRandomProjection.inverse_transform modules/generated/sklearn.random_projection.SparseRandomProjection.html#sklearn.random_projection.SparseRandomProjection.inverse_transform sklearn.random_projection.SparseRandomProjection.set_params modules/generated/sklearn.random_projection.SparseRandomProjection.html#sklearn.random_projection.SparseRandomProjection.set_params sklearn.random_projection.SparseRandomProjection.transform modules/generated/sklearn.random_projection.SparseRandomProjection.html#sklearn.random_projection.SparseRandomProjection.transform sklearn.semi_supervised.LabelPropagation.fit modules/generated/sklearn.semi_supervised.LabelPropagation.html#sklearn.semi_supervised.LabelPropagation.fit @@ -2329,6 +2410,17 @@ py:method sklearn.tree.ExtraTreeRegressor.predict modules/generated/sklearn.tree.ExtraTreeRegressor.html#sklearn.tree.ExtraTreeRegressor.predict sklearn.tree.ExtraTreeRegressor.score modules/generated/sklearn.tree.ExtraTreeRegressor.html#sklearn.tree.ExtraTreeRegressor.score sklearn.tree.ExtraTreeRegressor.set_params modules/generated/sklearn.tree.ExtraTreeRegressor.html#sklearn.tree.ExtraTreeRegressor.set_params + sklearn.utils.Bunch.clear modules/generated/sklearn.utils.Bunch.html#sklearn.utils.Bunch.clear + sklearn.utils.Bunch.copy modules/generated/sklearn.utils.Bunch.html#sklearn.utils.Bunch.copy + sklearn.utils.Bunch.fromkeys modules/generated/sklearn.utils.Bunch.html#sklearn.utils.Bunch.fromkeys + sklearn.utils.Bunch.get modules/generated/sklearn.utils.Bunch.html#sklearn.utils.Bunch.get + sklearn.utils.Bunch.items modules/generated/sklearn.utils.Bunch.html#sklearn.utils.Bunch.items + sklearn.utils.Bunch.keys modules/generated/sklearn.utils.Bunch.html#sklearn.utils.Bunch.keys + sklearn.utils.Bunch.pop modules/generated/sklearn.utils.Bunch.html#sklearn.utils.Bunch.pop + sklearn.utils.Bunch.popitem modules/generated/sklearn.utils.Bunch.html#sklearn.utils.Bunch.popitem + sklearn.utils.Bunch.setdefault modules/generated/sklearn.utils.Bunch.html#sklearn.utils.Bunch.setdefault + sklearn.utils.Bunch.update modules/generated/sklearn.utils.Bunch.html#sklearn.utils.Bunch.update + sklearn.utils.Bunch.values modules/generated/sklearn.utils.Bunch.html#sklearn.utils.Bunch.values py:module sklearn.base modules/classes.html#module-sklearn.base sklearn.calibration modules/classes.html#module-sklearn.calibration @@ -2380,45 +2472,18 @@ py:property sklearn.cluster.Birch.fit_ modules/generated/sklearn.cluster.Birch.html#sklearn.cluster.Birch.fit_ sklearn.cluster.Birch.partial_fit_ modules/generated/sklearn.cluster.Birch.html#sklearn.cluster.Birch.partial_fit_ sklearn.cluster.FeatureAgglomeration.fit_predict modules/generated/sklearn.cluster.FeatureAgglomeration.html#sklearn.cluster.FeatureAgglomeration.fit_predict - sklearn.cluster.MiniBatchKMeans.counts_ modules/generated/sklearn.cluster.MiniBatchKMeans.html#sklearn.cluster.MiniBatchKMeans.counts_ - sklearn.cluster.MiniBatchKMeans.init_size_ modules/generated/sklearn.cluster.MiniBatchKMeans.html#sklearn.cluster.MiniBatchKMeans.init_size_ - sklearn.cluster.MiniBatchKMeans.random_state_ modules/generated/sklearn.cluster.MiniBatchKMeans.html#sklearn.cluster.MiniBatchKMeans.random_state_ sklearn.cluster.SpectralBiclustering.biclusters_ modules/generated/sklearn.cluster.SpectralBiclustering.html#sklearn.cluster.SpectralBiclustering.biclusters_ sklearn.cluster.SpectralCoclustering.biclusters_ modules/generated/sklearn.cluster.SpectralCoclustering.html#sklearn.cluster.SpectralCoclustering.biclusters_ sklearn.compose.ColumnTransformer.named_transformers_ modules/generated/sklearn.compose.ColumnTransformer.html#sklearn.compose.ColumnTransformer.named_transformers_ sklearn.compose.TransformedTargetRegressor.n_features_in_ modules/generated/sklearn.compose.TransformedTargetRegressor.html#sklearn.compose.TransformedTargetRegressor.n_features_in_ - sklearn.covariance.GraphicalLassoCV.cv_alphas_ modules/generated/sklearn.covariance.GraphicalLassoCV.html#sklearn.covariance.GraphicalLassoCV.cv_alphas_ - sklearn.covariance.GraphicalLassoCV.grid_scores_ modules/generated/sklearn.covariance.GraphicalLassoCV.html#sklearn.covariance.GraphicalLassoCV.grid_scores_ - sklearn.cross_decomposition.CCA.norm_y_weights modules/generated/sklearn.cross_decomposition.CCA.html#sklearn.cross_decomposition.CCA.norm_y_weights - sklearn.cross_decomposition.CCA.x_mean_ modules/generated/sklearn.cross_decomposition.CCA.html#sklearn.cross_decomposition.CCA.x_mean_ - sklearn.cross_decomposition.CCA.x_scores_ modules/generated/sklearn.cross_decomposition.CCA.html#sklearn.cross_decomposition.CCA.x_scores_ - sklearn.cross_decomposition.CCA.x_std_ modules/generated/sklearn.cross_decomposition.CCA.html#sklearn.cross_decomposition.CCA.x_std_ - sklearn.cross_decomposition.CCA.y_mean_ modules/generated/sklearn.cross_decomposition.CCA.html#sklearn.cross_decomposition.CCA.y_mean_ - sklearn.cross_decomposition.CCA.y_scores_ modules/generated/sklearn.cross_decomposition.CCA.html#sklearn.cross_decomposition.CCA.y_scores_ - sklearn.cross_decomposition.CCA.y_std_ modules/generated/sklearn.cross_decomposition.CCA.html#sklearn.cross_decomposition.CCA.y_std_ - sklearn.cross_decomposition.PLSCanonical.norm_y_weights modules/generated/sklearn.cross_decomposition.PLSCanonical.html#sklearn.cross_decomposition.PLSCanonical.norm_y_weights - sklearn.cross_decomposition.PLSCanonical.x_mean_ modules/generated/sklearn.cross_decomposition.PLSCanonical.html#sklearn.cross_decomposition.PLSCanonical.x_mean_ - sklearn.cross_decomposition.PLSCanonical.x_scores_ modules/generated/sklearn.cross_decomposition.PLSCanonical.html#sklearn.cross_decomposition.PLSCanonical.x_scores_ - sklearn.cross_decomposition.PLSCanonical.x_std_ modules/generated/sklearn.cross_decomposition.PLSCanonical.html#sklearn.cross_decomposition.PLSCanonical.x_std_ - sklearn.cross_decomposition.PLSCanonical.y_mean_ modules/generated/sklearn.cross_decomposition.PLSCanonical.html#sklearn.cross_decomposition.PLSCanonical.y_mean_ - sklearn.cross_decomposition.PLSCanonical.y_scores_ modules/generated/sklearn.cross_decomposition.PLSCanonical.html#sklearn.cross_decomposition.PLSCanonical.y_scores_ - sklearn.cross_decomposition.PLSCanonical.y_std_ modules/generated/sklearn.cross_decomposition.PLSCanonical.html#sklearn.cross_decomposition.PLSCanonical.y_std_ - sklearn.cross_decomposition.PLSRegression.norm_y_weights modules/generated/sklearn.cross_decomposition.PLSRegression.html#sklearn.cross_decomposition.PLSRegression.norm_y_weights - sklearn.cross_decomposition.PLSRegression.x_mean_ modules/generated/sklearn.cross_decomposition.PLSRegression.html#sklearn.cross_decomposition.PLSRegression.x_mean_ - sklearn.cross_decomposition.PLSRegression.x_scores_ modules/generated/sklearn.cross_decomposition.PLSRegression.html#sklearn.cross_decomposition.PLSRegression.x_scores_ - sklearn.cross_decomposition.PLSRegression.x_std_ modules/generated/sklearn.cross_decomposition.PLSRegression.html#sklearn.cross_decomposition.PLSRegression.x_std_ - sklearn.cross_decomposition.PLSRegression.y_mean_ modules/generated/sklearn.cross_decomposition.PLSRegression.html#sklearn.cross_decomposition.PLSRegression.y_mean_ - sklearn.cross_decomposition.PLSRegression.y_scores_ modules/generated/sklearn.cross_decomposition.PLSRegression.html#sklearn.cross_decomposition.PLSRegression.y_scores_ - sklearn.cross_decomposition.PLSRegression.y_std_ modules/generated/sklearn.cross_decomposition.PLSRegression.html#sklearn.cross_decomposition.PLSRegression.y_std_ - sklearn.cross_decomposition.PLSSVD.x_mean_ modules/generated/sklearn.cross_decomposition.PLSSVD.html#sklearn.cross_decomposition.PLSSVD.x_mean_ - sklearn.cross_decomposition.PLSSVD.x_scores_ modules/generated/sklearn.cross_decomposition.PLSSVD.html#sklearn.cross_decomposition.PLSSVD.x_scores_ - sklearn.cross_decomposition.PLSSVD.x_std_ modules/generated/sklearn.cross_decomposition.PLSSVD.html#sklearn.cross_decomposition.PLSSVD.x_std_ - sklearn.cross_decomposition.PLSSVD.y_mean_ modules/generated/sklearn.cross_decomposition.PLSSVD.html#sklearn.cross_decomposition.PLSSVD.y_mean_ - sklearn.cross_decomposition.PLSSVD.y_scores_ modules/generated/sklearn.cross_decomposition.PLSSVD.html#sklearn.cross_decomposition.PLSSVD.y_scores_ - sklearn.cross_decomposition.PLSSVD.y_std_ modules/generated/sklearn.cross_decomposition.PLSSVD.html#sklearn.cross_decomposition.PLSSVD.y_std_ + sklearn.cross_decomposition.CCA.coef_ modules/generated/sklearn.cross_decomposition.CCA.html#sklearn.cross_decomposition.CCA.coef_ + sklearn.cross_decomposition.PLSCanonical.coef_ modules/generated/sklearn.cross_decomposition.PLSCanonical.html#sklearn.cross_decomposition.PLSCanonical.coef_ + sklearn.cross_decomposition.PLSRegression.coef_ modules/generated/sklearn.cross_decomposition.PLSRegression.html#sklearn.cross_decomposition.PLSRegression.coef_ sklearn.decomposition.KernelPCA.alphas_ modules/generated/sklearn.decomposition.KernelPCA.html#sklearn.decomposition.KernelPCA.alphas_ sklearn.decomposition.KernelPCA.lambdas_ modules/generated/sklearn.decomposition.KernelPCA.html#sklearn.decomposition.KernelPCA.lambdas_ - sklearn.decomposition.SparseCoder.components_ modules/generated/sklearn.decomposition.SparseCoder.html#sklearn.decomposition.SparseCoder.components_ + sklearn.decomposition.MiniBatchDictionaryLearning.inner_stats_ modules/generated/sklearn.decomposition.MiniBatchDictionaryLearning.html#sklearn.decomposition.MiniBatchDictionaryLearning.inner_stats_ + sklearn.decomposition.MiniBatchDictionaryLearning.iter_offset_ modules/generated/sklearn.decomposition.MiniBatchDictionaryLearning.html#sklearn.decomposition.MiniBatchDictionaryLearning.iter_offset_ + sklearn.decomposition.MiniBatchDictionaryLearning.random_state_ modules/generated/sklearn.decomposition.MiniBatchDictionaryLearning.html#sklearn.decomposition.MiniBatchDictionaryLearning.random_state_ sklearn.decomposition.SparseCoder.n_components_ modules/generated/sklearn.decomposition.SparseCoder.html#sklearn.decomposition.SparseCoder.n_components_ sklearn.decomposition.SparseCoder.n_features_in_ modules/generated/sklearn.decomposition.SparseCoder.html#sklearn.decomposition.SparseCoder.n_features_in_ sklearn.dummy.DummyClassifier.n_features_in_ modules/generated/sklearn.dummy.DummyClassifier.html#sklearn.dummy.DummyClassifier.n_features_in_ @@ -2434,9 +2499,10 @@ py:property sklearn.ensemble.ExtraTreesRegressor.feature_importances_ modules/generated/sklearn.ensemble.ExtraTreesRegressor.html#sklearn.ensemble.ExtraTreesRegressor.feature_importances_ sklearn.ensemble.ExtraTreesRegressor.n_features_ modules/generated/sklearn.ensemble.ExtraTreesRegressor.html#sklearn.ensemble.ExtraTreesRegressor.n_features_ sklearn.ensemble.GradientBoostingClassifier.feature_importances_ modules/generated/sklearn.ensemble.GradientBoostingClassifier.html#sklearn.ensemble.GradientBoostingClassifier.feature_importances_ + sklearn.ensemble.GradientBoostingClassifier.loss_ modules/generated/sklearn.ensemble.GradientBoostingClassifier.html#sklearn.ensemble.GradientBoostingClassifier.loss_ sklearn.ensemble.GradientBoostingClassifier.n_features_ modules/generated/sklearn.ensemble.GradientBoostingClassifier.html#sklearn.ensemble.GradientBoostingClassifier.n_features_ sklearn.ensemble.GradientBoostingRegressor.feature_importances_ modules/generated/sklearn.ensemble.GradientBoostingRegressor.html#sklearn.ensemble.GradientBoostingRegressor.feature_importances_ - sklearn.ensemble.GradientBoostingRegressor.n_classes_ modules/generated/sklearn.ensemble.GradientBoostingRegressor.html#sklearn.ensemble.GradientBoostingRegressor.n_classes_ + sklearn.ensemble.GradientBoostingRegressor.loss_ modules/generated/sklearn.ensemble.GradientBoostingRegressor.html#sklearn.ensemble.GradientBoostingRegressor.loss_ sklearn.ensemble.GradientBoostingRegressor.n_features_ modules/generated/sklearn.ensemble.GradientBoostingRegressor.html#sklearn.ensemble.GradientBoostingRegressor.n_features_ sklearn.ensemble.HistGradientBoostingClassifier.n_iter_ modules/generated/sklearn.ensemble.HistGradientBoostingClassifier.html#sklearn.ensemble.HistGradientBoostingClassifier.n_iter_ sklearn.ensemble.HistGradientBoostingRegressor.n_iter_ modules/generated/sklearn.ensemble.HistGradientBoostingRegressor.html#sklearn.ensemble.HistGradientBoostingRegressor.n_iter_ @@ -2458,10 +2524,6 @@ py:property sklearn.ensemble.VotingRegressor.named_estimators modules/generated/sklearn.ensemble.VotingRegressor.html#sklearn.ensemble.VotingRegressor.named_estimators sklearn.feature_extraction.text.TfidfTransformer.idf_ modules/generated/sklearn.feature_extraction.text.TfidfTransformer.html#sklearn.feature_extraction.text.TfidfTransformer.idf_ sklearn.feature_extraction.text.TfidfVectorizer.idf_ modules/generated/sklearn.feature_extraction.text.TfidfVectorizer.html#sklearn.feature_extraction.text.TfidfVectorizer.idf_ - sklearn.feature_extraction.text.TfidfVectorizer.norm modules/generated/sklearn.feature_extraction.text.TfidfVectorizer.html#sklearn.feature_extraction.text.TfidfVectorizer.norm - sklearn.feature_extraction.text.TfidfVectorizer.smooth_idf modules/generated/sklearn.feature_extraction.text.TfidfVectorizer.html#sklearn.feature_extraction.text.TfidfVectorizer.smooth_idf - sklearn.feature_extraction.text.TfidfVectorizer.sublinear_tf modules/generated/sklearn.feature_extraction.text.TfidfVectorizer.html#sklearn.feature_extraction.text.TfidfVectorizer.sublinear_tf - sklearn.feature_extraction.text.TfidfVectorizer.use_idf modules/generated/sklearn.feature_extraction.text.TfidfVectorizer.html#sklearn.feature_extraction.text.TfidfVectorizer.use_idf sklearn.feature_selection.RFE.classes_ modules/generated/sklearn.feature_selection.RFE.html#sklearn.feature_selection.RFE.classes_ sklearn.feature_selection.RFECV.classes_ modules/generated/sklearn.feature_selection.RFECV.html#sklearn.feature_selection.RFECV.classes_ sklearn.feature_selection.RFECV.grid_scores_ modules/generated/sklearn.feature_selection.RFECV.html#sklearn.feature_selection.RFECV.grid_scores_ @@ -2552,28 +2614,19 @@ py:property sklearn.model_selection.RandomizedSearchCV.classes_ modules/generated/sklearn.model_selection.RandomizedSearchCV.html#sklearn.model_selection.RandomizedSearchCV.classes_ sklearn.model_selection.RandomizedSearchCV.n_features_in_ modules/generated/sklearn.model_selection.RandomizedSearchCV.html#sklearn.model_selection.RandomizedSearchCV.n_features_in_ sklearn.multiclass.OneVsOneClassifier.n_classes_ modules/generated/sklearn.multiclass.OneVsOneClassifier.html#sklearn.multiclass.OneVsOneClassifier.n_classes_ - sklearn.multiclass.OneVsRestClassifier.coef_ modules/generated/sklearn.multiclass.OneVsRestClassifier.html#sklearn.multiclass.OneVsRestClassifier.coef_ - sklearn.multiclass.OneVsRestClassifier.intercept_ modules/generated/sklearn.multiclass.OneVsRestClassifier.html#sklearn.multiclass.OneVsRestClassifier.intercept_ sklearn.multiclass.OneVsRestClassifier.multilabel_ modules/generated/sklearn.multiclass.OneVsRestClassifier.html#sklearn.multiclass.OneVsRestClassifier.multilabel_ sklearn.multiclass.OneVsRestClassifier.n_classes_ modules/generated/sklearn.multiclass.OneVsRestClassifier.html#sklearn.multiclass.OneVsRestClassifier.n_classes_ - sklearn.naive_bayes.BernoulliNB.coef_ modules/generated/sklearn.naive_bayes.BernoulliNB.html#sklearn.naive_bayes.BernoulliNB.coef_ - sklearn.naive_bayes.BernoulliNB.intercept_ modules/generated/sklearn.naive_bayes.BernoulliNB.html#sklearn.naive_bayes.BernoulliNB.intercept_ sklearn.naive_bayes.BernoulliNB.n_features_ modules/generated/sklearn.naive_bayes.BernoulliNB.html#sklearn.naive_bayes.BernoulliNB.n_features_ - sklearn.naive_bayes.CategoricalNB.coef_ modules/generated/sklearn.naive_bayes.CategoricalNB.html#sklearn.naive_bayes.CategoricalNB.coef_ - sklearn.naive_bayes.CategoricalNB.intercept_ modules/generated/sklearn.naive_bayes.CategoricalNB.html#sklearn.naive_bayes.CategoricalNB.intercept_ sklearn.naive_bayes.CategoricalNB.n_features_ modules/generated/sklearn.naive_bayes.CategoricalNB.html#sklearn.naive_bayes.CategoricalNB.n_features_ - sklearn.naive_bayes.ComplementNB.coef_ modules/generated/sklearn.naive_bayes.ComplementNB.html#sklearn.naive_bayes.ComplementNB.coef_ - sklearn.naive_bayes.ComplementNB.intercept_ modules/generated/sklearn.naive_bayes.ComplementNB.html#sklearn.naive_bayes.ComplementNB.intercept_ sklearn.naive_bayes.ComplementNB.n_features_ modules/generated/sklearn.naive_bayes.ComplementNB.html#sklearn.naive_bayes.ComplementNB.n_features_ sklearn.naive_bayes.GaussianNB.sigma_ modules/generated/sklearn.naive_bayes.GaussianNB.html#sklearn.naive_bayes.GaussianNB.sigma_ - sklearn.naive_bayes.MultinomialNB.coef_ modules/generated/sklearn.naive_bayes.MultinomialNB.html#sklearn.naive_bayes.MultinomialNB.coef_ - sklearn.naive_bayes.MultinomialNB.intercept_ modules/generated/sklearn.naive_bayes.MultinomialNB.html#sklearn.naive_bayes.MultinomialNB.intercept_ sklearn.naive_bayes.MultinomialNB.n_features_ modules/generated/sklearn.naive_bayes.MultinomialNB.html#sklearn.naive_bayes.MultinomialNB.n_features_ sklearn.pipeline.FeatureUnion.n_features_in_ modules/generated/sklearn.pipeline.FeatureUnion.html#sklearn.pipeline.FeatureUnion.n_features_in_ sklearn.pipeline.Pipeline.classes_ modules/generated/sklearn.pipeline.Pipeline.html#sklearn.pipeline.Pipeline.classes_ sklearn.pipeline.Pipeline.feature_names_in_ modules/generated/sklearn.pipeline.Pipeline.html#sklearn.pipeline.Pipeline.feature_names_in_ sklearn.pipeline.Pipeline.n_features_in_ modules/generated/sklearn.pipeline.Pipeline.html#sklearn.pipeline.Pipeline.n_features_in_ sklearn.pipeline.Pipeline.named_steps modules/generated/sklearn.pipeline.Pipeline.html#sklearn.pipeline.Pipeline.named_steps + sklearn.preprocessing.OneHotEncoder.infrequent_categories_ modules/generated/sklearn.preprocessing.OneHotEncoder.html#sklearn.preprocessing.OneHotEncoder.infrequent_categories_ sklearn.preprocessing.PolynomialFeatures.n_input_features_ modules/generated/sklearn.preprocessing.PolynomialFeatures.html#sklearn.preprocessing.PolynomialFeatures.n_input_features_ sklearn.preprocessing.PolynomialFeatures.powers_ modules/generated/sklearn.preprocessing.PolynomialFeatures.html#sklearn.preprocessing.PolynomialFeatures.powers_ sklearn.svm.NuSVC.coef_ modules/generated/sklearn.svm.NuSVC.html#sklearn.svm.NuSVC.coef_ @@ -2637,6 +2690,7 @@ std:doc auto_examples/cluster/plot_agglomerative_clustering_metrics Agglomerative clustering with different metrics: auto_examples/cluster/plot_agglomerative_clustering_metrics.html auto_examples/cluster/plot_agglomerative_dendrogram Plot Hierarchical Clustering Dendrogram : auto_examples/cluster/plot_agglomerative_dendrogram.html auto_examples/cluster/plot_birch_vs_minibatchkmeans Compare BIRCH and MiniBatchKMeans : auto_examples/cluster/plot_birch_vs_minibatchkmeans.html + auto_examples/cluster/plot_bisect_kmeans Bisecting K-Means and Regular K-Means Performance Comparison: auto_examples/cluster/plot_bisect_kmeans.html auto_examples/cluster/plot_cluster_comparison Comparing different clustering algorithms on toy datasets: auto_examples/cluster/plot_cluster_comparison.html auto_examples/cluster/plot_cluster_iris K-means Clustering : auto_examples/cluster/plot_cluster_iris.html auto_examples/cluster/plot_coin_segmentation Segmenting the picture of greek coins in regions: auto_examples/cluster/plot_coin_segmentation.html @@ -2755,8 +2809,7 @@ std:doc auto_examples/inspection/sg_execution_times Computation times : auto_examples/inspection/sg_execution_times.html auto_examples/kernel_approximation/plot_scalable_poly_kernels Scalable learning with polynomial kernel approximation: auto_examples/kernel_approximation/plot_scalable_poly_kernels.html auto_examples/kernel_approximation/sg_execution_times Computation times : auto_examples/kernel_approximation/sg_execution_times.html - auto_examples/linear_model/plot_ard Automatic Relevance Determination Regression (ARD): auto_examples/linear_model/plot_ard.html - auto_examples/linear_model/plot_bayesian_ridge Bayesian Ridge Regression : auto_examples/linear_model/plot_bayesian_ridge.html + auto_examples/linear_model/plot_ard Comparing Linear Bayesian Regressors : auto_examples/linear_model/plot_ard.html auto_examples/linear_model/plot_bayesian_ridge_curvefit Curve Fitting with Bayesian Ridge Regression: auto_examples/linear_model/plot_bayesian_ridge_curvefit.html auto_examples/linear_model/plot_elastic_net_precomputed_gram_matrix_with_weighted_samples Fitting an Elastic Net with a precomputed Gram Matrix and Weighted Samples: auto_examples/linear_model/plot_elastic_net_precomputed_gram_matrix_with_weighted_samples.html auto_examples/linear_model/plot_huber_vs_ridge HuberRegressor vs Ridge on dataset with strong outliers: auto_examples/linear_model/plot_huber_vs_ridge.html @@ -2801,7 +2854,7 @@ std:doc auto_examples/manifold/plot_lle_digits Manifold learning on handwritten digits: Locally Linear Embedding, Isomap…: auto_examples/manifold/plot_lle_digits.html auto_examples/manifold/plot_manifold_sphere Manifold Learning methods on a severed sphere: auto_examples/manifold/plot_manifold_sphere.html auto_examples/manifold/plot_mds Multi-dimensional scaling : auto_examples/manifold/plot_mds.html - auto_examples/manifold/plot_swissroll Swiss Roll reduction with LLE : auto_examples/manifold/plot_swissroll.html + auto_examples/manifold/plot_swissroll Swiss Roll And Swiss-Hole Reduction : auto_examples/manifold/plot_swissroll.html auto_examples/manifold/plot_t_sne_perplexity t-SNE: The effect of various perplexity values on the shape: auto_examples/manifold/plot_t_sne_perplexity.html auto_examples/manifold/sg_execution_times Computation times : auto_examples/manifold/sg_execution_times.html auto_examples/miscellaneous/plot_anomaly_comparison Comparing anomaly detection algorithms for outlier detection on toy datasets: auto_examples/miscellaneous/plot_anomaly_comparison.html @@ -2813,6 +2866,7 @@ std:doc auto_examples/miscellaneous/plot_kernel_ridge_regression Comparison of kernel ridge regression and SVR: auto_examples/miscellaneous/plot_kernel_ridge_regression.html auto_examples/miscellaneous/plot_multilabel Multilabel classification : auto_examples/miscellaneous/plot_multilabel.html auto_examples/miscellaneous/plot_multioutput_face_completion Face completion with a multi-output estimators: auto_examples/miscellaneous/plot_multioutput_face_completion.html + auto_examples/miscellaneous/plot_outlier_detection_bench Evaluation of outlier detection estimators: auto_examples/miscellaneous/plot_outlier_detection_bench.html auto_examples/miscellaneous/plot_partial_dependence_visualization_api Advanced Plotting With Partial Dependence: auto_examples/miscellaneous/plot_partial_dependence_visualization_api.html auto_examples/miscellaneous/plot_pipeline_display Displaying Pipelines : auto_examples/miscellaneous/plot_pipeline_display.html auto_examples/miscellaneous/plot_roc_curve_visualization_api ROC Curve with Visualization API : auto_examples/miscellaneous/plot_roc_curve_visualization_api.html @@ -2820,6 +2874,7 @@ std:doc auto_examples/mixture/plot_concentration_prior Concentration Prior Type Analysis of Variation Bayesian Gaussian Mixture: auto_examples/mixture/plot_concentration_prior.html auto_examples/mixture/plot_gmm Gaussian Mixture Model Ellipsoids : auto_examples/mixture/plot_gmm.html auto_examples/mixture/plot_gmm_covariances GMM covariances : auto_examples/mixture/plot_gmm_covariances.html + auto_examples/mixture/plot_gmm_init GMM Initialization Methods : auto_examples/mixture/plot_gmm_init.html auto_examples/mixture/plot_gmm_pdf Density Estimation for a Gaussian mixture: auto_examples/mixture/plot_gmm_pdf.html auto_examples/mixture/plot_gmm_selection Gaussian Mixture Model Selection : auto_examples/mixture/plot_gmm_selection.html auto_examples/mixture/plot_gmm_sin Gaussian Mixture Model Sine Curve : auto_examples/mixture/plot_gmm_sin.html @@ -2878,6 +2933,7 @@ std:doc auto_examples/release_highlights/plot_release_highlights_0_23_0 Release Highlights for scikit-learn 0.23: auto_examples/release_highlights/plot_release_highlights_0_23_0.html auto_examples/release_highlights/plot_release_highlights_0_24_0 Release Highlights for scikit-learn 0.24: auto_examples/release_highlights/plot_release_highlights_0_24_0.html auto_examples/release_highlights/plot_release_highlights_1_0_0 Release Highlights for scikit-learn 1.0 : auto_examples/release_highlights/plot_release_highlights_1_0_0.html + auto_examples/release_highlights/plot_release_highlights_1_1_0 Release Highlights for scikit-learn 1.1 : auto_examples/release_highlights/plot_release_highlights_1_1_0.html auto_examples/release_highlights/sg_execution_times Computation times : auto_examples/release_highlights/sg_execution_times.html auto_examples/semi_supervised/plot_label_propagation_digits Label Propagation digits: Demonstrating performance: auto_examples/semi_supervised/plot_label_propagation_digits.html auto_examples/semi_supervised/plot_label_propagation_digits_active_learning Label Propagation digits active learning: auto_examples/semi_supervised/plot_label_propagation_digits_active_learning.html @@ -2914,11 +2970,13 @@ std:doc 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 + communication_team_emeritus : communication_team_emeritus.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 computing/scaling_strategies Strategies to scale computationally: bigger data: computing/scaling_strategies.html contents Table Of Contents : contents.html + contributor_experience_team : contributor_experience_team.html data_transforms Dataset transformations : data_transforms.html datasets Dataset loading utilities : datasets.html datasets/loading_other_datasets Loading other datasets : datasets/loading_other_datasets.html @@ -2931,6 +2989,7 @@ std:doc developers/develop Developing scikit-learn estimators : developers/develop.html developers/index Developer’s Guide : developers/index.html developers/maintainer Maintainer / core-developer information : developers/maintainer.html + developers/minimal_reproducer Crafting a minimal reproducer for scikit-learn: developers/minimal_reproducer.html developers/performance How to optimize for speed : developers/performance.html developers/plotting Developing with the Plotting API : developers/plotting.html developers/tips Developers’ Tips and Tricks : developers/tips.html @@ -2943,6 +3002,7 @@ std:doc install Installing scikit-learn : install.html min_dependency_substitutions : min_dependency_substitutions.html min_dependency_table : min_dependency_table.html + model_persistence Model persistence : model_persistence.html model_selection Model selection and evaluation : model_selection.html modules/biclustering Biclustering : modules/biclustering.html modules/calibration Probability calibration : modules/calibration.html @@ -2977,6 +3037,7 @@ std:doc modules/generated/sklearn.cluster.AffinityPropagation sklearn.cluster.AffinityPropagation : modules/generated/sklearn.cluster.AffinityPropagation.html modules/generated/sklearn.cluster.AgglomerativeClustering sklearn.cluster.AgglomerativeClustering : modules/generated/sklearn.cluster.AgglomerativeClustering.html modules/generated/sklearn.cluster.Birch sklearn.cluster.Birch : modules/generated/sklearn.cluster.Birch.html + modules/generated/sklearn.cluster.BisectingKMeans sklearn.cluster.BisectingKMeans : modules/generated/sklearn.cluster.BisectingKMeans.html modules/generated/sklearn.cluster.DBSCAN sklearn.cluster.DBSCAN : modules/generated/sklearn.cluster.DBSCAN.html modules/generated/sklearn.cluster.FeatureAgglomeration sklearn.cluster.FeatureAgglomeration : modules/generated/sklearn.cluster.FeatureAgglomeration.html modules/generated/sklearn.cluster.KMeans sklearn.cluster.KMeans : modules/generated/sklearn.cluster.KMeans.html @@ -3070,6 +3131,7 @@ std:doc modules/generated/sklearn.decomposition.KernelPCA sklearn.decomposition.KernelPCA : modules/generated/sklearn.decomposition.KernelPCA.html modules/generated/sklearn.decomposition.LatentDirichletAllocation sklearn.decomposition.LatentDirichletAllocation: modules/generated/sklearn.decomposition.LatentDirichletAllocation.html modules/generated/sklearn.decomposition.MiniBatchDictionaryLearning sklearn.decomposition.MiniBatchDictionaryLearning: modules/generated/sklearn.decomposition.MiniBatchDictionaryLearning.html + modules/generated/sklearn.decomposition.MiniBatchNMF sklearn.decomposition.MiniBatchNMF : modules/generated/sklearn.decomposition.MiniBatchNMF.html modules/generated/sklearn.decomposition.MiniBatchSparsePCA sklearn.decomposition.MiniBatchSparsePCA: modules/generated/sklearn.decomposition.MiniBatchSparsePCA.html modules/generated/sklearn.decomposition.NMF sklearn.decomposition.NMF : modules/generated/sklearn.decomposition.NMF.html modules/generated/sklearn.decomposition.PCA sklearn.decomposition.PCA : modules/generated/sklearn.decomposition.PCA.html @@ -3162,6 +3224,7 @@ std:doc modules/generated/sklearn.impute.KNNImputer sklearn.impute.KNNImputer : modules/generated/sklearn.impute.KNNImputer.html modules/generated/sklearn.impute.MissingIndicator sklearn.impute.MissingIndicator : modules/generated/sklearn.impute.MissingIndicator.html modules/generated/sklearn.impute.SimpleImputer sklearn.impute.SimpleImputer : modules/generated/sklearn.impute.SimpleImputer.html + modules/generated/sklearn.inspection.DecisionBoundaryDisplay sklearn.inspection.DecisionBoundaryDisplay: modules/generated/sklearn.inspection.DecisionBoundaryDisplay.html modules/generated/sklearn.inspection.PartialDependenceDisplay sklearn.inspection.PartialDependenceDisplay: modules/generated/sklearn.inspection.PartialDependenceDisplay.html modules/generated/sklearn.inspection.partial_dependence sklearn.inspection.partial_dependence : modules/generated/sklearn.inspection.partial_dependence.html modules/generated/sklearn.inspection.permutation_importance sklearn.inspection.permutation_importance: modules/generated/sklearn.inspection.permutation_importance.html @@ -3250,6 +3313,8 @@ std:doc modules/generated/sklearn.metrics.confusion_matrix sklearn.metrics.confusion_matrix : modules/generated/sklearn.metrics.confusion_matrix.html modules/generated/sklearn.metrics.consensus_score sklearn.metrics.consensus_score : modules/generated/sklearn.metrics.consensus_score.html modules/generated/sklearn.metrics.coverage_error sklearn.metrics.coverage_error : modules/generated/sklearn.metrics.coverage_error.html + modules/generated/sklearn.metrics.d2_absolute_error_score sklearn.metrics.d2_absolute_error_score : modules/generated/sklearn.metrics.d2_absolute_error_score.html + modules/generated/sklearn.metrics.d2_pinball_score sklearn.metrics.d2_pinball_score : modules/generated/sklearn.metrics.d2_pinball_score.html modules/generated/sklearn.metrics.d2_tweedie_score sklearn.metrics.d2_tweedie_score : modules/generated/sklearn.metrics.d2_tweedie_score.html modules/generated/sklearn.metrics.davies_bouldin_score sklearn.metrics.davies_bouldin_score : modules/generated/sklearn.metrics.davies_bouldin_score.html modules/generated/sklearn.metrics.dcg_score sklearn.metrics.dcg_score : modules/generated/sklearn.metrics.dcg_score.html @@ -3259,6 +3324,7 @@ std:doc modules/generated/sklearn.metrics.fbeta_score sklearn.metrics.fbeta_score : modules/generated/sklearn.metrics.fbeta_score.html modules/generated/sklearn.metrics.fowlkes_mallows_score sklearn.metrics.fowlkes_mallows_score : modules/generated/sklearn.metrics.fowlkes_mallows_score.html modules/generated/sklearn.metrics.get_scorer sklearn.metrics.get_scorer : modules/generated/sklearn.metrics.get_scorer.html + modules/generated/sklearn.metrics.get_scorer_names sklearn.metrics.get_scorer_names : modules/generated/sklearn.metrics.get_scorer_names.html modules/generated/sklearn.metrics.hamming_loss sklearn.metrics.hamming_loss : modules/generated/sklearn.metrics.hamming_loss.html modules/generated/sklearn.metrics.hinge_loss sklearn.metrics.hinge_loss : modules/generated/sklearn.metrics.hinge_loss.html modules/generated/sklearn.metrics.homogeneity_completeness_v_measure sklearn.metrics.homogeneity_completeness_v_measure: modules/generated/sklearn.metrics.homogeneity_completeness_v_measure.html @@ -3506,7 +3572,6 @@ std:doc modules/metrics Pairwise metrics, Affinities and Kernels: modules/metrics.html modules/mixture Gaussian mixture models : modules/mixture.html modules/model_evaluation Metrics and scoring: quantifying the quality of predictions: modules/model_evaluation.html - modules/model_persistence Model persistence : modules/model_persistence.html modules/multiclass Multiclass and multioutput algorithms : modules/multiclass.html modules/naive_bayes Naive Bayes : modules/naive_bayes.html modules/neighbors Nearest Neighbors : modules/neighbors.html @@ -3531,7 +3596,6 @@ std:doc supervised_learning Supervised learning : supervised_learning.html support Support : support.html testimonials/testimonials Who is using scikit-learn? : testimonials/testimonials.html - triage_team : triage_team.html tune_toc : tune_toc.html tutorial/basic/tutorial An introduction to machine learning with scikit-learn: tutorial/basic/tutorial.html tutorial/index scikit-learn Tutorials : tutorial/index.html @@ -3562,6 +3626,7 @@ std:doc 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.2 : whats_new/v1.0.html + whats_new/v1.1 Version 1.1.1 : whats_new/v1.1.html std:label 20newsgroups_dataset The 20 newsgroups text dataset : datasets/real_world.html#newsgroups-dataset about About us : about.html#about @@ -3579,6 +3644,7 @@ std:label api_overview APIs of scikit-learn objects : developers/develop.html#api-overview api_ref API Reference : modules/classes.html#api-ref arm64_dev_env Building and testing for the ARM64 platform on a x86_64 machine: developers/tips.html#arm64-dev-env + automatic_relevance_determination Automatic Relevance Determination - ARD : modules/linear_model.html#automatic-relevance-determination average From binary to multiclass and multilabel: modules/model_evaluation.html#average b1996 modules/ensemble.html#b1996 b1998 modules/ensemble.html#b1998 @@ -3599,6 +3665,7 @@ std:label biclustering Biclustering : modules/biclustering.html#biclustering biclustering_evaluation Biclustering evaluation : modules/biclustering.html#biclustering-evaluation birch BIRCH : modules/clustering.html#birch + bisect_k_means modules/clustering.html#bisect-k-means boston_dataset Boston house prices dataset : datasets/toy_dataset.html#boston-dataset bre modules/tree.html#bre breast_cancer_dataset Breast cancer wisconsin (diagnostic) dataset: datasets/toy_dataset.html#breast-cancer-dataset @@ -3660,6 +3727,8 @@ std:label 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 + changes_1_1 Version 1.1.0 : whats_new/v1.1.html#changes-1-1 + changes_1_1_1 Version 1.1.1 : whats_new/v1.1.html#changes-1-1-1 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 @@ -3712,7 +3781,7 @@ std:label cv_estimators_tut Cross-validated estimators : tutorial/statistical_inference/model_selection.html#cv-estimators-tut cv_generators_tut Cross-validation generators : tutorial/statistical_inference/model_selection.html#cv-generators-tut d1997 modules/ensemble.html#d1997 - d2_tweedie_score D² score, the coefficient of determination: modules/model_evaluation.html#d2-tweedie-score + d2_score D² score : modules/model_evaluation.html#d2-score data-transforms Dataset transformations : data_transforms.html#data-transforms data_leakage Data leakage : common_pitfalls.html#data-leakage data_reduction Unsupervised dimensionality reduction : modules/unsupervised_reduction.html#data-reduction @@ -3755,7 +3824,6 @@ std:label expectation_maximization Estimation algorithm Expectation-maximization: modules/mixture.html#expectation-maximization explained_variance_score Explained variance score : modules/model_evaluation.html#explained-variance-score external_datasets Loading from external datasets : datasets/loading_other_datasets.html#external-datasets - f1999 modules/ensemble.html#f1999 f2001 modules/model_evaluation.html#f2001 f2006 modules/model_evaluation.html#f2006 fa Factor Analysis : modules/decomposition.html#fa @@ -3776,8 +3844,11 @@ std:label flach2015 modules/model_evaluation.html#flach2015 forest Forests of randomized trees : modules/ensemble.html#forest fowlkes_mallows_scores Fowlkes-Mallows scores : modules/clustering.html#fowlkes-mallows-scores + friedman2001 modules/ensemble.html#friedman2001 + friedman2002 modules/ensemble.html#friedman2002 fs1995 modules/ensemble.html#fs1995 function_transformer Custom transformers : modules/preprocessing.html#function-transformer + g2015 modules/partial_dependence.html#g2015 gaussian_naive_bayes Gaussian Naive Bayes : modules/naive_bayes.html#gaussian-naive-bayes gaussian_process Gaussian Processes : modules/gaussian_process.html#gaussian-process gaussian_process_examples Gaussian Process for Machine Learning : auto_examples/index.html#gaussian-process-examples @@ -3789,7 +3860,7 @@ std:label generating_polynomial_features Generating polynomial features : modules/preprocessing.html#generating-polynomial-features genindex Index : genindex.html git_repo developers/advanced_installation.html#git-repo - gitter support.html#gitter + gitter Gitter : support.html#gitter glossary Glossary of Common Terms and API Elements: glossary.html#glossary glossary_attributes Attributes : glossary.html#glossary-attributes glossary_estimator_types Class APIs and Estimator Types : glossary.html#glossary-estimator-types @@ -3798,6 +3869,7 @@ std:label glossary_sample_props Data and sample properties : glossary.html#glossary-sample-props glossary_target_types Target Types : glossary.html#glossary-target-types gmm Gaussian mixture models : modules/mixture.html#gmm + good_practices Good practices : developers/minimal_reproducer.html#good-practices governance Scikit-learn governance and decision-making: governance.html#governance gp_kernels Kernels for Gaussian Processes : modules/gaussian_process.html#gp-kernels gpc Gaussian Process Classification (GPC) : modules/gaussian_process.html#gpc @@ -3815,6 +3887,7 @@ std:label group_shuffle_split Group Shuffle Split : modules/cross_validation.html#group-shuffle-split guyon2015 modules/model_evaluation.html#guyon2015 h1998 modules/ensemble.html#h1998 + h2009 modules/partial_dependence.html#h2009 hamming_loss Hamming loss : modules/model_evaluation.html#hamming-loss hashing_vectorizer Vectorizing a large text corpus with the hashing trick: modules/feature_extraction.html#hashing-vectorizer hierarchical_clustering Hierarchical clustering : modules/clustering.html#hierarchical-clustering @@ -3902,12 +3975,14 @@ std:label linnerrud_dataset Linnerrud dataset : datasets/toy_dataset.html#linnerrud-dataset loading_example_dataset Loading an example dataset : tutorial/basic/tutorial.html#loading-example-dataset loading_other_datasets Loading other datasets : datasets/loading_other_datasets.html#loading-other-datasets + local_outlier_factor Local Outlier Factor : modules/outlier_detection.html#local-outlier-factor locally_linear_embedding Locally Linear Embedding : modules/manifold.html#locally-linear-embedding log_loss Log loss : modules/model_evaluation.html#log-loss logistic_regression Logistic regression : modules/linear_model.html#logistic-regression ls2010 modules/kernel_approximation.html#ls2010 lsa Truncated singular value decomposition and latent semantic analysis: modules/decomposition.html#lsa m2012 modules/kernel_ridge.html#m2012 + m2019 modules/partial_dependence.html#m2019 mailing_lists Mailing List : support.html#mailing-lists make_column_transformer modules/compose.html#make-column-transformer making_a_release Making a release : developers/maintainer.html#making-a-release @@ -3930,7 +4005,9 @@ std:label metrics_ref sklearn.metrics: Metrics : modules/classes.html#metrics-ref mini_batch_kmeans Mini Batch K-Means : modules/clustering.html#mini-batch-kmeans minibatchdictionarylearning Mini-batch dictionary learning : modules/decomposition.html#minibatchdictionarylearning + minibatchnmf Mini-batch Non Negative Matrix Factorization: modules/decomposition.html#minibatchnmf minimal_cost_complexity_pruning Minimal Cost-Complexity Pruning : modules/tree.html#minimal-cost-complexity-pruning + minimal_reproducer Crafting a minimal reproducer for scikit-learn: developers/minimal_reproducer.html#minimal-reproducer miscellaneous_examples Miscellaneous : auto_examples/index.html#miscellaneous-examples missing_indicator Marking imputed values : modules/impute.html#missing-indicator mixture Gaussian mixture models : modules/mixture.html#mixture @@ -3939,7 +4016,7 @@ std:label ml_map tutorial/machine_learning_map/index.html#ml-map mlp_tips Tips on Practical Use : modules/neural_networks_supervised.html#mlp-tips model_evaluation Metrics and scoring: quantifying the quality of predictions: modules/model_evaluation.html#model-evaluation - model_persistence Model persistence : modules/model_persistence.html#model-persistence + model_persistence Model persistence : model_persistence.html#model-persistence model_selection Model selection and evaluation : model_selection.html#model-selection model_selection_changes Model Selection Enhancements and API Changes: whats_new/v0.18.html#model-selection-changes model_selection_examples Model Selection : auto_examples/index.html#model-selection-examples @@ -3998,6 +4075,7 @@ std:label ol2001 modules/impute.html#ol2001 olivetti_faces_dataset The Olivetti faces dataset : datasets/real_world.html#olivetti-faces-dataset omp Orthogonal Matching Pursuit (OMP) : modules/linear_model.html#omp + one_hot_encoder_infrequent_categories Infrequent categories : modules/preprocessing.html#one-hot-encoder-infrequent-categories openml Downloading datasets from the openml.org repository: datasets/loading_other_datasets.html#openml openml_versions Dataset Versions : datasets/loading_other_datasets.html#openml-versions optics OPTICS : modules/clustering.html#optics @@ -4018,7 +4096,7 @@ std:label performance-howto How to optimize for speed : developers/performance.html#performance-howto permutation_importance Permutation feature importance : modules/permutation_importance.html#permutation-importance permutation_test_score Permutation test score : modules/cross_validation.html#permutation-test-score - persistence_limitations Security & maintainability limitations : modules/model_persistence.html#persistence-limitations + persistence_limitations Security & maintainability limitations : model_persistence.html#persistence-limitations pinball_loss Pinball loss : modules/model_evaluation.html#pinball-loss pipeline Pipeline: chaining estimators : modules/compose.html#pipeline pipeline_cache Caching transformers: avoid repeated computation: modules/compose.html#pipeline-cache @@ -4102,6 +4180,8 @@ std:label 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 + r409e25584b3c-1 modules/generated/sklearn.decomposition.non_negative_factorization.html#r409e25584b3c-1 + r409e25584b3c-2 modules/generated/sklearn.decomposition.non_negative_factorization.html#r409e25584b3c-2 r412b256ad77e-1 modules/generated/sklearn.metrics.homogeneity_score.html#r412b256ad77e-1 r44c805292efc-1 modules/generated/sklearn.decomposition.FastICA.html#r44c805292efc-1 r45f14345c000-1 modules/generated/sklearn.ensemble.RandomForestClassifier.html#r45f14345c000-1 @@ -4111,6 +4191,7 @@ std:label r495acb08bb55-2 modules/generated/sklearn.svm.NuSVR.html#r495acb08bb55-2 r4ae6a8049c28-1 modules/generated/sklearn.svm.SVR.html#r4ae6a8049c28-1 r4ae6a8049c28-2 modules/generated/sklearn.svm.SVR.html#r4ae6a8049c28-2 + r4b970a69bdc7-1 modules/generated/sklearn.metrics.d2_absolute_error_score.html#r4b970a69bdc7-1 r4bb7c4558997-1 modules/generated/sklearn.metrics.roc_auc_score.html#r4bb7c4558997-1 r4bb7c4558997-2 modules/generated/sklearn.metrics.roc_auc_score.html#r4bb7c4558997-2 r4bb7c4558997-3 modules/generated/sklearn.metrics.roc_auc_score.html#r4bb7c4558997-3 @@ -4135,10 +4216,13 @@ std:label r57cf438d7060-4 modules/generated/sklearn.calibration.CalibratedClassifierCV.html#r57cf438d7060-4 r57df20f82832-1 modules/generated/sklearn.metrics.fowlkes_mallows_score.html#r57df20f82832-1 r57df20f82832-2 modules/generated/sklearn.metrics.fowlkes_mallows_score.html#r57df20f82832-2 + r5831441d8a57-1 modules/generated/sklearn.manifold.trustworthiness.html#r5831441d8a57-1 + r5831441d8a57-2 modules/generated/sklearn.manifold.trustworthiness.html#r5831441d8a57-2 r5f6cbeb1558e-1 modules/generated/sklearn.cluster.SpectralClustering.html#r5f6cbeb1558e-1 r5f6cbeb1558e-2 modules/generated/sklearn.cluster.SpectralClustering.html#r5f6cbeb1558e-2 r5f6cbeb1558e-3 modules/generated/sklearn.cluster.SpectralClustering.html#r5f6cbeb1558e-3 r5f6cbeb1558e-4 modules/generated/sklearn.cluster.SpectralClustering.html#r5f6cbeb1558e-4 + r5f6cbeb1558e-5 modules/generated/sklearn.cluster.SpectralClustering.html#r5f6cbeb1558e-5 r606df7ffad02-1 modules/generated/sklearn.ensemble.StackingRegressor.html#r606df7ffad02-1 r61802d06a170-1 modules/generated/sklearn.cluster.compute_optics_graph.html#r61802d06a170-1 r623484488881-1 modules/generated/sklearn.metrics.precision_recall_fscore_support.html#r623484488881-1 @@ -4149,12 +4233,17 @@ std:label r62e36dd1b056-2 modules/generated/sklearn.manifold.LocallyLinearEmbedding.html#r62e36dd1b056-2 r62e36dd1b056-3 modules/generated/sklearn.manifold.LocallyLinearEmbedding.html#r62e36dd1b056-3 r62e36dd1b056-4 modules/generated/sklearn.manifold.LocallyLinearEmbedding.html#r62e36dd1b056-4 + r67b3ab572c7d-1 modules/generated/sklearn.decomposition.NMF.html#r67b3ab572c7d-1 + r67b3ab572c7d-2 modules/generated/sklearn.decomposition.NMF.html#r67b3ab572c7d-2 r68ae096da0e4-1 modules/generated/sklearn.covariance.EllipticEnvelope.html#r68ae096da0e4-1 r6e47e53bacbd-1 modules/generated/sklearn.ensemble.RandomTreesEmbedding.html#r6e47e53bacbd-1 r6e47e53bacbd-2 modules/generated/sklearn.ensemble.RandomTreesEmbedding.html#r6e47e53bacbd-2 r6e5c12522f2c-1 modules/generated/sklearn.metrics.f1_score.html#r6e5c12522f2c-1 r6f4d61ceb411-1 modules/generated/sklearn.feature_selection.RFECV.html#r6f4d61ceb411-1 r71e05e3f0cb4-1 modules/generated/sklearn.datasets.make_gaussian_quantiles.html#r71e05e3f0cb4-1 + r71fa4a5f61b6-1 modules/generated/sklearn.decomposition.MiniBatchNMF.html#r71fa4a5f61b6-1 + r71fa4a5f61b6-2 modules/generated/sklearn.decomposition.MiniBatchNMF.html#r71fa4a5f61b6-2 + r71fa4a5f61b6-3 modules/generated/sklearn.decomposition.MiniBatchNMF.html#r71fa4a5f61b6-3 r7380c1e4fbce-1 modules/generated/sklearn.metrics.fbeta_score.html#r7380c1e4fbce-1 r7380c1e4fbce-2 modules/generated/sklearn.metrics.fbeta_score.html#r7380c1e4fbce-2 r7405e2fbae10-1 modules/generated/sklearn.metrics.silhouette_score.html#r7405e2fbae10-1 @@ -4172,10 +4261,15 @@ std:label r89dec4780971-2 modules/generated/sklearn.cluster.spectral_clustering.html#r89dec4780971-2 r89dec4780971-3 modules/generated/sklearn.cluster.spectral_clustering.html#r89dec4780971-3 r89dec4780971-4 modules/generated/sklearn.cluster.spectral_clustering.html#r89dec4780971-4 + r89dec4780971-5 modules/generated/sklearn.cluster.spectral_clustering.html#r89dec4780971-5 + r89dec4780971-6 modules/generated/sklearn.cluster.spectral_clustering.html#r89dec4780971-6 + r89dec4780971-7 modules/generated/sklearn.cluster.spectral_clustering.html#r89dec4780971-7 r9465bad4668c-rvdriessen modules/generated/sklearn.covariance.MinCovDet.html#r9465bad4668c-rvdriessen r95f74c4622c1-1 modules/generated/sklearn.gaussian_process.kernels.DotProduct.html#r95f74c4622c1-1 r9709ce4a60d3-1 modules/generated/sklearn.svm.NuSVC.html#r9709ce4a60d3-1 r9709ce4a60d3-2 modules/generated/sklearn.svm.NuSVC.html#r9709ce4a60d3-2 + r9e856ff29ebd-1 modules/generated/sklearn.metrics.d2_pinball_score.html#r9e856ff29ebd-1 + r9e856ff29ebd-2 modules/generated/sklearn.metrics.d2_pinball_score.html#r9e856ff29ebd-2 r9f63e655f7bd-butlerdavies modules/generated/sklearn.covariance.MinCovDet.html#r9f63e655f7bd-butlerdavies r9f63e655f7bd-rouseeuw1984 modules/generated/sklearn.covariance.MinCovDet.html#r9f63e655f7bd-rouseeuw1984 r9f63e655f7bd-rousseeuw modules/generated/sklearn.covariance.MinCovDet.html#r9f63e655f7bd-rousseeuw @@ -4194,6 +4288,7 @@ std:label random_forest_feature_importance Feature importance evaluation : modules/ensemble.html#random-forest-feature-importance random_forest_parameters Parameters : modules/ensemble.html#random-forest-parameters random_projection Random Projection : modules/random_projection.html#random-projection + random_projection_inverse_transform Inverse Transform : modules/random_projection.html#random-projection-inverse-transform random_projection_ref sklearn.random_projection: Random projection: modules/classes.html#random-projection-ref random_trees_embedding Totally Random Trees Embedding : modules/ensemble.html#random-trees-embedding randomized_parameter_search Randomized Parameter Optimization : modules/grid_search.html#randomized-parameter-search @@ -4331,6 +4426,7 @@ std:label sparsity Sparsity : tutorial/statistical_inference/supervised_learning.html#sparsity spectral_biclustering Spectral Biclustering : modules/biclustering.html#spectral-biclustering spectral_clustering Spectral clustering : modules/clustering.html#spectral-clustering + spectral_clustering_graph Spectral Clustering Graphs : modules/clustering.html#spectral-clustering-graph spectral_coclustering Spectral Co-Clustering : modules/biclustering.html#spectral-coclustering spectral_embedding Spectral Embedding : modules/manifold.html#spectral-embedding sphx_glr_auto_examples Examples : auto_examples/index.html#sphx-glr-auto-examples @@ -4374,6 +4470,7 @@ std:label sphx_glr_auto_examples_cluster_plot_agglomerative_clustering_metrics.py Agglomerative clustering with different metrics: auto_examples/cluster/plot_agglomerative_clustering_metrics.html#sphx-glr-auto-examples-cluster-plot-agglomerative-clustering-metrics-py sphx_glr_auto_examples_cluster_plot_agglomerative_dendrogram.py Plot Hierarchical Clustering Dendrogram : auto_examples/cluster/plot_agglomerative_dendrogram.html#sphx-glr-auto-examples-cluster-plot-agglomerative-dendrogram-py sphx_glr_auto_examples_cluster_plot_birch_vs_minibatchkmeans.py Compare BIRCH and MiniBatchKMeans : auto_examples/cluster/plot_birch_vs_minibatchkmeans.html#sphx-glr-auto-examples-cluster-plot-birch-vs-minibatchkmeans-py + sphx_glr_auto_examples_cluster_plot_bisect_kmeans.py Bisecting K-Means and Regular K-Means Performance Comparison: auto_examples/cluster/plot_bisect_kmeans.html#sphx-glr-auto-examples-cluster-plot-bisect-kmeans-py sphx_glr_auto_examples_cluster_plot_cluster_comparison.py Comparing different clustering algorithms on toy datasets: auto_examples/cluster/plot_cluster_comparison.html#sphx-glr-auto-examples-cluster-plot-cluster-comparison-py sphx_glr_auto_examples_cluster_plot_cluster_iris.py K-means Clustering : auto_examples/cluster/plot_cluster_iris.html#sphx-glr-auto-examples-cluster-plot-cluster-iris-py sphx_glr_auto_examples_cluster_plot_coin_segmentation.py Segmenting the picture of greek coins in regions: auto_examples/cluster/plot_coin_segmentation.html#sphx-glr-auto-examples-cluster-plot-coin-segmentation-py @@ -4504,8 +4601,7 @@ std:label sphx_glr_auto_examples_kernel_approximation_plot_scalable_poly_kernels.py Scalable learning with polynomial kernel approximation: auto_examples/kernel_approximation/plot_scalable_poly_kernels.html#sphx-glr-auto-examples-kernel-approximation-plot-scalable-poly-kernels-py sphx_glr_auto_examples_kernel_approximation_sg_execution_times Computation times : auto_examples/kernel_approximation/sg_execution_times.html#sphx-glr-auto-examples-kernel-approximation-sg-execution-times sphx_glr_auto_examples_linear_model Generalized Linear Models : auto_examples/index.html#sphx-glr-auto-examples-linear-model - sphx_glr_auto_examples_linear_model_plot_ard.py Automatic Relevance Determination Regression (ARD): auto_examples/linear_model/plot_ard.html#sphx-glr-auto-examples-linear-model-plot-ard-py - sphx_glr_auto_examples_linear_model_plot_bayesian_ridge.py Bayesian Ridge Regression : auto_examples/linear_model/plot_bayesian_ridge.html#sphx-glr-auto-examples-linear-model-plot-bayesian-ridge-py + sphx_glr_auto_examples_linear_model_plot_ard.py Comparing Linear Bayesian Regressors : auto_examples/linear_model/plot_ard.html#sphx-glr-auto-examples-linear-model-plot-ard-py sphx_glr_auto_examples_linear_model_plot_bayesian_ridge_curvefit.py Curve Fitting with Bayesian Ridge Regression: auto_examples/linear_model/plot_bayesian_ridge_curvefit.html#sphx-glr-auto-examples-linear-model-plot-bayesian-ridge-curvefit-py sphx_glr_auto_examples_linear_model_plot_elastic_net_precomputed_gram_matrix_with_weighted_samples.py Fitting an Elastic Net with a precomputed Gram Matrix and Weighted Samples: auto_examples/linear_model/plot_elastic_net_precomputed_gram_matrix_with_weighted_samples.html#sphx-glr-auto-examples-linear-model-plot-elastic-net-precomputed-gram-matrix-with-weighted-samples-py sphx_glr_auto_examples_linear_model_plot_huber_vs_ridge.py HuberRegressor vs Ridge on dataset with strong outliers: auto_examples/linear_model/plot_huber_vs_ridge.html#sphx-glr-auto-examples-linear-model-plot-huber-vs-ridge-py @@ -4551,7 +4647,7 @@ std:label sphx_glr_auto_examples_manifold_plot_lle_digits.py Manifold learning on handwritten digits: Locally Linear Embedding, Isomap…: auto_examples/manifold/plot_lle_digits.html#sphx-glr-auto-examples-manifold-plot-lle-digits-py sphx_glr_auto_examples_manifold_plot_manifold_sphere.py Manifold Learning methods on a severed sphere: auto_examples/manifold/plot_manifold_sphere.html#sphx-glr-auto-examples-manifold-plot-manifold-sphere-py sphx_glr_auto_examples_manifold_plot_mds.py Multi-dimensional scaling : auto_examples/manifold/plot_mds.html#sphx-glr-auto-examples-manifold-plot-mds-py - sphx_glr_auto_examples_manifold_plot_swissroll.py Swiss Roll reduction with LLE : auto_examples/manifold/plot_swissroll.html#sphx-glr-auto-examples-manifold-plot-swissroll-py + sphx_glr_auto_examples_manifold_plot_swissroll.py Swiss Roll And Swiss-Hole Reduction : auto_examples/manifold/plot_swissroll.html#sphx-glr-auto-examples-manifold-plot-swissroll-py sphx_glr_auto_examples_manifold_plot_t_sne_perplexity.py t-SNE: The effect of various perplexity values on the shape: auto_examples/manifold/plot_t_sne_perplexity.html#sphx-glr-auto-examples-manifold-plot-t-sne-perplexity-py sphx_glr_auto_examples_manifold_sg_execution_times Computation times : auto_examples/manifold/sg_execution_times.html#sphx-glr-auto-examples-manifold-sg-execution-times sphx_glr_auto_examples_miscellaneous Miscellaneous : auto_examples/index.html#sphx-glr-auto-examples-miscellaneous @@ -4564,6 +4660,7 @@ std:label sphx_glr_auto_examples_miscellaneous_plot_kernel_ridge_regression.py Comparison of kernel ridge regression and SVR: auto_examples/miscellaneous/plot_kernel_ridge_regression.html#sphx-glr-auto-examples-miscellaneous-plot-kernel-ridge-regression-py sphx_glr_auto_examples_miscellaneous_plot_multilabel.py Multilabel classification : auto_examples/miscellaneous/plot_multilabel.html#sphx-glr-auto-examples-miscellaneous-plot-multilabel-py sphx_glr_auto_examples_miscellaneous_plot_multioutput_face_completion.py Face completion with a multi-output estimators: auto_examples/miscellaneous/plot_multioutput_face_completion.html#sphx-glr-auto-examples-miscellaneous-plot-multioutput-face-completion-py + sphx_glr_auto_examples_miscellaneous_plot_outlier_detection_bench.py Evaluation of outlier detection estimators: auto_examples/miscellaneous/plot_outlier_detection_bench.html#sphx-glr-auto-examples-miscellaneous-plot-outlier-detection-bench-py sphx_glr_auto_examples_miscellaneous_plot_partial_dependence_visualization_api.py Advanced Plotting With Partial Dependence: auto_examples/miscellaneous/plot_partial_dependence_visualization_api.html#sphx-glr-auto-examples-miscellaneous-plot-partial-dependence-visualization-api-py sphx_glr_auto_examples_miscellaneous_plot_pipeline_display.py Displaying Pipelines : auto_examples/miscellaneous/plot_pipeline_display.html#sphx-glr-auto-examples-miscellaneous-plot-pipeline-display-py sphx_glr_auto_examples_miscellaneous_plot_roc_curve_visualization_api.py ROC Curve with Visualization API : auto_examples/miscellaneous/plot_roc_curve_visualization_api.html#sphx-glr-auto-examples-miscellaneous-plot-roc-curve-visualization-api-py @@ -4572,6 +4669,7 @@ std:label sphx_glr_auto_examples_mixture_plot_concentration_prior.py Concentration Prior Type Analysis of Variation Bayesian Gaussian Mixture: auto_examples/mixture/plot_concentration_prior.html#sphx-glr-auto-examples-mixture-plot-concentration-prior-py sphx_glr_auto_examples_mixture_plot_gmm.py Gaussian Mixture Model Ellipsoids : auto_examples/mixture/plot_gmm.html#sphx-glr-auto-examples-mixture-plot-gmm-py sphx_glr_auto_examples_mixture_plot_gmm_covariances.py GMM covariances : auto_examples/mixture/plot_gmm_covariances.html#sphx-glr-auto-examples-mixture-plot-gmm-covariances-py + sphx_glr_auto_examples_mixture_plot_gmm_init.py GMM Initialization Methods : auto_examples/mixture/plot_gmm_init.html#sphx-glr-auto-examples-mixture-plot-gmm-init-py sphx_glr_auto_examples_mixture_plot_gmm_pdf.py Density Estimation for a Gaussian mixture: auto_examples/mixture/plot_gmm_pdf.html#sphx-glr-auto-examples-mixture-plot-gmm-pdf-py sphx_glr_auto_examples_mixture_plot_gmm_selection.py Gaussian Mixture Model Selection : auto_examples/mixture/plot_gmm_selection.html#sphx-glr-auto-examples-mixture-plot-gmm-selection-py sphx_glr_auto_examples_mixture_plot_gmm_sin.py Gaussian Mixture Model Sine Curve : auto_examples/mixture/plot_gmm_sin.html#sphx-glr-auto-examples-mixture-plot-gmm-sin-py @@ -4636,6 +4734,7 @@ std:label sphx_glr_auto_examples_release_highlights_plot_release_highlights_0_23_0.py Release Highlights for scikit-learn 0.23: auto_examples/release_highlights/plot_release_highlights_0_23_0.html#sphx-glr-auto-examples-release-highlights-plot-release-highlights-0-23-0-py sphx_glr_auto_examples_release_highlights_plot_release_highlights_0_24_0.py Release Highlights for scikit-learn 0.24: auto_examples/release_highlights/plot_release_highlights_0_24_0.html#sphx-glr-auto-examples-release-highlights-plot-release-highlights-0-24-0-py sphx_glr_auto_examples_release_highlights_plot_release_highlights_1_0_0.py Release Highlights for scikit-learn 1.0 : auto_examples/release_highlights/plot_release_highlights_1_0_0.html#sphx-glr-auto-examples-release-highlights-plot-release-highlights-1-0-0-py + sphx_glr_auto_examples_release_highlights_plot_release_highlights_1_1_0.py Release Highlights for scikit-learn 1.1 : auto_examples/release_highlights/plot_release_highlights_1_1_0.html#sphx-glr-auto-examples-release-highlights-plot-release-highlights-1-1-0-py sphx_glr_auto_examples_release_highlights_sg_execution_times Computation times : auto_examples/release_highlights/sg_execution_times.html#sphx-glr-auto-examples-release-highlights-sg-execution-times sphx_glr_auto_examples_semi_supervised Semi Supervised Classification : auto_examples/index.html#sphx-glr-auto-examples-semi-supervised sphx_glr_auto_examples_semi_supervised_plot_label_propagation_digits.py Label Propagation digits: Demonstrating performance: auto_examples/semi_supervised/plot_label_propagation_digits.html#sphx-glr-auto-examples-semi-supervised-plot-label-propagation-digits-py @@ -4705,6 +4804,7 @@ std:label sphx_glr_download_auto_examples_cluster_plot_agglomerative_clustering_metrics.py auto_examples/cluster/plot_agglomerative_clustering_metrics.html#sphx-glr-download-auto-examples-cluster-plot-agglomerative-clustering-metrics-py sphx_glr_download_auto_examples_cluster_plot_agglomerative_dendrogram.py auto_examples/cluster/plot_agglomerative_dendrogram.html#sphx-glr-download-auto-examples-cluster-plot-agglomerative-dendrogram-py sphx_glr_download_auto_examples_cluster_plot_birch_vs_minibatchkmeans.py auto_examples/cluster/plot_birch_vs_minibatchkmeans.html#sphx-glr-download-auto-examples-cluster-plot-birch-vs-minibatchkmeans-py + sphx_glr_download_auto_examples_cluster_plot_bisect_kmeans.py auto_examples/cluster/plot_bisect_kmeans.html#sphx-glr-download-auto-examples-cluster-plot-bisect-kmeans-py sphx_glr_download_auto_examples_cluster_plot_cluster_comparison.py auto_examples/cluster/plot_cluster_comparison.html#sphx-glr-download-auto-examples-cluster-plot-cluster-comparison-py sphx_glr_download_auto_examples_cluster_plot_cluster_iris.py auto_examples/cluster/plot_cluster_iris.html#sphx-glr-download-auto-examples-cluster-plot-cluster-iris-py sphx_glr_download_auto_examples_cluster_plot_coin_segmentation.py auto_examples/cluster/plot_coin_segmentation.html#sphx-glr-download-auto-examples-cluster-plot-coin-segmentation-py @@ -4810,7 +4910,6 @@ std:label sphx_glr_download_auto_examples_inspection_plot_permutation_importance_multicollinear.py auto_examples/inspection/plot_permutation_importance_multicollinear.html#sphx-glr-download-auto-examples-inspection-plot-permutation-importance-multicollinear-py sphx_glr_download_auto_examples_kernel_approximation_plot_scalable_poly_kernels.py auto_examples/kernel_approximation/plot_scalable_poly_kernels.html#sphx-glr-download-auto-examples-kernel-approximation-plot-scalable-poly-kernels-py sphx_glr_download_auto_examples_linear_model_plot_ard.py auto_examples/linear_model/plot_ard.html#sphx-glr-download-auto-examples-linear-model-plot-ard-py - sphx_glr_download_auto_examples_linear_model_plot_bayesian_ridge.py auto_examples/linear_model/plot_bayesian_ridge.html#sphx-glr-download-auto-examples-linear-model-plot-bayesian-ridge-py sphx_glr_download_auto_examples_linear_model_plot_bayesian_ridge_curvefit.py auto_examples/linear_model/plot_bayesian_ridge_curvefit.html#sphx-glr-download-auto-examples-linear-model-plot-bayesian-ridge-curvefit-py sphx_glr_download_auto_examples_linear_model_plot_elastic_net_precomputed_gram_matrix_with_weighted_samples.py auto_examples/linear_model/plot_elastic_net_precomputed_gram_matrix_with_weighted_samples.html#sphx-glr-download-auto-examples-linear-model-plot-elastic-net-precomputed-gram-matrix-with-weighted-samples-py sphx_glr_download_auto_examples_linear_model_plot_huber_vs_ridge.py auto_examples/linear_model/plot_huber_vs_ridge.html#sphx-glr-download-auto-examples-linear-model-plot-huber-vs-ridge-py @@ -4865,12 +4964,14 @@ std:label sphx_glr_download_auto_examples_miscellaneous_plot_kernel_ridge_regression.py auto_examples/miscellaneous/plot_kernel_ridge_regression.html#sphx-glr-download-auto-examples-miscellaneous-plot-kernel-ridge-regression-py sphx_glr_download_auto_examples_miscellaneous_plot_multilabel.py auto_examples/miscellaneous/plot_multilabel.html#sphx-glr-download-auto-examples-miscellaneous-plot-multilabel-py sphx_glr_download_auto_examples_miscellaneous_plot_multioutput_face_completion.py auto_examples/miscellaneous/plot_multioutput_face_completion.html#sphx-glr-download-auto-examples-miscellaneous-plot-multioutput-face-completion-py + sphx_glr_download_auto_examples_miscellaneous_plot_outlier_detection_bench.py auto_examples/miscellaneous/plot_outlier_detection_bench.html#sphx-glr-download-auto-examples-miscellaneous-plot-outlier-detection-bench-py sphx_glr_download_auto_examples_miscellaneous_plot_partial_dependence_visualization_api.py auto_examples/miscellaneous/plot_partial_dependence_visualization_api.html#sphx-glr-download-auto-examples-miscellaneous-plot-partial-dependence-visualization-api-py sphx_glr_download_auto_examples_miscellaneous_plot_pipeline_display.py auto_examples/miscellaneous/plot_pipeline_display.html#sphx-glr-download-auto-examples-miscellaneous-plot-pipeline-display-py sphx_glr_download_auto_examples_miscellaneous_plot_roc_curve_visualization_api.py auto_examples/miscellaneous/plot_roc_curve_visualization_api.html#sphx-glr-download-auto-examples-miscellaneous-plot-roc-curve-visualization-api-py sphx_glr_download_auto_examples_mixture_plot_concentration_prior.py auto_examples/mixture/plot_concentration_prior.html#sphx-glr-download-auto-examples-mixture-plot-concentration-prior-py sphx_glr_download_auto_examples_mixture_plot_gmm.py auto_examples/mixture/plot_gmm.html#sphx-glr-download-auto-examples-mixture-plot-gmm-py sphx_glr_download_auto_examples_mixture_plot_gmm_covariances.py auto_examples/mixture/plot_gmm_covariances.html#sphx-glr-download-auto-examples-mixture-plot-gmm-covariances-py + sphx_glr_download_auto_examples_mixture_plot_gmm_init.py auto_examples/mixture/plot_gmm_init.html#sphx-glr-download-auto-examples-mixture-plot-gmm-init-py sphx_glr_download_auto_examples_mixture_plot_gmm_pdf.py auto_examples/mixture/plot_gmm_pdf.html#sphx-glr-download-auto-examples-mixture-plot-gmm-pdf-py sphx_glr_download_auto_examples_mixture_plot_gmm_selection.py auto_examples/mixture/plot_gmm_selection.html#sphx-glr-download-auto-examples-mixture-plot-gmm-selection-py sphx_glr_download_auto_examples_mixture_plot_gmm_sin.py auto_examples/mixture/plot_gmm_sin.html#sphx-glr-download-auto-examples-mixture-plot-gmm-sin-py @@ -4923,6 +5024,7 @@ std:label sphx_glr_download_auto_examples_release_highlights_plot_release_highlights_0_23_0.py auto_examples/release_highlights/plot_release_highlights_0_23_0.html#sphx-glr-download-auto-examples-release-highlights-plot-release-highlights-0-23-0-py sphx_glr_download_auto_examples_release_highlights_plot_release_highlights_0_24_0.py auto_examples/release_highlights/plot_release_highlights_0_24_0.html#sphx-glr-download-auto-examples-release-highlights-plot-release-highlights-0-24-0-py sphx_glr_download_auto_examples_release_highlights_plot_release_highlights_1_0_0.py auto_examples/release_highlights/plot_release_highlights_1_0_0.html#sphx-glr-download-auto-examples-release-highlights-plot-release-highlights-1-0-0-py + sphx_glr_download_auto_examples_release_highlights_plot_release_highlights_1_1_0.py auto_examples/release_highlights/plot_release_highlights_1_1_0.html#sphx-glr-download-auto-examples-release-highlights-plot-release-highlights-1-1-0-py sphx_glr_download_auto_examples_semi_supervised_plot_label_propagation_digits.py auto_examples/semi_supervised/plot_label_propagation_digits.html#sphx-glr-download-auto-examples-semi-supervised-plot-label-propagation-digits-py sphx_glr_download_auto_examples_semi_supervised_plot_label_propagation_digits_active_learning.py auto_examples/semi_supervised/plot_label_propagation_digits_active_learning.html#sphx-glr-download-auto-examples-semi-supervised-plot-label-propagation-digits-active-learning-py sphx_glr_download_auto_examples_semi_supervised_plot_label_propagation_structure.py auto_examples/semi_supervised/plot_label_propagation_structure.html#sphx-glr-download-auto-examples-semi-supervised-plot-label-propagation-structure-py @@ -4962,7 +5064,7 @@ std:label stratified_group_k_fold StratifiedGroupKFold : modules/cross_validation.html#stratified-group-k-fold stratified_k_fold Stratified k-fold : modules/cross_validation.html#stratified-k-fold stratified_shuffle_split Stratified Shuffle Split : modules/cross_validation.html#stratified-shuffle-split - successive_halving_cv_results Analysing results with the cv_results_ attribute: modules/grid_search.html#successive-halving-cv-results + successive_halving_cv_results Analyzing results with the cv_results_ attribute: modules/grid_search.html#successive-halving-cv-results successive_halving_user_guide Searching for optimal parameters with successive halving: modules/grid_search.html#successive-halving-user-guide supervised-learning Supervised learning : supervised_learning.html#supervised-learning supervised_learning_tut Supervised learning: predicting an output variable from high-dimensional observations: tutorial/statistical_inference/supervised_learning.html#supervised-learning-tut @@ -4977,6 +5079,7 @@ std:label svm_ref sklearn.svm: Support Vector Machines : modules/classes.html#svm-ref svm_regression Regression : modules/svm.html#svm-regression sw_hgbdt Sample weight support : modules/ensemble.html#sw-hgbdt + synth_data Synthetic dataset : developers/minimal_reproducer.html#synth-data t_sne t-distributed Stochastic Neighbor Embedding (t-SNE): modules/manifold.html#t-sne tensor_sketch_kernel_approx Mathematical Details : modules/kernel_approximation.html#tensor-sketch-kernel-approx testimonials Who is using scikit-learn? : testimonials/testimonials.html#testimonials @@ -5049,7 +5152,6 @@ std:term Xt glossary.html#term-Xt Y glossary.html#term-Y _estimator_type glossary.html#term-_estimator_type - _pairwise glossary.html#term-_pairwise array-like glossary.html#term-array-like attribute glossary.html#term-attribute attributes glossary.html#term-attributes diff --git a/doc/_notebooks/atari/apex_dqn.ipynb b/doc/_notebooks/atari/apex_dqn.ipynb index 701eeeb..b414be7 100644 --- a/doc/_notebooks/atari/apex_dqn.ipynb +++ b/doc/_notebooks/atari/apex_dqn.ipynb @@ -6,7 +6,7 @@ "metadata": {}, "outputs": [], "source": [ - "%pip install git+https://github.com/coax-dev/coax.git@main" + "%pip install git+https://github.com/coax-dev/coax.git@main --quiet" ] }, { diff --git a/doc/_notebooks/atari/ddpg.ipynb b/doc/_notebooks/atari/ddpg.ipynb index 3f2570c..be7effe 100644 --- a/doc/_notebooks/atari/ddpg.ipynb +++ b/doc/_notebooks/atari/ddpg.ipynb @@ -6,7 +6,7 @@ "metadata": {}, "outputs": [], "source": [ - "%pip install git+https://github.com/coax-dev/coax.git@main" + "%pip install git+https://github.com/coax-dev/coax.git@main --quiet" ] }, { diff --git a/doc/_notebooks/atari/dqn.ipynb b/doc/_notebooks/atari/dqn.ipynb index 76aa3dd..e88d4ba 100644 --- a/doc/_notebooks/atari/dqn.ipynb +++ b/doc/_notebooks/atari/dqn.ipynb @@ -6,7 +6,7 @@ "metadata": {}, "outputs": [], "source": [ - "%pip install git+https://github.com/coax-dev/coax.git@main" + "%pip install git+https://github.com/coax-dev/coax.git@main --quiet" ] }, { diff --git a/doc/_notebooks/atari/dqn_boltzmann.ipynb b/doc/_notebooks/atari/dqn_boltzmann.ipynb index 36af13d..6b3c3e7 100644 --- a/doc/_notebooks/atari/dqn_boltzmann.ipynb +++ b/doc/_notebooks/atari/dqn_boltzmann.ipynb @@ -6,7 +6,7 @@ "metadata": {}, "outputs": [], "source": [ - "%pip install git+https://github.com/coax-dev/coax.git@main" + "%pip install git+https://github.com/coax-dev/coax.git@main --quiet" ] }, { diff --git a/doc/_notebooks/atari/dqn_per.ipynb b/doc/_notebooks/atari/dqn_per.ipynb index c52eb98..2b5182b 100644 --- a/doc/_notebooks/atari/dqn_per.ipynb +++ b/doc/_notebooks/atari/dqn_per.ipynb @@ -6,7 +6,7 @@ "metadata": {}, "outputs": [], "source": [ - "%pip install git+https://github.com/coax-dev/coax.git@main" + "%pip install git+https://github.com/coax-dev/coax.git@main --quiet" ] }, { diff --git a/doc/_notebooks/atari/dqn_soft.ipynb b/doc/_notebooks/atari/dqn_soft.ipynb index 403e8b5..ffebf0e 100644 --- a/doc/_notebooks/atari/dqn_soft.ipynb +++ b/doc/_notebooks/atari/dqn_soft.ipynb @@ -6,7 +6,7 @@ "metadata": {}, "outputs": [], "source": [ - "%pip install git+https://github.com/coax-dev/coax.git@main" + "%pip install git+https://github.com/coax-dev/coax.git@main --quiet" ] }, { diff --git a/doc/_notebooks/atari/dqn_type1.ipynb b/doc/_notebooks/atari/dqn_type1.ipynb index b16bbcc..1377946 100644 --- a/doc/_notebooks/atari/dqn_type1.ipynb +++ b/doc/_notebooks/atari/dqn_type1.ipynb @@ -6,7 +6,7 @@ "metadata": {}, "outputs": [], "source": [ - "%pip install git+https://github.com/coax-dev/coax.git@main" + "%pip install git+https://github.com/coax-dev/coax.git@main --quiet" ] }, { diff --git a/doc/_notebooks/atari/ppo.ipynb b/doc/_notebooks/atari/ppo.ipynb index a25df36..3f1974b 100644 --- a/doc/_notebooks/atari/ppo.ipynb +++ b/doc/_notebooks/atari/ppo.ipynb @@ -6,7 +6,7 @@ "metadata": {}, "outputs": [], "source": [ - "%pip install git+https://github.com/coax-dev/coax.git@main" + "%pip install git+https://github.com/coax-dev/coax.git@main --quiet" ] }, { diff --git a/doc/_notebooks/cartpole/a2c.ipynb b/doc/_notebooks/cartpole/a2c.ipynb index c9f7f3a..5349afa 100644 --- a/doc/_notebooks/cartpole/a2c.ipynb +++ b/doc/_notebooks/cartpole/a2c.ipynb @@ -6,7 +6,7 @@ "metadata": {}, "outputs": [], "source": [ - "%pip install git+https://github.com/coax-dev/coax.git@main" + "%pip install git+https://github.com/coax-dev/coax.git@main --quiet" ] }, { diff --git a/doc/_notebooks/cartpole/dqn.ipynb b/doc/_notebooks/cartpole/dqn.ipynb index aef21a0..70f2f49 100644 --- a/doc/_notebooks/cartpole/dqn.ipynb +++ b/doc/_notebooks/cartpole/dqn.ipynb @@ -6,7 +6,7 @@ "metadata": {}, "outputs": [], "source": [ - "%pip install git+https://github.com/coax-dev/coax.git@main" + "%pip install git+https://github.com/coax-dev/coax.git@main --quiet" ] }, { diff --git a/doc/_notebooks/cartpole/iqn.ipynb b/doc/_notebooks/cartpole/iqn.ipynb index 4292f95..184e073 100644 --- a/doc/_notebooks/cartpole/iqn.ipynb +++ b/doc/_notebooks/cartpole/iqn.ipynb @@ -6,7 +6,7 @@ "metadata": {}, "outputs": [], "source": [ - "%pip install git+https://github.com/coax-dev/coax.git@main" + "%pip install git+https://github.com/coax-dev/coax.git@main --quiet" ] }, { diff --git a/doc/_notebooks/cartpole/model_based.ipynb b/doc/_notebooks/cartpole/model_based.ipynb index 059b5fd..c4c50cc 100644 --- a/doc/_notebooks/cartpole/model_based.ipynb +++ b/doc/_notebooks/cartpole/model_based.ipynb @@ -6,7 +6,7 @@ "metadata": {}, "outputs": [], "source": [ - "%pip install git+https://github.com/coax-dev/coax.git@main" + "%pip install git+https://github.com/coax-dev/coax.git@main --quiet" ] }, { diff --git a/doc/_notebooks/frozen_lake/a2c.ipynb b/doc/_notebooks/frozen_lake/a2c.ipynb index 1dbcbd6..6ab207d 100644 --- a/doc/_notebooks/frozen_lake/a2c.ipynb +++ b/doc/_notebooks/frozen_lake/a2c.ipynb @@ -6,7 +6,7 @@ "metadata": {}, "outputs": [], "source": [ - "%pip install git+https://github.com/coax-dev/coax.git@main" + "%pip install git+https://github.com/coax-dev/coax.git@main --quiet" ] }, { diff --git a/doc/_notebooks/frozen_lake/ddpg.ipynb b/doc/_notebooks/frozen_lake/ddpg.ipynb index 30b210b..e01a0b8 100644 --- a/doc/_notebooks/frozen_lake/ddpg.ipynb +++ b/doc/_notebooks/frozen_lake/ddpg.ipynb @@ -6,7 +6,7 @@ "metadata": {}, "outputs": [], "source": [ - "%pip install git+https://github.com/coax-dev/coax.git@main" + "%pip install git+https://github.com/coax-dev/coax.git@main --quiet" ] }, { diff --git a/doc/_notebooks/frozen_lake/double_qlearning.ipynb b/doc/_notebooks/frozen_lake/double_qlearning.ipynb index 9109685..d622cf2 100644 --- a/doc/_notebooks/frozen_lake/double_qlearning.ipynb +++ b/doc/_notebooks/frozen_lake/double_qlearning.ipynb @@ -6,7 +6,7 @@ "metadata": {}, "outputs": [], "source": [ - "%pip install git+https://github.com/coax-dev/coax.git@main" + "%pip install git+https://github.com/coax-dev/coax.git@main --quiet" ] }, { diff --git a/doc/_notebooks/frozen_lake/expected_sarsa.ipynb b/doc/_notebooks/frozen_lake/expected_sarsa.ipynb index e85c69d..a77c3ed 100644 --- a/doc/_notebooks/frozen_lake/expected_sarsa.ipynb +++ b/doc/_notebooks/frozen_lake/expected_sarsa.ipynb @@ -6,7 +6,7 @@ "metadata": {}, "outputs": [], "source": [ - "%pip install git+https://github.com/coax-dev/coax.git@main" + "%pip install git+https://github.com/coax-dev/coax.git@main --quiet" ] }, { diff --git a/doc/_notebooks/frozen_lake/ppo.ipynb b/doc/_notebooks/frozen_lake/ppo.ipynb index 8963c64..647a27e 100644 --- a/doc/_notebooks/frozen_lake/ppo.ipynb +++ b/doc/_notebooks/frozen_lake/ppo.ipynb @@ -6,7 +6,7 @@ "metadata": {}, "outputs": [], "source": [ - "%pip install git+https://github.com/coax-dev/coax.git@main" + "%pip install git+https://github.com/coax-dev/coax.git@main --quiet" ] }, { diff --git a/doc/_notebooks/frozen_lake/qlearning.ipynb b/doc/_notebooks/frozen_lake/qlearning.ipynb index 7ecaa98..ef887ee 100644 --- a/doc/_notebooks/frozen_lake/qlearning.ipynb +++ b/doc/_notebooks/frozen_lake/qlearning.ipynb @@ -6,7 +6,7 @@ "metadata": {}, "outputs": [], "source": [ - "%pip install git+https://github.com/coax-dev/coax.git@main" + "%pip install git+https://github.com/coax-dev/coax.git@main --quiet" ] }, { diff --git a/doc/_notebooks/frozen_lake/reinforce.ipynb b/doc/_notebooks/frozen_lake/reinforce.ipynb index fa96abc..639efdd 100644 --- a/doc/_notebooks/frozen_lake/reinforce.ipynb +++ b/doc/_notebooks/frozen_lake/reinforce.ipynb @@ -6,7 +6,7 @@ "metadata": {}, "outputs": [], "source": [ - "%pip install git+https://github.com/coax-dev/coax.git@main" + "%pip install git+https://github.com/coax-dev/coax.git@main --quiet" ] }, { diff --git a/doc/_notebooks/frozen_lake/sarsa.ipynb b/doc/_notebooks/frozen_lake/sarsa.ipynb index 8e00497..1282bc8 100644 --- a/doc/_notebooks/frozen_lake/sarsa.ipynb +++ b/doc/_notebooks/frozen_lake/sarsa.ipynb @@ -6,7 +6,7 @@ "metadata": {}, "outputs": [], "source": [ - "%pip install git+https://github.com/coax-dev/coax.git@main" + "%pip install git+https://github.com/coax-dev/coax.git@main --quiet" ] }, { diff --git a/doc/_notebooks/frozen_lake/stochastic_double_qlearning.ipynb b/doc/_notebooks/frozen_lake/stochastic_double_qlearning.ipynb index 414e414..13845a7 100644 --- a/doc/_notebooks/frozen_lake/stochastic_double_qlearning.ipynb +++ b/doc/_notebooks/frozen_lake/stochastic_double_qlearning.ipynb @@ -6,7 +6,7 @@ "metadata": {}, "outputs": [], "source": [ - "%pip install git+https://github.com/coax-dev/coax.git@main" + "%pip install git+https://github.com/coax-dev/coax.git@main --quiet" ] }, { diff --git a/doc/_notebooks/frozen_lake/stochastic_expected_sarsa.ipynb b/doc/_notebooks/frozen_lake/stochastic_expected_sarsa.ipynb index 2e0c909..698fa24 100644 --- a/doc/_notebooks/frozen_lake/stochastic_expected_sarsa.ipynb +++ b/doc/_notebooks/frozen_lake/stochastic_expected_sarsa.ipynb @@ -6,7 +6,7 @@ "metadata": {}, "outputs": [], "source": [ - "%pip install git+https://github.com/coax-dev/coax.git@main" + "%pip install git+https://github.com/coax-dev/coax.git@main --quiet" ] }, { diff --git a/doc/_notebooks/frozen_lake/stochastic_qlearning.ipynb b/doc/_notebooks/frozen_lake/stochastic_qlearning.ipynb index 01ed8c9..c17df03 100644 --- a/doc/_notebooks/frozen_lake/stochastic_qlearning.ipynb +++ b/doc/_notebooks/frozen_lake/stochastic_qlearning.ipynb @@ -6,7 +6,7 @@ "metadata": {}, "outputs": [], "source": [ - "%pip install git+https://github.com/coax-dev/coax.git@main" + "%pip install git+https://github.com/coax-dev/coax.git@main --quiet" ] }, { diff --git a/doc/_notebooks/frozen_lake/stochastic_sarsa.ipynb b/doc/_notebooks/frozen_lake/stochastic_sarsa.ipynb index 91f0ff2..e65e0a2 100644 --- a/doc/_notebooks/frozen_lake/stochastic_sarsa.ipynb +++ b/doc/_notebooks/frozen_lake/stochastic_sarsa.ipynb @@ -6,7 +6,7 @@ "metadata": {}, "outputs": [], "source": [ - "%pip install git+https://github.com/coax-dev/coax.git@main" + "%pip install git+https://github.com/coax-dev/coax.git@main --quiet" ] }, { diff --git a/doc/_notebooks/frozen_lake/td3.ipynb b/doc/_notebooks/frozen_lake/td3.ipynb index 1f81c2f..7f3d5f8 100644 --- a/doc/_notebooks/frozen_lake/td3.ipynb +++ b/doc/_notebooks/frozen_lake/td3.ipynb @@ -6,7 +6,7 @@ "metadata": {}, "outputs": [], "source": [ - "%pip install git+https://github.com/coax-dev/coax.git@main" + "%pip install git+https://github.com/coax-dev/coax.git@main --quiet" ] }, { diff --git a/doc/_notebooks/linear_regression/haiku.ipynb b/doc/_notebooks/linear_regression/haiku.ipynb index 224e475..536c8e3 100644 --- a/doc/_notebooks/linear_regression/haiku.ipynb +++ b/doc/_notebooks/linear_regression/haiku.ipynb @@ -6,7 +6,7 @@ "metadata": {}, "outputs": [], "source": [ - "%pip install git+https://github.com/coax-dev/coax.git@main" + "%pip install git+https://github.com/coax-dev/coax.git@main --quiet" ] }, { @@ -53,7 +53,7 @@ "\n", "\n", "def update(params, grads):\n", - " return jax.tree_multimap(lambda p, g: p - 0.05 * g, params, grads)\n", + " return jax.tree_map(lambda p, g: p - 0.05 * g, params, grads)\n", "\n", "\n", "# the main training loop\n", diff --git a/doc/_notebooks/linear_regression/jax.ipynb b/doc/_notebooks/linear_regression/jax.ipynb index a91c203..f560e58 100644 --- a/doc/_notebooks/linear_regression/jax.ipynb +++ b/doc/_notebooks/linear_regression/jax.ipynb @@ -6,7 +6,7 @@ "metadata": {}, "outputs": [], "source": [ - "%pip install git+https://github.com/coax-dev/coax.git@main" + "%pip install git+https://github.com/coax-dev/coax.git@main --quiet" ] }, { @@ -46,7 +46,7 @@ "\n", "\n", "def update(params, grads):\n", - " return jax.tree_multimap(lambda p, g: p - 0.05 * g, params, grads)\n", + " return jax.tree_map(lambda p, g: p - 0.05 * g, params, grads)\n", "\n", "\n", "# the main training loop\n", diff --git a/doc/_notebooks/pendulum/ddpg.ipynb b/doc/_notebooks/pendulum/ddpg.ipynb index 40777b3..9a1df83 100644 --- a/doc/_notebooks/pendulum/ddpg.ipynb +++ b/doc/_notebooks/pendulum/ddpg.ipynb @@ -6,7 +6,7 @@ "metadata": {}, "outputs": [], "source": [ - "%pip install git+https://github.com/coax-dev/coax.git@main" + "%pip install git+https://github.com/coax-dev/coax.git@main --quiet" ] }, { diff --git a/doc/_notebooks/pendulum/dsac.ipynb b/doc/_notebooks/pendulum/dsac.ipynb index a71d272..ed3ced4 100644 --- a/doc/_notebooks/pendulum/dsac.ipynb +++ b/doc/_notebooks/pendulum/dsac.ipynb @@ -6,7 +6,7 @@ "metadata": {}, "outputs": [], "source": [ - "%pip install git+https://github.com/coax-dev/coax.git@main" + "%pip install git+https://github.com/coax-dev/coax.git@main --quiet" ] }, { diff --git a/doc/_notebooks/pendulum/ppo.ipynb b/doc/_notebooks/pendulum/ppo.ipynb index e7ff713..b2d4a4c 100644 --- a/doc/_notebooks/pendulum/ppo.ipynb +++ b/doc/_notebooks/pendulum/ppo.ipynb @@ -6,7 +6,7 @@ "metadata": {}, "outputs": [], "source": [ - "%pip install git+https://github.com/coax-dev/coax.git@main" + "%pip install git+https://github.com/coax-dev/coax.git@main --quiet" ] }, { diff --git a/doc/_notebooks/pendulum/sac.ipynb b/doc/_notebooks/pendulum/sac.ipynb index 83a1800..1592e26 100644 --- a/doc/_notebooks/pendulum/sac.ipynb +++ b/doc/_notebooks/pendulum/sac.ipynb @@ -6,7 +6,7 @@ "metadata": {}, "outputs": [], "source": [ - "%pip install git+https://github.com/coax-dev/coax.git@main" + "%pip install git+https://github.com/coax-dev/coax.git@main --quiet" ] }, { diff --git a/doc/_notebooks/pendulum/td3.ipynb b/doc/_notebooks/pendulum/td3.ipynb index d6f5ff5..81b38cb 100644 --- a/doc/_notebooks/pendulum/td3.ipynb +++ b/doc/_notebooks/pendulum/td3.ipynb @@ -6,7 +6,7 @@ "metadata": {}, "outputs": [], "source": [ - "%pip install git+https://github.com/coax-dev/coax.git@main" + "%pip install git+https://github.com/coax-dev/coax.git@main --quiet" ] }, { diff --git a/doc/_notebooks/pendulum/td4.ipynb b/doc/_notebooks/pendulum/td4.ipynb index b1331c9..c489ed0 100644 --- a/doc/_notebooks/pendulum/td4.ipynb +++ b/doc/_notebooks/pendulum/td4.ipynb @@ -6,7 +6,7 @@ "metadata": {}, "outputs": [], "source": [ - "%pip install git+https://github.com/coax-dev/coax.git@main" + "%pip install git+https://github.com/coax-dev/coax.git@main --quiet" ] }, { diff --git a/doc/_notebooks/prerequisites/haiku.ipynb b/doc/_notebooks/prerequisites/haiku.ipynb index 9888053..0ac094f 100644 --- a/doc/_notebooks/prerequisites/haiku.ipynb +++ b/doc/_notebooks/prerequisites/haiku.ipynb @@ -53,7 +53,7 @@ "\n", "\n", "def update(params, grads):\n", - " return jax.tree_multimap(lambda p, g: p - 0.05 * g, params, grads)\n", + " return jax.tree_map(lambda p, g: p - 0.05 * g, params, grads)\n", "\n", "\n", "# the main training loop\n", diff --git a/doc/_notebooks/prerequisites/jax.ipynb b/doc/_notebooks/prerequisites/jax.ipynb index abcdf4e..0243cd2 100644 --- a/doc/_notebooks/prerequisites/jax.ipynb +++ b/doc/_notebooks/prerequisites/jax.ipynb @@ -46,7 +46,7 @@ "\n", "\n", "def update(params, grads):\n", - " return jax.tree_multimap(lambda p, g: p - 0.05 * g, params, grads)\n", + " return jax.tree_map(lambda p, g: p - 0.05 * g, params, grads)\n", "\n", "\n", "# the main training loop\n", diff --git a/doc/_notebooks/stubs/a2c.ipynb b/doc/_notebooks/stubs/a2c.ipynb index 994d84c..78e3484 100644 --- a/doc/_notebooks/stubs/a2c.ipynb +++ b/doc/_notebooks/stubs/a2c.ipynb @@ -6,7 +6,7 @@ "metadata": {}, "outputs": [], "source": [ - "%pip install git+https://github.com/coax-dev/coax.git@main" + "%pip install git+https://github.com/coax-dev/coax.git@main --quiet" ] }, { diff --git a/doc/_notebooks/stubs/ddpg.ipynb b/doc/_notebooks/stubs/ddpg.ipynb index 8450a66..d282f28 100644 --- a/doc/_notebooks/stubs/ddpg.ipynb +++ b/doc/_notebooks/stubs/ddpg.ipynb @@ -6,7 +6,7 @@ "metadata": {}, "outputs": [], "source": [ - "%pip install git+https://github.com/coax-dev/coax.git@main" + "%pip install git+https://github.com/coax-dev/coax.git@main --quiet" ] }, { diff --git a/doc/_notebooks/stubs/dqn.ipynb b/doc/_notebooks/stubs/dqn.ipynb index 7c71f49..7f16ae9 100644 --- a/doc/_notebooks/stubs/dqn.ipynb +++ b/doc/_notebooks/stubs/dqn.ipynb @@ -6,7 +6,7 @@ "metadata": {}, "outputs": [], "source": [ - "%pip install git+https://github.com/coax-dev/coax.git@main" + "%pip install git+https://github.com/coax-dev/coax.git@main --quiet" ] }, { diff --git a/doc/_notebooks/stubs/dqn_per.ipynb b/doc/_notebooks/stubs/dqn_per.ipynb index 0d987fb..113eaef 100644 --- a/doc/_notebooks/stubs/dqn_per.ipynb +++ b/doc/_notebooks/stubs/dqn_per.ipynb @@ -6,7 +6,7 @@ "metadata": {}, "outputs": [], "source": [ - "%pip install git+https://github.com/coax-dev/coax.git@main" + "%pip install git+https://github.com/coax-dev/coax.git@main --quiet" ] }, { diff --git a/doc/_notebooks/stubs/iqn.ipynb b/doc/_notebooks/stubs/iqn.ipynb index 8949dc0..6e867ac 100644 --- a/doc/_notebooks/stubs/iqn.ipynb +++ b/doc/_notebooks/stubs/iqn.ipynb @@ -6,7 +6,7 @@ "metadata": {}, "outputs": [], "source": [ - "%pip install git+https://github.com/coax-dev/coax.git@main" + "%pip install git+https://github.com/coax-dev/coax.git@main --quiet" ] }, { diff --git a/doc/_notebooks/stubs/ppo.ipynb b/doc/_notebooks/stubs/ppo.ipynb index 3268757..054a485 100644 --- a/doc/_notebooks/stubs/ppo.ipynb +++ b/doc/_notebooks/stubs/ppo.ipynb @@ -6,7 +6,7 @@ "metadata": {}, "outputs": [], "source": [ - "%pip install git+https://github.com/coax-dev/coax.git@main" + "%pip install git+https://github.com/coax-dev/coax.git@main --quiet" ] }, { diff --git a/doc/_notebooks/stubs/qlearning.ipynb b/doc/_notebooks/stubs/qlearning.ipynb index 6ef582f..386f6e2 100644 --- a/doc/_notebooks/stubs/qlearning.ipynb +++ b/doc/_notebooks/stubs/qlearning.ipynb @@ -6,7 +6,7 @@ "metadata": {}, "outputs": [], "source": [ - "%pip install git+https://github.com/coax-dev/coax.git@main" + "%pip install git+https://github.com/coax-dev/coax.git@main --quiet" ] }, { diff --git a/doc/_notebooks/stubs/reinforce.ipynb b/doc/_notebooks/stubs/reinforce.ipynb index 47bad9e..63c4fd1 100644 --- a/doc/_notebooks/stubs/reinforce.ipynb +++ b/doc/_notebooks/stubs/reinforce.ipynb @@ -6,7 +6,7 @@ "metadata": {}, "outputs": [], "source": [ - "%pip install git+https://github.com/coax-dev/coax.git@main" + "%pip install git+https://github.com/coax-dev/coax.git@main --quiet" ] }, { diff --git a/doc/_notebooks/stubs/sarsa.ipynb b/doc/_notebooks/stubs/sarsa.ipynb index 12997bc..1cef36d 100644 --- a/doc/_notebooks/stubs/sarsa.ipynb +++ b/doc/_notebooks/stubs/sarsa.ipynb @@ -6,7 +6,7 @@ "metadata": {}, "outputs": [], "source": [ - "%pip install git+https://github.com/coax-dev/coax.git@main" + "%pip install git+https://github.com/coax-dev/coax.git@main --quiet" ] }, { diff --git a/doc/_notebooks/stubs/soft_qlearning.ipynb b/doc/_notebooks/stubs/soft_qlearning.ipynb index e37e403..a6dd5d6 100644 --- a/doc/_notebooks/stubs/soft_qlearning.ipynb +++ b/doc/_notebooks/stubs/soft_qlearning.ipynb @@ -6,7 +6,7 @@ "metadata": {}, "outputs": [], "source": [ - "%pip install git+https://github.com/coax-dev/coax.git@main" + "%pip install git+https://github.com/coax-dev/coax.git@main --quiet" ] }, { diff --git a/doc/_notebooks/stubs/td3.ipynb b/doc/_notebooks/stubs/td3.ipynb index 2a99941..e8ef568 100644 --- a/doc/_notebooks/stubs/td3.ipynb +++ b/doc/_notebooks/stubs/td3.ipynb @@ -6,7 +6,7 @@ "metadata": {}, "outputs": [], "source": [ - "%pip install git+https://github.com/coax-dev/coax.git@main" + "%pip install git+https://github.com/coax-dev/coax.git@main --quiet" ] }, { diff --git a/doc/conf.py b/doc/conf.py index f108326..7477305 100644 --- a/doc/conf.py +++ b/doc/conf.py @@ -265,7 +265,6 @@ def get_release(): 'sklearn': ('https://scikit-learn.org/stable/', ('_intersphinx/sklearn.inv',)), 'jax': ('https://jax.readthedocs.io/en/latest/', ('_intersphinx/jax.inv',)), 'haiku': ('https://dm-haiku.readthedocs.io/en/latest/', ('_intersphinx/haiku.inv',)), - 'rllib': ('https://rllib.readthedocs.io/en/latest/', ('_intersphinx/rllib.inv',)), 'spinup': ('https://spinningup.openai.com/en/latest/', ('_intersphinx/spinup.inv',)), } diff --git a/doc/create_notebooks.py b/doc/create_notebooks.py index f3b5681..b6180ce 100755 --- a/doc/create_notebooks.py +++ b/doc/create_notebooks.py @@ -17,7 +17,7 @@ "metadata": {}, "outputs": [], "source": [ - "%pip install git+https://github.com/coax-dev/coax.git@main", + "%pip install git+https://github.com/coax-dev/coax.git@main --quiet", ] }, { diff --git a/doc/examples/linear_regression/haiku.py b/doc/examples/linear_regression/haiku.py index dcc131c..7380e00 100644 --- a/doc/examples/linear_regression/haiku.py +++ b/doc/examples/linear_regression/haiku.py @@ -36,7 +36,7 @@ def loss_fn(params, X, y): def update(params, grads): - return jax.tree_multimap(lambda p, g: p - 0.05 * g, params, grads) + return jax.tree_map(lambda p, g: p - 0.05 * g, params, grads) # the main training loop diff --git a/doc/examples/linear_regression/jax.py b/doc/examples/linear_regression/jax.py index 0f9cafa..cf0c009 100644 --- a/doc/examples/linear_regression/jax.py +++ b/doc/examples/linear_regression/jax.py @@ -29,7 +29,7 @@ def loss_fn(params, X, y): def update(params, grads): - return jax.tree_multimap(lambda p, g: p - 0.05 * g, params, grads) + return jax.tree_map(lambda p, g: p - 0.05 * g, params, grads) # the main training loop diff --git a/doc/examples/pendulum/experiments/ddpg_standalone.py b/doc/examples/pendulum/experiments/ddpg_standalone.py index 2d7d90a..c37b54a 100644 --- a/doc/examples/pendulum/experiments/ddpg_standalone.py +++ b/doc/examples/pendulum/experiments/ddpg_standalone.py @@ -156,7 +156,7 @@ def q(S, A, is_training): @jax.jit def soft_update(target_params, primary_params, tau=1.0): - return jax.tree_multimap(lambda a, b: a + tau * (b - a), target_params, primary_params) + return jax.tree_map(lambda a, b: a + tau * (b - a), target_params, primary_params) #################################################################################################### diff --git a/doc/release_notes.rst b/doc/release_notes.rst index 0350a30..2f30b08 100644 --- a/doc/release_notes.rst +++ b/doc/release_notes.rst @@ -2,6 +2,27 @@ Release Notes ============= +If you need any of the features from the pre-release version listed under "Upcoming" you can just install coax from the **main** branch: + +.. code:: + + $ pip install git+https://github.com/coax-dev/coax.git@main + + +Upcoming +-------- + +(nothing yet) + + +v0.1.11 +------- + +- Bug fix: `#21 `_ +- Fix deprecation warnings from using ``jax.tree_multimap`` and ``gym.envs.registry.env_specs``. +- Upgrade dependencies. + + v0.1.10 ------- diff --git a/doc/versions.html b/doc/versions.html index e1b5111..f5f35a3 100644 --- a/doc/versions.html +++ b/doc/versions.html @@ -109,7 +109,7 @@ function updateCommand() { var codecellName = 'codecell0'; - var jaxlibVersion = '0.3.7'; // this is automatically updated from conf.py + var jaxlibVersion = '0.3.14'; // 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 12a41dd..c2285e6 100644 --- a/requirements.dev.txt +++ b/requirements.dev.txt @@ -1,5 +1,5 @@ -jax>=0.3.4 -jaxlib>=0.3.2 +jax>=0.3.14 +jaxlib>=0.3.14 flake8>=3.8.4 pylint>=2.6.0 pur>=5.3.0 diff --git a/requirements.doc.txt b/requirements.doc.txt index 3d89ad0..0c71a9d 100644 --- a/requirements.doc.txt +++ b/requirements.doc.txt @@ -1,5 +1,5 @@ -jax>=0.3.4 -jaxlib>=0.3.2 +jax>=0.3.14 +jaxlib>=0.3.14 Sphinx>=3.3.1 sphinx-rtd-theme>=0.5.0 nbsphinx>=0.8.0 diff --git a/requirements.txt b/requirements.txt index 49386f4..6154c44 100644 --- a/requirements.txt +++ b/requirements.txt @@ -1,12 +1,12 @@ Pillow>=7.1.2 gym[atari,accept-rom-license,box2d]>=0.23.1 numpy>=1.21.6 -scipy>=1.4.1 +scipy>=1.7.3 pandas>=1.3.5 -dm-haiku>=0.0.6 +dm-haiku>=0.0.7 chex>=0.1.3 -optax>=0.1.2 +optax>=0.1.3 tensorboard>=2.8.0 -tensorboardX>=2.5 -lz4>=4.0.0 +tensorboardX>=2.5.1 +lz4>=4.0.1 cloudpickle>=1.3.0 diff --git a/upgrade_requirements.py b/upgrade_requirements.py index 3d77dad..0576d31 100644 --- a/upgrade_requirements.py +++ b/upgrade_requirements.py @@ -6,14 +6,15 @@ After that, just run this script from the project root (where this script is located). """ +import re from sys import stderr -from packaging.version import parse +from packaging.version import parse as _parse import pandas as pd kwargs = { - 'sep': r'(?:==|>=)', + 'sep': r'(?:==|>=|\s@\s)', 'names': ['name', 'version'], 'index_col': 'name', 'comment': '#', @@ -21,11 +22,19 @@ } +def parse(row): + version_str = '' if row.version is None else str(row.version) + if version_str.startswith('http'): + m = re.search(row.name + r'\-([\d\.]+)\+', row.version) + version_str = '' if m is None else m.group(1) + return _parse(version_str) + + def upgrade_requirements(filename): reqs_colab = pd.read_csv('requirements.colab.txt', **kwargs) - reqs_colab['version'] = reqs_colab['version'].fillna('').map(parse) + reqs_colab['version'] = reqs_colab.apply(parse, axis=1) reqs = pd.read_csv(filename, **kwargs) - reqs['version'] = reqs['version'].fillna('').map(parse) + reqs['version'] = reqs.apply(parse, axis=1) overlap = pd.merge(reqs, reqs_colab, left_index=True, right_index=True, suffixes=('', '_colab')) need_updating = overlap[overlap['version'] < overlap['version_colab']]