a beautifully simplistic tensor library
Project description
froog
froog: fast real-time optimization of gradients
a beautifully compact tensor library
homepage | documentation | pip
froog
is an easy-to-read tensor library (11k pip installs!) meant for those looking to get into machine learning and who want to understand how the underlying machine learning framework's code works before they are ultra-optimized (which all modern ml libraries are).
froog
encapsulates everything from linear regression to convolutional neural networks in under 1000 lines.
Installation
pip install froog
More information on downloading froog
in the installation docs.
Features
- Custom Tensors
- Backpropagation
- Automatic Differentiation (autograd)
- Forward and backward passes
- ML Operations
- 2D Convolutions (im2col)
- Numerical gradient checking
- Acceleration methods (Adam)
- Avg & Max pooling
- EfficientNet inference
- GPU Support
- and a bunch more
Sneak Peek
Here's how you set up a simple multilayer perceptron for classification on MNIST. Looks pretty similar to pytorch, right?
from froog.tensor import Tensor
from froog.nn import Linear
import froog.optim as optim
class mnistMLP:
def __init__(self):
self.l1 = Tensor(Linear(784, 128)) # layer 1
self.l2 = Tensor(Linear(128, 10)) # layer 2
def forward(self, x):
# forward pass through both layers and softmax for output probabilities
return x.dot(self.l1).relu().dot(self.l2).logsoftmax()
model = mnistMLP() # create model
optim = optim.SGD([model.l1, model.l2], lr=0.001) # stochastic gradient descent optimizer
Overview
The most fundamental concept in all of froog
and machine learning frameworks is the Tensor. A tensor is simply a matrix of matrices (more accurately a multi-dimensional array).
You can create a Tensor in froog
with:
import numpy as np
from froog.tensor import Tensor
my_tensor = Tensor([1,2,3])
Notice how we had to import numpy. If you want to create a Tensor manually, make sure that it is a Numpy array!
Tensors
Tensors are the fundamental datatype in froog, and one of the two main classes.
-
def __init__(self, data)
:-
Tensor takes in one param, which is the data. Since froog has a numpy backend, the input data into tensors has to be a numpy array.
-
Tensor has a
self.data
state that it holds. this contains the data inside of the tensor. -
In addition, it has
self.grad
. this is to hold what the gradients of the tensor is. -
Lastly, it has
self._ctx
. theser are the internal vairables used for autograd graph construction. put more simply, this is where the backward gradient computations are saved.
-
Properties
shape(self)
: this returns the tensor shape
Methods
-
``def zeros(*shape)```: this returns a tensor full of zeros with any shape that you pass in. Defaults to np.float32
-
def ones(*shape)
: this returns a tensor full of ones with any shape that you pass in. Defaults to np.float32 -
def randn(*shape):
: this returns a randomly initialized Tensor of *shape
Froog gradient calculations
froog
computes gradients automatically through a process called automatic differentiation. it has a variable_ctx
, which stores the chain of operations. it will take the current operation, lets say a dot product, and go to the dot product definition infroog/ops.py
, which contains a backward pass specfically for dot products. all methods, from add to 2x2 maxpools, have this backward pass implemented.
Functions
The other base class in froog is the class Function
. It keeps track of input tensors and tensors that need to be saved for backward passes
-
def __init__(self, *tensors)
: takes in an argument of tensors, which are then saved. -
def save_for_backward(self, *x)
: saves Tensors that are necessary to compute for the computation of gradients in the backward pass. -
def apply(self, arg, *x)
: This is what makes everything work. The apply() method takes care of the forward pass, applying the operation to the inputs.
Register
def register(name, fxn)
: this function allows you to add a method to a Tensor. This allows you to chain any operations, e.g. x.dot(w).relu(), where w is a tensor
Creating a model
Okay cool, so now you know that froog
's main datatype is a Tensor and uses NumPy in the background. How do I actually build a model?
Here's an example of how to create an MNIST multi-layer perceptron (MLP). We wanted to make it as simple as possible for you to do so so it resembles very basic python concepts like classes. There's really only two methods you need to define:
__init__
that defines layers of the model (here we useLinear
)forward
which defines how the input should flow through your model. We use a simple dot product with aLinear
layer with aReLU
activation.
In order to create an instance of the mnistMLP
model, do the same as you would in python: model = mnistMLP()
.
We support a few different optimizers, here which include:
- Stochastic Gradient Descent (SGD)
- Adaptive Moment Estimation (Adam)
- Root Mean Square Propagation (RMSProp)
from froog.tensor import Tensor
import froog.optim as optim
from froog.nn import Linear
class mnistMLP:
def __init__(self):
self.l1 = Tensor(Linear(784, 128))
self.l2 = Tensor(Linear(128, 10))
def forward(self, x):
return x.dot(self.l1).relu().dot(self.l2).logsoftmax()
model = mnistMLP()
optim = optim.SGD([model.l1, model.l2], lr=0.001)
You can also create a convolutional neural net by
class SimpleConvNet:
def __init__(self):
conv_size = 5
channels = 17
self.c1 = Tensor(Linear(channels,1,conv_size,conv_size)) # (num_filters, color_channels, kernel_h, kernel_w)
self.l1 = Tensor(Linear((28-conv_size+1)**2*channels, 128)) # (28-conv+1)(28-conv+1) since kernel isn't padded
self.l2 = Tensor(Linear(128, 10)) # MNIST output is 10 classes
def forward(self, x):
x.data = x.data.reshape((-1, 1, 28, 28)) # get however many number of imgs in batch
x = x.conv2d(self.c1).relu() # pass through conv first
x = x.reshape(shape=(x.shape[0], -1))
return x.dot(self.l1).relu().dot(self.l2).logsoftmax()
So there are two quick examples to get you up and running. You might have noticed some operations like reshape
and were wondering what else you can do with froog
. We have many more operations that you can apply on tensors:
.add()
.sub()
.mul()
.sum()
.pow()
.dot()
.relu()
.sigmoid()
.reshape()
.pad2d()
.logsoftmax()
.conv2d()
.im2col2dconv()
.max_pool2d()
.avg_pool2d()
GPU Support
Have a GPU and need a speedup? You're in good luck because we have GPU support from for our operations defined in ops_gpu.py
. In order to do this we have a backend built on OpenGL that invokes kernel functions that work on the GPU.
Here's how you can send data to the GPU during a forward pass and bring it back to the CPU.
# ...
GPU = os.getenv("GPU", None) is not None
if GPU:
out = model.forward(Tensor(img).to_gpu()).cpu()
EfficientNet in froog!
We have a really cool finished implementation of EfficientNet built entirely in froog
!
In order to run EfficientNet inference:
VIZ=1 python models/efficientnet.py <https://put_your_image_url_here>
I would recommend checking out the code, it's highly documented and pretty cool. Here's some of the documentation
Paper : https://arxiv.org/abs/1905.11946
PyTorch version : https://github.com/lukemelas/EfficientNet-PyTorch/blob/master/efficientnet_pytorch/model.py
ConvNets are commonly developed at a fixed resource cost, and then scaled up in order to achieve better accuracy when more resources are made available
The scaling method was found by performing a grid search to find the relationship between different scaling dimensions of the baseline network under a fixed resource constraint
"SE" stands for "Squeeze-and-Excitation." Introduced by the "Squeeze-and-Excitation Networks" paper by Jie Hu, Li Shen, and Gang Sun (CVPR 2018).
Environment Variables:
VIZ=1 --> plots processed image and output probabilities
How to Run:
'VIZ=1 python models/efficientnet.py https://your_image_url'
EfficientNet Hyper-Parameters and Weights:
url_map = {
'efficientnet-b0': 'https://github.com/lukemelas/EfficientNet-PyTorch/releases/download/1.0/efficientnet-b0-355c32eb.pth',
'efficientnet-b1': 'https://github.com/lukemelas/EfficientNet-PyTorch/releases/download/1.0/efficientnet-b1-f1951068.pth',
'efficientnet-b2': 'https://github.com/lukemelas/EfficientNet-PyTorch/releases/download/1.0/efficientnet-b2-8bb594d6.pth',
'efficientnet-b3': 'https://github.com/lukemelas/EfficientNet-PyTorch/releases/download/1.0/efficientnet-b3-5fb5a3c3.pth',
'efficientnet-b4': 'https://github.com/lukemelas/EfficientNet-PyTorch/releases/download/1.0/efficientnet-b4-6ed6700e.pth',
'efficientnet-b5': 'https://github.com/lukemelas/EfficientNet-PyTorch/releases/download/1.0/efficientnet-b5-b6417697.pth',
'efficientnet-b6': 'https://github.com/lukemelas/EfficientNet-PyTorch/releases/download/1.0/efficientnet-b6-c76e70fd.pth',
'efficientnet-b7': 'https://github.com/lukemelas/EfficientNet-PyTorch/releases/download/1.0/efficientnet-b7-dcc49843.pth',
}
params_dict = {
# Coefficients: width,depth,res,dropout
'efficientnet-b0': (1.0, 1.0, 224, 0.2),
'efficientnet-b1': (1.0, 1.1, 240, 0.2),
'efficientnet-b2': (1.1, 1.2, 260, 0.3),
'efficientnet-b3': (1.2, 1.4, 300, 0.3),
'efficientnet-b4': (1.4, 1.8, 380, 0.4),
'efficientnet-b5': (1.6, 2.2, 456, 0.4),
'efficientnet-b6': (1.8, 2.6, 528, 0.5),
'efficientnet-b7': (2.0, 3.1, 600, 0.5),
'efficientnet-b8': (2.2, 3.6, 672, 0.5),
'efficientnet-l2': (4.3, 5.3, 800, 0.5),
}
blocks_args = [
'r1_k3_s11_e1_i32_o16_se0.25',
'r2_k3_s22_e6_i16_o24_se0.25',
'r2_k5_s22_e6_i24_o40_se0.25',
'r3_k3_s22_e6_i40_o80_se0.25',
'r3_k5_s11_e6_i80_o112_se0.25',
'r4_k5_s22_e6_i112_o192_se0.25',
'r1_k3_s11_e6_i192_o320_se0.25',
]
Linear regression
Doing linear regression in froog is pretty easy, check out the entire code.
VIZ=1 python3 linear_regression.py
Contributing
Pull requests will be merged if they:
- increase simplicity
- increase functionality
- increase efficiency
More info on contributing.
Documentation
Need more information about how froog
works? Visit the documentation.
Interested in more?
If you thought froog
was cool, check out the inspirations for this project: pytorch, tinygrad, and https://github.com/karpathy/micrograd/blob/master/micrograd/engine.py
Project details
Release history Release notifications | RSS feed
Download files
Download the file for your platform. If you're not sure which to choose, learn more about installing packages.
Source Distribution
Built Distribution
File details
Details for the file froog-0.3.0.tar.gz
.
File metadata
- Download URL: froog-0.3.0.tar.gz
- Upload date:
- Size: 28.7 kB
- Tags: Source
- Uploaded using Trusted Publishing? No
- Uploaded via: twine/4.0.2 CPython/3.11.3
File hashes
Algorithm | Hash digest | |
---|---|---|
SHA256 | 305c654c7d1bc5b76e7cc83d0d18959720c741a6bbdde8f21d24e6d05a826750 |
|
MD5 | dcf00b800b7dddc04edafd77c58b3caa |
|
BLAKE2b-256 | ab5bf95aae652cf8d0f8ecabe707cb8787db9c140a05493f1c47bd95614b9886 |
File details
Details for the file froog-0.3.0-py3-none-any.whl
.
File metadata
- Download URL: froog-0.3.0-py3-none-any.whl
- Upload date:
- Size: 22.0 kB
- Tags: Python 3
- Uploaded using Trusted Publishing? No
- Uploaded via: twine/4.0.2 CPython/3.11.3
File hashes
Algorithm | Hash digest | |
---|---|---|
SHA256 | c9c23e5105099183c4fbda2a21abc6ad7c98306c6058aefb9363a0511f5c2767 |
|
MD5 | 6bdad60105d86c8d8da9377d399b9a51 |
|
BLAKE2b-256 | 8dd366bac243d0b843e4b0549cfef15dd41dbed8762511aad1aa81184c0e9101 |