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.

Learn more about in the documentation.

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.20.2.tar.gz (16.4 kB view details)

Uploaded Source

Built Distribution

eagerpy-0.20.2-py3-none-any.whl (27.2 kB view details)

Uploaded Python 3

File details

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

File metadata

  • Download URL: eagerpy-0.20.2.tar.gz
  • Upload date:
  • Size: 16.4 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.1 CPython/3.6.10

File hashes

Hashes for eagerpy-0.20.2.tar.gz
Algorithm Hash digest
SHA256 602bac3170a1241521e3d5c48c576625ee4b3321e2bdfe8d6661fb3d35c0afe8
MD5 19e2e6011745d257725e3b39c00e6710
BLAKE2b-256 85f0244796f5a5df93d0162858e6f147021608cda910436c5196d434b72b4745

See more details on using hashes here.

File details

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

File metadata

  • Download URL: eagerpy-0.20.2-py3-none-any.whl
  • Upload date:
  • Size: 27.2 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.1 CPython/3.6.10

File hashes

Hashes for eagerpy-0.20.2-py3-none-any.whl
Algorithm Hash digest
SHA256 b26bc40159f1bdb9e8fe9cf215d166b8055e0e8596b5791f1d7fa2ed414646c6
MD5 13f650ac1d4d1b966684bb58f340d911
BLAKE2b-256 6d5de4562936184e8de7caa29fd6dd8d4b42dc3c0e92b250fb632b6826afc175

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