Toggle navigation sidebar
Toggle in-page Table of Contents
ott 0.2.8.dev31+g22d3929 documentation
Tutorials:
Point clouds
Grid geometry
Benchmarks:
OTT vs. POT
Sinkhorn in all flavors
Low-Rank Sinkhorn
Advanced Applications:
Sinkhorn Barycenters
Gromov Wasserstein
Low-Rank Gromov-Wasserstein
Sinkhorn Divergence Hessians
Soft Sorting
Single-cell genomics
Gromov-Wasserstein for multi-omics
Fairness regularizers
ICNN Dual Solver
Initialization Schemes for Input Convex Neural Network
Wasserstein Barycenters of Gaussian Mixture Models
Public API: ott packages
ott.geometry package
ott.geometry.geometry.Geometry
ott.geometry.geometry.Geometry.apply_cost
ott.geometry.geometry.Geometry.apply_kernel
ott.geometry.geometry.Geometry.apply_lse_kernel
ott.geometry.geometry.Geometry.apply_square_cost
ott.geometry.geometry.Geometry.apply_transport_from_potentials
ott.geometry.geometry.Geometry.apply_transport_from_scalings
ott.geometry.geometry.Geometry.copy_epsilon
ott.geometry.geometry.Geometry.marginal_from_potentials
ott.geometry.geometry.Geometry.marginal_from_scalings
ott.geometry.geometry.Geometry.mask
ott.geometry.geometry.Geometry.potential_from_scaling
ott.geometry.geometry.Geometry.prepare_divergences
ott.geometry.geometry.Geometry.scaling_from_potential
ott.geometry.geometry.Geometry.subset
ott.geometry.geometry.Geometry.to_LRCGeometry
ott.geometry.geometry.Geometry.transport_from_potentials
ott.geometry.geometry.Geometry.transport_from_scalings
ott.geometry.geometry.Geometry.update_potential
ott.geometry.geometry.Geometry.update_scaling
ott.geometry.geometry.Geometry.cost_matrix
ott.geometry.geometry.Geometry.cost_rank
ott.geometry.geometry.Geometry.epsilon
ott.geometry.geometry.Geometry.inv_scale_cost
ott.geometry.geometry.Geometry.is_online
ott.geometry.geometry.Geometry.is_squared_euclidean
ott.geometry.geometry.Geometry.is_symmetric
ott.geometry.geometry.Geometry.kernel_matrix
ott.geometry.geometry.Geometry.mean_cost_matrix
ott.geometry.geometry.Geometry.median_cost_matrix
ott.geometry.geometry.Geometry.scale_epsilon
ott.geometry.geometry.Geometry.shape
ott.geometry.geometry.Geometry.src_mask
ott.geometry.geometry.Geometry.tgt_mask
ott.geometry.pointcloud.PointCloud
ott.geometry.pointcloud.PointCloud.apply_cost
ott.geometry.pointcloud.PointCloud.apply_kernel
ott.geometry.pointcloud.PointCloud.apply_lse_kernel
ott.geometry.pointcloud.PointCloud.apply_square_cost
ott.geometry.pointcloud.PointCloud.apply_transport_from_potentials
ott.geometry.pointcloud.PointCloud.apply_transport_from_scalings
ott.geometry.pointcloud.PointCloud.barycenter
ott.geometry.pointcloud.PointCloud.copy_epsilon
ott.geometry.pointcloud.PointCloud.marginal_from_potentials
ott.geometry.pointcloud.PointCloud.marginal_from_scalings
ott.geometry.pointcloud.PointCloud.mask
ott.geometry.pointcloud.PointCloud.potential_from_scaling
ott.geometry.pointcloud.PointCloud.prepare_divergences
ott.geometry.pointcloud.PointCloud.scaling_from_potential
ott.geometry.pointcloud.PointCloud.subset
ott.geometry.pointcloud.PointCloud.to_LRCGeometry
ott.geometry.pointcloud.PointCloud.transport_from_potentials
ott.geometry.pointcloud.PointCloud.transport_from_scalings
ott.geometry.pointcloud.PointCloud.update_potential
ott.geometry.pointcloud.PointCloud.update_scaling
ott.geometry.pointcloud.PointCloud.vec_apply_cost
ott.geometry.pointcloud.PointCloud.batch_size
ott.geometry.pointcloud.PointCloud.cost_matrix
ott.geometry.pointcloud.PointCloud.cost_rank
ott.geometry.pointcloud.PointCloud.epsilon
ott.geometry.pointcloud.PointCloud.inv_scale_cost
ott.geometry.pointcloud.PointCloud.is_online
ott.geometry.pointcloud.PointCloud.is_squared_euclidean
ott.geometry.pointcloud.PointCloud.is_symmetric
ott.geometry.pointcloud.PointCloud.kernel_matrix
ott.geometry.pointcloud.PointCloud.mean_cost_matrix
ott.geometry.pointcloud.PointCloud.median_cost_matrix
ott.geometry.pointcloud.PointCloud.scale_epsilon
ott.geometry.pointcloud.PointCloud.shape
ott.geometry.pointcloud.PointCloud.src_mask
ott.geometry.pointcloud.PointCloud.tgt_mask
ott.geometry.grid.Grid
ott.geometry.grid.Grid.apply_cost
ott.geometry.grid.Grid.apply_kernel
ott.geometry.grid.Grid.apply_lse_kernel
ott.geometry.grid.Grid.apply_square_cost
ott.geometry.grid.Grid.apply_transport_from_potentials
ott.geometry.grid.Grid.apply_transport_from_scalings
ott.geometry.grid.Grid.copy_epsilon
ott.geometry.grid.Grid.marginal_from_potentials
ott.geometry.grid.Grid.marginal_from_scalings
ott.geometry.grid.Grid.mask
ott.geometry.grid.Grid.potential_from_scaling
ott.geometry.grid.Grid.prepare_divergences
ott.geometry.grid.Grid.scaling_from_potential
ott.geometry.grid.Grid.subset
ott.geometry.grid.Grid.to_LRCGeometry
ott.geometry.grid.Grid.transport_from_potentials
ott.geometry.grid.Grid.transport_from_scalings
ott.geometry.grid.Grid.update_potential
ott.geometry.grid.Grid.update_scaling
ott.geometry.grid.Grid.cost_matrices
ott.geometry.grid.Grid.cost_matrix
ott.geometry.grid.Grid.cost_rank
ott.geometry.grid.Grid.epsilon
ott.geometry.grid.Grid.inv_scale_cost
ott.geometry.grid.Grid.is_online
ott.geometry.grid.Grid.is_squared_euclidean
ott.geometry.grid.Grid.is_symmetric
ott.geometry.grid.Grid.kernel_matrices
ott.geometry.grid.Grid.kernel_matrix
ott.geometry.grid.Grid.mean_cost_matrix
ott.geometry.grid.Grid.median_cost_matrix
ott.geometry.grid.Grid.scale_epsilon
ott.geometry.grid.Grid.shape
ott.geometry.grid.Grid.src_mask
ott.geometry.grid.Grid.tgt_mask
ott.geometry.low_rank.LRCGeometry
ott.geometry.low_rank.LRCGeometry.apply_cost
ott.geometry.low_rank.LRCGeometry.apply_kernel
ott.geometry.low_rank.LRCGeometry.apply_lse_kernel
ott.geometry.low_rank.LRCGeometry.apply_square_cost
ott.geometry.low_rank.LRCGeometry.apply_transport_from_potentials
ott.geometry.low_rank.LRCGeometry.apply_transport_from_scalings
ott.geometry.low_rank.LRCGeometry.compute_max_cost
ott.geometry.low_rank.LRCGeometry.copy_epsilon
ott.geometry.low_rank.LRCGeometry.marginal_from_potentials
ott.geometry.low_rank.LRCGeometry.marginal_from_scalings
ott.geometry.low_rank.LRCGeometry.mask
ott.geometry.low_rank.LRCGeometry.potential_from_scaling
ott.geometry.low_rank.LRCGeometry.prepare_divergences
ott.geometry.low_rank.LRCGeometry.scaling_from_potential
ott.geometry.low_rank.LRCGeometry.subset
ott.geometry.low_rank.LRCGeometry.to_LRCGeometry
ott.geometry.low_rank.LRCGeometry.transport_from_potentials
ott.geometry.low_rank.LRCGeometry.transport_from_scalings
ott.geometry.low_rank.LRCGeometry.update_potential
ott.geometry.low_rank.LRCGeometry.update_scaling
ott.geometry.low_rank.LRCGeometry.bias
ott.geometry.low_rank.LRCGeometry.cost_1
ott.geometry.low_rank.LRCGeometry.cost_2
ott.geometry.low_rank.LRCGeometry.cost_matrix
ott.geometry.low_rank.LRCGeometry.cost_rank
ott.geometry.low_rank.LRCGeometry.epsilon
ott.geometry.low_rank.LRCGeometry.inv_scale_cost
ott.geometry.low_rank.LRCGeometry.is_online
ott.geometry.low_rank.LRCGeometry.is_squared_euclidean
ott.geometry.low_rank.LRCGeometry.is_symmetric
ott.geometry.low_rank.LRCGeometry.kernel_matrix
ott.geometry.low_rank.LRCGeometry.mean_cost_matrix
ott.geometry.low_rank.LRCGeometry.median_cost_matrix
ott.geometry.low_rank.LRCGeometry.scale_epsilon
ott.geometry.low_rank.LRCGeometry.shape
ott.geometry.low_rank.LRCGeometry.src_mask
ott.geometry.low_rank.LRCGeometry.tgt_mask
ott.geometry.epsilon_scheduler.Epsilon
ott.geometry.epsilon_scheduler.Epsilon.at
ott.geometry.epsilon_scheduler.Epsilon.done
ott.geometry.epsilon_scheduler.Epsilon.done_at
ott.geometry.epsilon_scheduler.Epsilon.make
ott.geometry.epsilon_scheduler.Epsilon.target
ott.geometry.costs.CostFn
ott.geometry.costs.CostFn.all_pairs
ott.geometry.costs.CostFn.all_pairs_pairwise
ott.geometry.costs.CostFn.barycenter
ott.geometry.costs.CostFn.padder
ott.geometry.costs.CostFn.pairwise
ott.geometry.costs.CostFn.norm
ott.geometry.costs.Euclidean
ott.geometry.costs.Euclidean.all_pairs
ott.geometry.costs.Euclidean.all_pairs_pairwise
ott.geometry.costs.Euclidean.barycenter
ott.geometry.costs.Euclidean.norm
ott.geometry.costs.Euclidean.padder
ott.geometry.costs.Euclidean.pairwise
ott.geometry.costs.Cosine
ott.geometry.costs.Cosine.all_pairs
ott.geometry.costs.Cosine.all_pairs_pairwise
ott.geometry.costs.Cosine.barycenter
ott.geometry.costs.Cosine.padder
ott.geometry.costs.Cosine.pairwise
ott.geometry.costs.Cosine.norm
ott.geometry.costs.Bures
ott.geometry.costs.Bures.all_pairs
ott.geometry.costs.Bures.all_pairs_pairwise
ott.geometry.costs.Bures.barycenter
ott.geometry.costs.Bures.covariance_fixpoint_iter
ott.geometry.costs.Bures.norm
ott.geometry.costs.Bures.padder
ott.geometry.costs.Bures.pairwise
ott.geometry.costs.Bures.relative_diff
ott.geometry.costs.Bures.scale_covariances
ott.geometry.costs.UnbalancedBures
ott.geometry.costs.UnbalancedBures.all_pairs
ott.geometry.costs.UnbalancedBures.all_pairs_pairwise
ott.geometry.costs.UnbalancedBures.barycenter
ott.geometry.costs.UnbalancedBures.norm
ott.geometry.costs.UnbalancedBures.padder
ott.geometry.costs.UnbalancedBures.pairwise
ott.core package
ott.core.linear_problems.LinearProblem
ott.core.linear_problems.LinearProblem.get_transport_functions
ott.core.linear_problems.LinearProblem.a
ott.core.linear_problems.LinearProblem.b
ott.core.linear_problems.LinearProblem.epsilon
ott.core.linear_problems.LinearProblem.is_balanced
ott.core.quad_problems.QuadraticProblem
ott.core.quad_problems.QuadraticProblem.cost_unbalanced_correction
ott.core.quad_problems.QuadraticProblem.init_linearization
ott.core.quad_problems.QuadraticProblem.init_lr_linearization
ott.core.quad_problems.QuadraticProblem.init_transport
ott.core.quad_problems.QuadraticProblem.init_transport_mass
ott.core.quad_problems.QuadraticProblem.marginal_dependent_cost
ott.core.quad_problems.QuadraticProblem.to_low_rank
ott.core.quad_problems.QuadraticProblem.update_linearization
ott.core.quad_problems.QuadraticProblem.update_lr_geom
ott.core.quad_problems.QuadraticProblem.update_lr_linearization
ott.core.quad_problems.QuadraticProblem.a
ott.core.quad_problems.QuadraticProblem.b
ott.core.quad_problems.QuadraticProblem.is_balanced
ott.core.quad_problems.QuadraticProblem.is_fused
ott.core.quad_problems.QuadraticProblem.is_low_rank
ott.core.quad_problems.QuadraticProblem.linear_loss
ott.core.quad_problems.QuadraticProblem.quad_loss
ott.core.bar_problems.BarycenterProblem
ott.core.bar_problems.BarycenterProblem.flattened_b
ott.core.bar_problems.BarycenterProblem.flattened_y
ott.core.bar_problems.BarycenterProblem.max_measure_size
ott.core.bar_problems.BarycenterProblem.ndim
ott.core.bar_problems.BarycenterProblem.num_measures
ott.core.bar_problems.BarycenterProblem.segmented_y_b
ott.core.bar_problems.BarycenterProblem.weights
ott.core.bar_problems.GWBarycenterProblem
ott.core.bar_problems.GWBarycenterProblem.update_barycenter
ott.core.bar_problems.GWBarycenterProblem.update_features
ott.core.bar_problems.GWBarycenterProblem.flattened_b
ott.core.bar_problems.GWBarycenterProblem.flattened_y
ott.core.bar_problems.GWBarycenterProblem.gw_loss
ott.core.bar_problems.GWBarycenterProblem.is_fused
ott.core.bar_problems.GWBarycenterProblem.max_measure_size
ott.core.bar_problems.GWBarycenterProblem.ndim
ott.core.bar_problems.GWBarycenterProblem.ndim_fused
ott.core.bar_problems.GWBarycenterProblem.num_measures
ott.core.bar_problems.GWBarycenterProblem.segmented_y_b
ott.core.bar_problems.GWBarycenterProblem.segmented_y_fused
ott.core.bar_problems.GWBarycenterProblem.weights
ott.core.sinkhorn.sinkhorn
ott.core.sinkhorn.Sinkhorn
ott.core.sinkhorn.Sinkhorn.init_state
ott.core.sinkhorn.Sinkhorn.kernel_step
ott.core.sinkhorn.Sinkhorn.lse_step
ott.core.sinkhorn.Sinkhorn.one_iteration
ott.core.sinkhorn.Sinkhorn.output_from_state
ott.core.sinkhorn.Sinkhorn.norm_error
ott.core.sinkhorn.Sinkhorn.outer_iterations
ott.core.sinkhorn.SinkhornOutput
ott.core.sinkhorn.SinkhornOutput.apply
ott.core.sinkhorn.SinkhornOutput.cost_at_geom
ott.core.sinkhorn.SinkhornOutput.count
ott.core.sinkhorn.SinkhornOutput.index
ott.core.sinkhorn.SinkhornOutput.marginal
ott.core.sinkhorn.SinkhornOutput.set
ott.core.sinkhorn.SinkhornOutput.set_cost
ott.core.sinkhorn.SinkhornOutput.transport_mass
ott.core.sinkhorn.SinkhornOutput.a
ott.core.sinkhorn.SinkhornOutput.b
ott.core.sinkhorn.SinkhornOutput.converged
ott.core.sinkhorn.SinkhornOutput.errors
ott.core.sinkhorn.SinkhornOutput.f
ott.core.sinkhorn.SinkhornOutput.g
ott.core.sinkhorn.SinkhornOutput.geom
ott.core.sinkhorn.SinkhornOutput.linear
ott.core.sinkhorn.SinkhornOutput.linear_output
ott.core.sinkhorn.SinkhornOutput.matrix
ott.core.sinkhorn.SinkhornOutput.ot_prob
ott.core.sinkhorn.SinkhornOutput.reg_ot_cost
ott.core.sinkhorn.SinkhornOutput.scalings
ott.core.sinkhorn_lr.LRSinkhorn
ott.core.sinkhorn_lr.LRSinkhorn.dysktra_update
ott.core.sinkhorn_lr.LRSinkhorn.init_state
ott.core.sinkhorn_lr.LRSinkhorn.kernel_step
ott.core.sinkhorn_lr.LRSinkhorn.lr_costs
ott.core.sinkhorn_lr.LRSinkhorn.lse_step
ott.core.sinkhorn_lr.LRSinkhorn.one_iteration
ott.core.sinkhorn_lr.LRSinkhorn.output_from_state
ott.core.sinkhorn_lr.LRSinkhorn.recompute_couplings
ott.core.sinkhorn_lr.LRSinkhorn.norm_error
ott.core.sinkhorn_lr.LRSinkhorn.outer_iterations
ott.core.sinkhorn_lr.LRSinkhornOutput
ott.core.sinkhorn_lr.LRSinkhornOutput.apply
ott.core.sinkhorn_lr.LRSinkhornOutput.compute_reg_ot_cost
ott.core.sinkhorn_lr.LRSinkhornOutput.cost_at_geom
ott.core.sinkhorn_lr.LRSinkhornOutput.count
ott.core.sinkhorn_lr.LRSinkhornOutput.index
ott.core.sinkhorn_lr.LRSinkhornOutput.marginal
ott.core.sinkhorn_lr.LRSinkhornOutput.set
ott.core.sinkhorn_lr.LRSinkhornOutput.set_cost
ott.core.sinkhorn_lr.LRSinkhornOutput.transport_mass
ott.core.sinkhorn_lr.LRSinkhornOutput.a
ott.core.sinkhorn_lr.LRSinkhornOutput.b
ott.core.sinkhorn_lr.LRSinkhornOutput.converged
ott.core.sinkhorn_lr.LRSinkhornOutput.costs
ott.core.sinkhorn_lr.LRSinkhornOutput.g
ott.core.sinkhorn_lr.LRSinkhornOutput.geom
ott.core.sinkhorn_lr.LRSinkhornOutput.linear
ott.core.sinkhorn_lr.LRSinkhornOutput.linear_output
ott.core.sinkhorn_lr.LRSinkhornOutput.matrix
ott.core.sinkhorn_lr.LRSinkhornOutput.ot_prob
ott.core.sinkhorn_lr.LRSinkhornOutput.q
ott.core.sinkhorn_lr.LRSinkhornOutput.r
ott.core.sinkhorn_lr.LRSinkhornOutput.reg_ot_cost
ott.core.discrete_barycenter.discrete_barycenter
ott.core.continuous_barycenter.WassersteinBarycenter
ott.core.continuous_barycenter.WassersteinBarycenter.init_state
ott.core.continuous_barycenter.WassersteinBarycenter.output_from_state
ott.core.continuous_barycenter.WassersteinBarycenter.is_low_rank
ott.core.continuous_barycenter.BarycenterState
ott.core.continuous_barycenter.BarycenterState.count
ott.core.continuous_barycenter.BarycenterState.index
ott.core.continuous_barycenter.BarycenterState.set
ott.core.continuous_barycenter.BarycenterState.update
ott.core.continuous_barycenter.BarycenterState.a
ott.core.continuous_barycenter.BarycenterState.costs
ott.core.continuous_barycenter.BarycenterState.errors
ott.core.continuous_barycenter.BarycenterState.linear_convergence
ott.core.continuous_barycenter.BarycenterState.x
ott.core.gw_barycenter.GromovWassersteinBarycenter
ott.core.gw_barycenter.GromovWassersteinBarycenter.init_state
ott.core.gw_barycenter.GromovWassersteinBarycenter.output_from_state
ott.core.gw_barycenter.GromovWassersteinBarycenter.update_state
ott.core.gw_barycenter.GromovWassersteinBarycenter.is_low_rank
ott.core.gw_barycenter.GWBarycenterState
ott.core.gw_barycenter.GWBarycenterState.count
ott.core.gw_barycenter.GWBarycenterState.index
ott.core.gw_barycenter.GWBarycenterState.set
ott.core.gw_barycenter.GWBarycenterState.a
ott.core.gw_barycenter.GWBarycenterState.cost
ott.core.gw_barycenter.GWBarycenterState.costs
ott.core.gw_barycenter.GWBarycenterState.errors
ott.core.gw_barycenter.GWBarycenterState.gw_convergence
ott.core.gw_barycenter.GWBarycenterState.x
ott.core.gromov_wasserstein.gromov_wasserstein
ott.core.gromov_wasserstein.GromovWasserstein
ott.core.gromov_wasserstein.GromovWasserstein.init_state
ott.core.gromov_wasserstein.GromovWasserstein.output_from_state
ott.core.gromov_wasserstein.GromovWasserstein.is_low_rank
ott.core.gromov_wasserstein.GWOutput
ott.core.gromov_wasserstein.GWOutput.apply
ott.core.gromov_wasserstein.GWOutput.count
ott.core.gromov_wasserstein.GWOutput.index
ott.core.gromov_wasserstein.GWOutput.set
ott.core.gromov_wasserstein.GWOutput.convergence
ott.core.gromov_wasserstein.GWOutput.costs
ott.core.gromov_wasserstein.GWOutput.errors
ott.core.gromov_wasserstein.GWOutput.geom
ott.core.gromov_wasserstein.GWOutput.linear_convergence
ott.core.gromov_wasserstein.GWOutput.linear_state
ott.core.gromov_wasserstein.GWOutput.matrix
ott.core.gromov_wasserstein.GWOutput.old_transport_mass
ott.core.gromov_wasserstein.GWOutput.reg_gw_cost
ott.core.icnn.ICNN
ott.core.icnn.ICNN.apply
ott.core.icnn.ICNN.bind
ott.core.icnn.ICNN.clone
ott.core.icnn.ICNN.compute_gaussian_map
ott.core.icnn.ICNN.compute_identity_map
ott.core.icnn.ICNN.get_variable
ott.core.icnn.ICNN.has_rng
ott.core.icnn.ICNN.has_variable
ott.core.icnn.ICNN.init
ott.core.icnn.ICNN.init_fn
ott.core.icnn.ICNN.init_with_output
ott.core.icnn.ICNN.is_initializing
ott.core.icnn.ICNN.is_mutable_collection
ott.core.icnn.ICNN.make_rng
ott.core.icnn.ICNN.param
ott.core.icnn.ICNN.put_variable
ott.core.icnn.ICNN.setup
ott.core.icnn.ICNN.sow
ott.core.icnn.ICNN.tabulate
ott.core.icnn.ICNN.variable
ott.core.icnn.ICNN.act_fn
ott.core.icnn.ICNN.dim_data
ott.core.icnn.ICNN.gaussian_map
ott.core.icnn.ICNN.init_std
ott.core.icnn.ICNN.name
ott.core.icnn.ICNN.parent
ott.core.icnn.ICNN.pos_weights
ott.core.icnn.ICNN.scope
ott.core.icnn.ICNN.variables
ott.core.icnn.ICNN.dim_hidden
ott.core.neuraldual.NeuralDualSolver
ott.core.neuraldual.NeuralDualSolver.clip_weights_icnn
ott.core.neuraldual.NeuralDualSolver.create_train_state
ott.core.neuraldual.NeuralDualSolver.get_step_fn
ott.core.neuraldual.NeuralDualSolver.penalize_weights_icnn
ott.core.neuraldual.NeuralDualSolver.setup
ott.core.neuraldual.NeuralDualSolver.train_neuraldual
ott.core.neuraldual.NeuralDual
ott.core.neuraldual.NeuralDual.distance
ott.core.neuraldual.NeuralDual.inverse_transport
ott.core.neuraldual.NeuralDual.transport
ott.core.neuraldual.NeuralDual.f
ott.core.neuraldual.NeuralDual.g
ott.core.segment.segment_point_cloud
ott.tools package
ott.tools.transport.Transport
ott.tools.transport.Transport.apply
ott.tools.transport.Transport.count
ott.tools.transport.Transport.index
ott.tools.transport.Transport.marginal
ott.tools.transport.Transport.a
ott.tools.transport.Transport.b
ott.tools.transport.Transport.geom
ott.tools.transport.Transport.linear
ott.tools.transport.Transport.linear_output
ott.tools.transport.Transport.matrix
ott.tools.transport.Transport.problem
ott.tools.transport.Transport.solver_output
ott.tools.segment_sinkhorn.segment_sinkhorn
ott.tools.sinkhorn_divergence.sinkhorn_divergence
ott.tools.sinkhorn_divergence.segment_sinkhorn_divergence
ott.tools.soft_sort.quantile
ott.tools.soft_sort.quantile_normalization
ott.tools.soft_sort.quantize
ott.tools.soft_sort.ranks
ott.tools.soft_sort.sort
ott.tools.soft_sort.sort_with
References:
Bibliography
.rst
.pdf
ott.core.icnn.ICNN.act_fn
ott.core.icnn.ICNN.act_fn
#
ICNN.
act_fn
(
x
)
:
Callable
=
<jax._src.custom_derivatives.custom_jvp
object>
#
Parameters
x
(
Any
) –
Return type
Any