NumS is a Numerical cloud computing library that translates Python and NumPy to distributed systems code at runtime. NumS scales NumPy operations horizontally, and provides inter-operation (task) parallelism for those operations. NumS remains faithful to the NumPy API, and provides tight integration with the Python programming language by supporting loop parallelism and branching. NumS' system-level operations are written against the Ray API; it supports S3 and basic distributed filesystem operations for storage and uses NumPy as a backend for CPU-based array operations.
Obtain the latest release of NumS using pip install nums
.
NumS provides explicit implementations of the NumPy API, providing a clear API with code hinting when used in conjunction with IDEs (e.g. PyCharm) and interpreters (e.g. iPython, Jupyter Notebook) that provide such functionality.
Below is a quick snippet that simply samples a few large arrays and performs basic array operations.
import nums.numpy as nps
# Compute some products.
x = nps.random.rand(10**8)
# Note below the use of `get`, which blocks the executing process until
# an operation is completed, and constructs a numpy array
# from the blocks that comprise the output of the operation.
print((x.T @ x).get())
x = nps.random.rand(10**4, 10**4)
y = nps.random.rand(10**4)
print((x @ y).shape)
print((x.T @ x).shape)
# NumS also provides a speedup on basic array operations,
# such array search.
x = nps.random.permutation(10**8)
idx = nps.where(x == 10**8 // 2)
# Whenever possible, NumS automatically evaluates boolean operations
# to support Python branching.
if x[idx] == 10**8 // 2:
print("The numbers are equal.")
else:
raise Exception("This is impossible.")
NumS provides an optimized I/O interface for fast persistence of block arrays. See below for a basic example.
import nums
import nums.numpy as nps
# Write an 800MB object in parallel, utilizing all available cores and
# write speeds available to the OS file system.
x1 = nps.random.rand(10**8)
# We invoke `get` to block until the object is written.
# The result of the write operation provides status of the write
# for each block as a numpy array.
print(nums.write("x.nps", x1).get())
# Read the object back into memory in parallel, utilizing all available cores.
x2 = nums.read("x.nps")
assert nps.allclose(x1, x2)
NumS automatically loads CSV files in parallel as distinct arrays, and intelligently constructs a partitioned array for block-parallel linear algebra operations.
# Specifying has_header=True discards the first line of the CSV.
dataset = nums.read_csv("path/to/csv", has_header=True)
In this example, we'll run logistic regression on a bimodal Gaussian. We'll begin by importing the necessary modules.
import nums.numpy as nps
from nums.models.glms import LogisticRegression
NumS initializes its system dependencies automatically as soon as an operation is performed. Thus, importing modules triggers no systems-related initializations.
NumS is based on NumPy's parallel random number generators. You can sample billions of random numbers in parallel, which are automatically block-partitioned for parallel linear algebra operations.
Below, we sample an 800MB bimodal Gaussian, which is asynchronously generated and stored by the implemented system's workers.
size = 10**8
X_train = nps.concatenate([nps.random.randn(size // 2, 2),
nps.random.randn(size // 2, 2) + 2.0], axis=0)
y_train = nps.concatenate([nps.zeros(shape=(size // 2,), dtype=nps.int),
nps.ones(shape=(size // 2,), dtype=nps.int)], axis=0)
NumS's logistic regression API follows the scikit-learn API, a familiar API to the majority of the Python scientific computing community.
model = LogisticRegression(solver="newton-cg", penalty="l2", C=10)
model.fit(X_train, y_train)
We train our logistic regression model using the Newton method. NumS's optimizer automatically optimizes scheduling of operations using a mixture of block-cyclic heuristics, and a fast, tree-based optimizer to minimize memory and network load across distributed memory devices. For tall-skinny design matrices, NumS will automatically perform data-parallel distributed training, a near optimal solution to our optimizer's objective.
We evaluate our dataset by computing the accuracy on a sampled test set.
X_test = nps.concatenate([nps.random.randn(10**3, 2),
nps.random.randn(10**3, 2) + 2.0], axis=0)
y_test = nps.concatenate([nps.zeros(shape=(10**3,), dtype=nps.int),
nps.ones(shape=(10**3,), dtype=nps.int)], axis=0)
print("train accuracy", (nps.sum(y_train == model.predict(X_train)) / X_train.shape[0]).get())
print("test accuracy", (nps.sum(y_test == model.predict(X_test)) / X_test.shape[0]).get())
We perform the get
operation to transmit
the computed accuracy from distributed memory to "driver" (the locally running process) memory.
You can run this example in your browser here.
Below is an example of loading the HIGGS dataset (download here), partitioning it for training, and running logistic regression.
import nums
import nums.numpy as nps
from nums.models.glms import LogisticRegression
higgs_dataset = nums.read_csv("HIGGS.csv")
y, X = higgs_dataset[:, 0].astype(nps.int), higgs_dataset[:, 1:]
model = LogisticRegression(solver="newton-cg")
model.fit(X, y)
y_pred = model.predict(X)
print("accuracy", (nps.sum(y == y_pred) / X.shape[0]).get())
NumS releases are tested on Linux-based systems running Python 3.6, 3.7, and 3.8.
NumS runs on Windows, but not all features are tested. We recommend using Anaconda on Windows. Download and install Anaconda for Windows here. Make sure to add Anaconda to your PATH environment variable during installation.
To install NumS on Ray with CPU support, simply run the following command.
pip install nums
We are working on providing support for conda installations, but in the meantime, run the following with your conda environment activated.
pip install nums
# Run below to have NumPy use MKL.
conda install -fy mkl
conda install -fy numpy scipy
To run NumS with S3, configure credentials for access by following instructions here: https://docs.aws.amazon.com/cli/latest/userguide/cli-configure-files.html
NumS programs can run on a single machine, and can also seamlessly scale to large clusters.
Read more about launching clusters.
To contribute to NumS on Ray, we recommend cloning the repository and installing the project in developer mode using the following set of commands:
cd nums
conda create --name nums python=3.7 -y
conda activate nums
pip install -e ".[testing]"
To make basic contributions to the NumPy API, follow these steps:
- Replicate the function signature in
nums.numpy.api
. If it's anp.ndarray
method, add the function signature tonums.core.array.blockarray.BlockArray
. - If possible, implement the function using existing methods
in
nums.core.array.application.ArrayApplication
ornums.core.array.blockarray.BlockArray
. - Write a new implementation
ArrayApplication
orBlockArray
if it's not possible to implement using existing methods, or the implementation's execution speed can be improved beyond what is achievable using existing methods. - Add kernel interfaces to
nums.core.systems.interfaces.ComputeInterface
, and implement the interface methods for all existing compute implementations. Currently, the only compute interface isnums.core.systems.numpy_compute
. - Write tests covering all branches of your implementation in the corresponding test module
in the project's
tests/
directory. - Do your best to implement the API in its entirety. It's generally better to have a partial
implementation than no implementation, so if for whatever reason certain arguments
are difficult to support, follow the convention we use to raise errors for unsupported
arguments in functions like
nums.numpy.api.min
. - If you run into any issues and need help with your implementation, open an issue describing the issue you're experiencing.
We encourage you to follow the nums.numpy.api.arange
implementation as a reference.