Skip to main content

EagerPy is a thin wrapper around PyTorch, TensorFlow Eager, JAX and NumPy that unifies their interface and thus allows writing code that works natively across all of them.

Project description

https://badge.fury.io/py/eagerpy.svg https://codecov.io/gh/jonasrauber/eagerpy/branch/master/graph/badge.svg https://img.shields.io/badge/code%20style-black-000000.svg

EagerPy

EagerPy is a thin wrapper around PyTorch, TensorFlow Eager, JAX and NumPy that unifies their interface and thus allows writing code that works natively across all of them.

Warning: this is work in progress; the tests should run through just fine, but lot’s of features are still missing. Let me know if this project is useful to you and which features are needed.

EagerPy is now in active use to develop Foolbox Native.

Installation

pip install eagerpy

Example

import eagerpy as ep

import torch
x = torch.tensor([1., 2., 3.])
x = ep.PyTorchTensor(x)

import tensorflow as tf
x = tf.constant([1., 2., 3.])
x = ep.TensorFlowTensor(x)

import jax.numpy as np
x = np.array([1., 2., 3.])
x = ep.JAXTensor(x)

import numpy as np
x = np.array([1., 2., 3.])
x = ep.NumPyTensor(x)

# In all cases, the resulting EagerPy tensor provides the same
# interface. This makes it possible to write code that works natively
# independent of the underlying framework.

# EagerPy tensors provide a lot of functionality through methods, e.g.
x.sum()
x.sqrt()
x.clip(0, 1)

# but EagerPy also provides them as functions, e.g.
ep.sum(x)
ep.sqrt(x)
ep.clip(x, 0, 1)
ep.uniform(x, (3, 3), low=-1., high=1.)  # x is needed to infer the framework

Compatibility

We currently test with the following versions:

  • PyTorch 1.3.1

  • TensorFlow 2.0.0

  • JAX 0.1.57

  • NumPy 1.18.1

Project details


Download files

Download the file for your platform. If you're not sure which to choose, learn more about installing packages.

Source Distribution

eagerpy-0.16.0.tar.gz (13.7 kB view details)

Uploaded Source

Built Distribution

eagerpy-0.16.0-py3-none-any.whl (21.6 kB view details)

Uploaded Python 3

File details

Details for the file eagerpy-0.16.0.tar.gz.

File metadata

  • Download URL: eagerpy-0.16.0.tar.gz
  • Upload date:
  • Size: 13.7 kB
  • Tags: Source
  • Uploaded using Trusted Publishing? No
  • Uploaded via: twine/3.1.1 pkginfo/1.5.0.1 requests/2.22.0 setuptools/40.6.2 requests-toolbelt/0.9.1 tqdm/4.42.0 CPython/3.6.10

File hashes

Hashes for eagerpy-0.16.0.tar.gz
Algorithm Hash digest
SHA256 8b26074166f0f2283af1d0e419cfd7488fa10dbdaf2909d3241353582bc3a6f1
MD5 8e223a8d3be2b464d11e68e8dd77f433
BLAKE2b-256 f877d5aebcc6089da114f81647fec2f4b9df63838e9ee33446ade45156aae9f1

See more details on using hashes here.

File details

Details for the file eagerpy-0.16.0-py3-none-any.whl.

File metadata

  • Download URL: eagerpy-0.16.0-py3-none-any.whl
  • Upload date:
  • Size: 21.6 kB
  • Tags: Python 3
  • Uploaded using Trusted Publishing? No
  • Uploaded via: twine/3.1.1 pkginfo/1.5.0.1 requests/2.22.0 setuptools/40.6.2 requests-toolbelt/0.9.1 tqdm/4.42.0 CPython/3.6.10

File hashes

Hashes for eagerpy-0.16.0-py3-none-any.whl
Algorithm Hash digest
SHA256 b216dd8526d5968fd9374f44c2baf36077236703f2b240e9865f519843101e37
MD5 dd350c2efadc884cfa50f22d04faf914
BLAKE2b-256 62883b268a771f233d0f5e5001098bf20d6f19e6a4e5ea362520b2ed092055df

See more details on using hashes here.

Supported by

AWS AWS Cloud computing and Security Sponsor Datadog Datadog Monitoring Fastly Fastly CDN Google Google Download Analytics Microsoft Microsoft PSF Sponsor Pingdom Pingdom Monitoring Sentry Sentry Error logging StatusPage StatusPage Status page