Pot

Latest version: v0.9.5

Safety actively analyzes 688178 Python packages for vulnerabilities to keep your Python projects secure.

Scan your dependencies

Page 1 of 4

0.9.5

*November 2024*

This new release contains several new features, starting with
a novel [Gaussian Mixture Model Optimal Transport (GMM-OT)](https://pythonot.github.io/master/gen_modules/ot.gmm.html#examples-using-ot-gmm-gmm-ot-apply-map) solver to compare GMM while enforcing the transport plan to remain a GMM, that benefits from a closed-form solution making it practical for high-dimensional matching problems. We also extended our general unbalanced OT solvers to support any non-negative reference measure in the regularization terms, before adding the novel [translation invariant UOT](https://pythonot.github.io/master/auto_examples/unbalanced-partial/plot_conv_sinkhorn_ti.html) solver showcasing a higher convergence speed. We also implemented several new solvers and enhanced existing ones to perform OT across spaces. These include a [semi-relaxed FGW barycenter](https://pythonot.github.io/master/auto_examples/gromov/plot_semirelaxed_gromov_wasserstein_barycenter.html) solver, coupled with new initialization heuristics for the inner divergence computation, to perform graph partitioning or dictionary learning. Followed by novel [unbalanced FGW and Co-optimal transport](https://pythonot.github.io/master/auto_examples/others/plot_outlier_detection_with_COOT_and_unbalanced_COOT.html) solvers to promote robustness to outliers in such matching problems. And we finally updated the implementation of partial GW now supporting asymmetric structures and the KL divergence, while leveraging a new generic conditional gradient solver for partial transport problems enabling significant speed improvements. These latest updates required some modifications to the line search functions of our generic conditional gradient solver, paving the way for future improvements to other GW-based solvers. Last but not least, we implemented a pre-commit scheme to automatically correct common programming mistakes likely to be made by our future contributors.

This release also contains few bug fixes, concerning the support of any metric in `ot.emd_1d` / `ot.emd2_1d`, and the support of any weights in `ot.gaussian`.

Breaking change
- Custom functions provided as parameter `line_search` to `ot.optim.generic_conditional_gradient` must now have the signature `line_search(cost, G, deltaG, Mi, cost_G, df_G, **kwargs)`, adding as input `df_G` the gradient of the regularizer evaluated at the transport plan `G`. This change aims at improving speed of solvers having quadratic polynomial functions as regularizer such as the Gromov-Wassertein loss (PR 663).

New features
- New linter based on pre-commit using ruff, codespell and yamllint (PR 681)
- Added feature `mass=True` for `nx.kl_div` (PR 654)
- Implemented Gaussian Mixture Model OT `ot.gmm` (PR 649)
- Added feature `semirelaxed_fgw_barycenters` and generic FGW-related barycenter updates `update_barycenter_structure` and `update_barycenter_feature` (PR 659)
- Added initialization heuristics for sr(F)GW problems via `semirelaxed_init_plan`, integrated in all sr(F)GW solvers (PR 659)
- Improved `ot.plot.plot1D_mat` (PR 649)
- Added `nx.det` (PR 649)
- `nx.sqrtm` is now broadcastable (takes ..., d, d) inputs (PR 649)
- Restructured `ot.unbalanced` module (PR 658)
- Added `ot.unbalanced.lbfgsb_unbalanced2` and add flexible reference measure `c` in all unbalanced solvers (PR 658)
- Implemented Fused unbalanced Gromov-Wasserstein and unbalanced Co-Optimal Transport (PR 677)
- Notes before depreciating partial Gromov-Wasserstein function in `ot.partial` moved to ot.gromov (PR 663)
- Create `ot.gromov._partial` add new features `loss_fun = "kl_loss"` and `symmetry=False` to all solvers while increasing speed + updating adequatly `ot.solvers` (PR 663)
- Added `ot.unbalanced.sinkhorn_unbalanced_translation_invariant` (PR 676)

Closed issues
- Fixed `ot.gaussian` ignoring weights when computing means (PR 649, Issue 648)
- Fixed `ot.emd_1d` and `ot.emd2_1d` incorrectly allowing any metric (PR 670, Issue 669)

0.9.4

*June 2024*

This new release contains several new features and bug fixes. Among the new features
we have novel [Quantized FGW](https://pythonot.github.io/auto_examples/gromov/plot_quantized_gromov_wasserstein.html) solvers that can be used to speed up the computation of the FGW loss on large datasets or to promote a structure on the pairwise matrices. We also updated the continuous entropic mapping to provide efficient out-of-sample continuous mapping thanks to entropic regularization. We also have a new general unbalanced solvers for `ot.solve` and BFGS solver and illustrative example. Finally we have a new solver for the [Low Rank Gromov-Wasserstein](https://pythonot.github.io/auto_examples/others/plot_lowrank_GW.html) that can be used to compute the GW distance between two large scale datasets with a low rank approximation.

From a maintenance point of view, we now have a new option to install optional dependencies with `pip install POT[all]` and the specific backends or submodules' dependencies may also be installed individually. The pip options are: `backend-jax, backend-tf, backend-torch, cvxopt, dr, gnn, plot, all`. We also provide with this release support for NumPy 2.0 (the wheels should now be compatible with NumPy 2.0 and below). We also fixed several issues such as gradient sign errors for FGW solvers, empty weights for `ot.emd2`, and line-search in partial GW. We also split the `test/test_gromov.py` into `test/gromov/` to make the tests more manageable.

New features
+ NumPy 2.0 support is added (PR 629)
+ New quantized FGW solvers `ot.gromov.quantized_fused_gromov_wasserstein`, `ot.gromov.quantized_fused_gromov_wasserstein_samples` and `ot.gromov.quantized_fused_gromov_wasserstein_partitioned` (PR 603)
+ `ot.gromov._gw.solve_gromov_linesearch` now has an argument to specify if the matrices are symmetric in which case the computation can be done faster (PR 607).
+ Continuous entropic mapping (PR 613)
+ New general unbalanced solvers for `ot.solve` and BFGS solver and illustrative example (PR 620)
+ Add gradient computation with envelope theorem to sinkhorn solver of `ot.solve` with `grad='envelope'` (PR 605).
+ Added support for [Low rank Gromov-Wasserstein](https://proceedings.mlr.press/v162/scetbon22b/scetbon22b.pdf) with `ot.gromov.lowrank_gromov_wasserstein_samples` (PR #614)
+ Optional dependencies may now be installed with `pip install POT[all]` The specific backends or submodules' dependencies may also be installed individually. The pip options are: `backend-jax, backend-tf, backend-torch, cvxopt, dr, gnn, all`. The installation of the `cupy` backend should be done with conda.

Closed issues
- Fix gpu compatibility of sr(F)GW solvers when `G0 is not None`(PR 596)
- Fix doc and example for lowrank sinkhorn (PR 601)
- Fix issue with empty weights for `ot.emd2` (PR 606, Issue 534)
- Fix a sign error regarding the gradient of `ot.gromov._gw.fused_gromov_wasserstein2` and `ot.gromov._gw.gromov_wasserstein2` for the kl loss (PR 610)
- Fix same sign error for sr(F)GW conditional gradient solvers (PR 611)
- Split `test/test_gromov.py` into `test/gromov/` (PR 619)
- Fix (F)GW barycenter functions to support computing barycenter on 1 input + deprecate structures as lists (PR 628)
- Fix line-search in partial GW and change default init to the interior of partial transport plans (PR 602)
- Fix `ot.da.sinkhorn_lpl1_mm` compatibility with JAX (PR 592)
- Fiw linesearch import error on Scipy 1.14 (PR 642, Issue 641)
- Upgrade supported JAX versions from jax<=0.4.24 to jax<=0.4.30 (PR 643)

0.9.3

*January 2024*


Closed issues
- Fixed an issue with cost correction for mismatched labels in `ot.da.BaseTransport` fit methods. This fix addresses the original issue introduced PR 587 (PR 593)

0.9.2

*December 2023*

This new release contains several new features and bug fixes. Among the new features
we have a new solver for estimation of nearest Brenier potentials (SSNB) that can be used for OT mapping estimation (on small problems), new Bregman Alternated Projected Gradient solvers for GW and FGW, and new solvers for Bures-Wasserstein barycenters. We also provide a first solver for Low Rank Sinkhorn that will be ussed to provide low rak OT extensions in the next releases. Finally we have a new exact line-search for (F)GW solvers with KL loss that can be used to improve the convergence of the solvers.

We also have a new `LazyTensor` class that can be used to model OT plans and low rank tensors in large scale OT. This class is used to return the plan for the new wrapper for `geomloss` Sinkhorn solver on empirical samples that can lead to x10/x100 speedups on CPU or GPU and have a lazy implementation that allows solving very large problems of a few millions samples.

We also have a new API for solving OT problems from empirical samples with `ot.solve_sample` Finally we have a new API for Gromov-Wasserstein solvers with `ot.solve_gromov` function that centralizes most of the (F)GW methods with unified notation. Some example of how to use the new API below:

python
Generate random data
xs, xt = np.random.randn(100, 2), np.random.randn(50, 2)

Solve OT problem with empirical samples
sol = ot.solve_sample(xs, xt) Exact OT betwen smaples with uniform weights
sol = ot.solve_sample(xs, xt, wa, wb) Exact OT with weights given by user

sol = ot.solve_sample(xs, xt, reg= 1, metric='euclidean') sinkhorn with euclidean metric

sol = ot.solve_sample(xs, xt, reg= 1, method='geomloss') faster sinkhorn solver on CPU/GPU

sol = ot.solve_sample(x,x2, method='factored', rank=10) compute factored OT

sol = ot.solve_sample(x,x2, method='lowrank', rank=10) compute lowrank sinkhorn OT

value_bw = ot.solve_sample(xs, xt, method='gaussian').value Bures-Wasserstein distance

Solve GW problem
Cs, Ct = ot.dist(xs, xs), ot.dist(xt, xt) compute cost matrices
sol = ot.solve_gromov(Cs,Ct) Exact GW between samples with uniform weights

Solve FGW problem
M = ot.dist(xs, xt) compute cost matrix

Exact FGW between samples with uniform weights
sol = ot.solve_gromov(Cs, Ct, M, loss='KL', alpha=0.7) FGW with KL data fitting


recover solutions objects
P = sol.plan OT plan
u, v = sol.potentials dual variables
value = sol.value OT value

for GW and FGW
value_linear = sol.value_linear linear part of the loss
value_quad = sol.value_quad quadratic part of the loss



Users are encouraged to use the new API (it is much simpler) but it might still be subjects to small changes before the release of POT 1.0 .


We also fixed a number of issues, the most pressing being a problem of GPU memory allocation when pytorch is installed that will not happen now thanks to Lazy initialization of the backends. We now also have the possibility to deactivate some backends using environment which prevents POT from importing them and can lead to large import speedup.


New features
+ Added support for [Nearest Brenier Potentials (SSNB)](http://proceedings.mlr.press/v108/paty20a/paty20a.pdf) (PR #526) + minor fix (PR 535)
+ Tweaked `get_backend` to ignore `None` inputs (PR 525)
+ Callbacks for generalized conditional gradient in `ot.da.sinkhorn_l1l2_gl` are now vectorized to improve performance (PR 507)
+ The `linspace` method of the backends now has the `type_as` argument to convert to the same dtype and device. (PR 533)
+ The `convolutional_barycenter2d` and `convolutional_barycenter2d_debiased` functions now work with different devices.. (PR 533)
+ New API for Gromov-Wasserstein solvers with `ot.solve_gromov` function (PR 536)
+ New LP solvers from scipy used by default for LP barycenter (PR 537)
+ Update wheels to Python 3.12 and remove old i686 arch that do not have scipy wheels (PR 543)
+ Upgraded unbalanced OT solvers for more flexibility (PR 539)
+ Add LazyTensor for modeling plans and low rank tensor in large scale OT (PR 544)
+ Add exact line-search for `gromov_wasserstein` and `fused_gromov_wasserstein` with KL loss (PR 556)
+ Add KL loss to all semi-relaxed (Fused) Gromov-Wasserstein solvers (PR 559)
+ Further upgraded unbalanced OT solvers for more flexibility and future use (PR 551)
+ New API function `ot.solve_sample` for solving OT problems from empirical samples (PR 563)
+ Wrapper for `geomloss`` solver on empirical samples (PR 571)
+ Add `stop_criterion` feature to (un)regularized (f)gw barycenter solvers (PR 578)
+ Add `fixed_structure` and `fixed_features` to entropic fgw barycenter solver (PR 578)
+ Add new BAPG solvers with KL projections for GW and FGW (PR 581)
+ Add Bures-Wasserstein barycenter in `ot.gaussian` and example (PR 582, PR 584)
+ Domain adaptation method `SinkhornL1l2Transport` now supports JAX backend (PR 587)
+ Added support for [Low-Rank Sinkhorn Factorization](https://arxiv.org/pdf/2103.04737.pdf) (PR #568)


Closed issues
- Fix line search evaluating cost outside of the interpolation range (Issue 502, PR 504)
- Lazily instantiate backends to avoid unnecessary GPU memory pre-allocations on package import (Issue 516, PR 520)
- Handle documentation and warnings when integers are provided to (f)gw solvers based on cg (Issue 530, PR 559)
- Correct independence of `fgw_barycenters` to `init_C` and `init_X` (Issue 547, PR 566)
- Avoid precision change when computing norm using PyTorch backend (Discussion 570, PR 572)
- Create `ot/bregman/`repository (Issue 567, PR 569)
- Fix matrix feature shape in `entropic_fused_gromov_barycenters`(Issue 574, PR 573)
- Fix (fused) gromov-wasserstein barycenter solvers to support `kl_loss`(PR 576)

0.9.1

*August 2023*

This new release contains several new features and bug fixes.

New features include a new submodule `ot.gnn` that contains two new Graph neural network layers (compatible with [Pytorch Geometric](https://pytorch-geometric.readthedocs.io/)) for template-based pooling of graphs with an example on [graph classification](https://pythonot.github.io/master/auto_examples/gromov/plot_gnn_TFGW.html). Related to this, we also now provide FGW and semi relaxed FGW solvers for which the resulting loss is differentiable w.r.t. the parameter `alpha`. Other contributions on the (F)GW front include a new solver for the Proximal Point algorithm [that can be used to solve entropic GW problems](https://pythonot.github.io/master/auto_examples/gromov/plot_fgw_solvers.html) (using the parameter `solver="PPA"`), new solvers for entropic FGW barycenters, novels Sinkhorn-based solvers for entropic semi-relaxed (F)GW, the possibility to provide a warm-start to the solvers, and optional marginal weights of the samples (uniform weights ar used by default). Finally we added in the submodule `ot.gaussian` and `ot.da` new loss and mapping estimators for the Gaussian Gromov-Wasserstein that can be used as a fast alternative to GW and estimates linear mappings between unregistered spaces that can potentially have different size (See the update [linear mapping example](https://pythonot.github.io/master/auto_examples/domain-adaptation/plot_otda_linear_mapping.html) for an illustration).

We also provide a new solver for the [Entropic Wasserstein Component Analysis](https://pythonot.github.io/master/auto_examples/others/plot_EWCA.html) that is a generalization of the celebrated PCA taking into account the local neighborhood of the samples. We also now have a new solver in `ot.smooth` for the [sparsity-constrained OT (last plot)](https://pythonot.github.io/master/auto_examples/plot_OT_1D_smooth.html) that can be used to find regularized OT plans with sparsity constraints. Finally we have a first multi-marginal solver for regular 1D distributions with a Monge loss (see [here](https://pythonot.github.io/master/auto_examples/others/plot_dmmot.html)).

The documentation and testings have also been updated. We now have nearly 95% code coverage with the tests. The documentation has been updated and some examples have been streamlined to build more quickly and avoid timeout problems with CircleCI. We also added an optional CI on GPU for the master branch and approved PRs that can be used when a GPU runner is online.

Many other bugs and issues have been fixed and we want to thank all the contributors, old and new, who made this release possible. More details below.


New features

- Added Bures Wasserstein distance in `ot.gaussian` (PR 428)
- Added Generalized Wasserstein Barycenter solver + example (PR 372), fixed graphical details on the example (PR 376)
- Added Free Support Sinkhorn Barycenter + example (PR 387)
- New API for OT solver using function `ot.solve` (PR 388)
- Backend version of `ot.partial` and `ot.smooth` (PR 388)
- Added argument for warmstart of dual vectors in Sinkhorn-based methods in `ot.bregman` (PR 437)

Closed issues


- Fixed an issue with the documentation gallery sections (PR 395)
- Fixed an issue where sinkhorn divergence did not have a gradients (Issue 393, PR 394)
- Fixed an issue where we could not ask TorchBackend to place a random tensor on GPU
(Issue 371, PR 373)
- Fixed an issue where Sinkhorn solver assumed a symmetric cost matrix (Issue 374, PR 375)
- Fixed an issue where hitting iteration limits would be reported to stderr by std::cerr regardless of Python's stderr stream status (PR 377)
- Fixed an issue where the metric argument in ot.dist did not allow a callable parameter (Issue 378, PR 379)
- Fixed an issue where the max number of iterations in ot.emd was not allowed to go beyond 2^31 (PR 380)
- Fixed an issue where pointers would overflow in the EMD solver, returning an
incomplete transport plan above a certain size (slightly above 46k, its square being
roughly 2^31) (PR 381)
- Error raised when mass mismatch in emd2 (PR 386)
- Fixed an issue where a pytorch example would throw an error if executed on a GPU (Issue 389, PR 391)
- Added a work-around for scipy's bug, where you cannot compute the Hamming distance with a "None" weight attribute. (Issue 400, PR 402)
- Fixed an issue where the doc could not be built due to some changes in matplotlib's API (Issue 403, PR 402)
- Replaced Numpy C Compiler with Setuptools C Compiler due to deprecation issues (Issue 408, PR 409)
- Fixed weak optimal transport docstring (Issue 404, PR 410)
- Fixed error with parameter `log=True`for `SinkhornLpl1Transport` (Issue 412,
PR 413)
- Fixed an issue about `warn` parameter in `sinkhorn2` (PR 417)
- Fix an issue where the parameter `stopThr` in `empirical_sinkhorn_divergence` was rendered useless by subcalls
that explicitly specified `stopThr=1e-9` (Issue 421, PR 422).
- Fixed a bug breaking an example where we would try to make an array of arrays of different shapes (Issue 424, PR 425)

0.8.2

This releases introduces several new notable features. The less important
but most exiting one being that we now have a logo for the toolbox (color
and dark background) :

![](https://pythonot.github.io/master/_images/logo.svg)![](https://pythonot.github.io/master/_static/logo_dark.svg)

This logo is generated using with matplotlib and using the solution of an OT
problem provided by POT (with `ot.emd`). Generating the logo can be done with a
simple python script also provided in the [documentation gallery](https://pythonot.github.io/auto_examples/others/plot_logo.html#sphx-glr-auto-examples-others-plot-logo-py).

New OT solvers include [Weak
OT](https://pythonot.github.io/gen_modules/ot.weak.html#ot.weak.weak_optimal_transport)
and [OT with factored
coupling](https://pythonot.github.io/gen_modules/ot.factored.html#ot.factored.factored_optimal_transport)
that can be used on large datasets. The [Majorization Minimization](https://pythonot.github.io/gen_modules/ot.unbalanced.html?highlight=mm_#ot.unbalanced.mm_unbalanced) solvers for
non-regularized Unbalanced OT are now also available. We also now provide an
implementation of [GW and FGW unmixing](https://pythonot.github.io/gen_modules/ot.gromov.html#ot.gromov.gromov_wasserstein_linear_unmixing) and [dictionary learning](https://pythonot.github.io/gen_modules/ot.gromov.html#ot.gromov.gromov_wasserstein_dictionary_learning). It is now
possible to use autodiff to solve entropic an quadratic regularized OT in the
dual for full or stochastic optimization thanks to the new functions to compute
the dual loss for [entropic](https://pythonot.github.io/gen_modules/ot.stochastic.html#ot.stochastic.loss_dual_entropic) and [quadratic](https://pythonot.github.io/gen_modules/ot.stochastic.html#ot.stochastic.loss_dual_quadratic) regularized OT and reconstruct the [OT
plan](https://pythonot.github.io/gen_modules/ot.stochastic.html#ot.stochastic.plan_dual_entropic) on part or all of the data. They can be used for instance to solve OT
problems with stochastic gradient or for estimating the [dual potentials as
neural networks](https://pythonot.github.io/auto_examples/backends/plot_stoch_continuous_ot_pytorch.html#sphx-glr-auto-examples-backends-plot-stoch-continuous-ot-pytorch-py).

On the backend front, we now have backend compatible functions and classes in
the domain adaptation [`ot.da`](https://pythonot.github.io/gen_modules/ot.da.html#module-ot.da) and unbalanced OT [`ot.unbalanced`](https://pythonot.github.io/gen_modules/ot.unbalanced.html) modules. This
means that the DA classes can be used on tensors from all compatible backends.
The [free support Wasserstein barycenter](https://pythonot.github.io/gen_modules/ot.lp.html?highlight=free%20support#ot.lp.free_support_barycenter) solver is now also backend compatible.

Finally we have worked on the documentation to provide an update of existing
examples in the gallery and and several new examples including [GW dictionary
learning](https://pythonot.github.io/auto_examples/gromov/plot_gromov_wasserstein_dictionary_learning.html#sphx-glr-auto-examples-gromov-plot-gromov-wasserstein-dictionary-learning-py)
[weak Optimal
Transport](https://pythonot.github.io/auto_examples/others/plot_WeakOT_VS_OT.html#sphx-glr-auto-examples-others-plot-weakot-vs-ot-py),
[NN based dual potentials
estimation](https://pythonot.github.io/auto_examples/backends/plot_stoch_continuous_ot_pytorch.html#sphx-glr-auto-examples-backends-plot-stoch-continuous-ot-pytorch-py)
and [Factored coupling OT](https://pythonot.github.io/auto_examples/others/plot_factored_coupling.html#sphx-glr-auto-examples-others-plot-factored-coupling-py).
.

New features

- Remove deprecated `ot.gpu` submodule (PR 361)
- Update examples in the gallery (PR 359)
- Add stochastic loss and OT plan computation for regularized OT and
backend examples(PR 360)
- Implementation of factored OT with emd and sinkhorn (PR 358)
- A brand new logo for POT (PR 357)
- Better list of related examples in quick start guide with `minigallery` (PR 334)
- Add optional log-domain Sinkhorn implementation in WDA to support smaller values
of the regularization parameter (PR 336)
- Backend implementation for `ot.lp.free_support_barycenter` (PR 340)
- Add weak OT solver + example (PR 341)
- Add backend support for Domain Adaptation and Unbalanced solvers (PR 343)
- Add (F)GW linear dictionary learning solvers + example (PR 319)
- Add links to related PR and Issues in the doc release page (PR 350)
- Add new minimization-maximization algorithms for solving exact Unbalanced OT + example (PR 362)

Closed issues

- Fix mass gradient of `ot.emd2` and `ot.gromov_wasserstein2` so that they are
centered (Issue 364, PR 363)
- Fix bug in instantiating an `autograd` function `ValFunction` (Issue 337,
PR 338)
- Fix POT ABI compatibility with old and new numpy (Issue 346, PR 349)
- Warning when feeding integer cost matrix to EMD solver resulting in an integer transport plan (Issue 345, PR 343)
- Fix bug where gromov_wasserstein2 does not perform backpropagation with CUDA
tensors (Issue 351, PR 352)

Page 1 of 4

© 2024 Safety CLI Cybersecurity Inc. All Rights Reserved.