Skip to content

Built from scratch neural network library using only NumPy

License

Notifications You must be signed in to change notification settings

chuvalniy/Torchy

Folders and files

NameName
Last commit message
Last commit date

Latest commit

 

History

91 Commits
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 

Repository files navigation

Python Version PyPI Version Status

изображение

Overview

Torchy is a neural network framework implemented only using NumPy and based on PyTorch API but with manual backpropogation calculations. The main idea was to build a neural network from scratch for educational purposes.

Installation

pip install torchy-nn

Getting started

I suggest you to take a look at currently implemented stuff to be familiar with current possibilities for building neural network models with Torchy. Also I've created package structure in case if you stuck where to get specific layers.

Example usage

First we can define our model using Torchy with its PyTorch-like API

import torchy.nn as nn  # Same as torch.nn

# Define 2-layer wtth 100 neurons hidden layer.
model = nn.Sequential(
    nn.Linear(n_input=10, n_output=100),
    nn.BatchNorm1d(n_output=100),
    nn.ReLU(),
    nn.Linear(n_input=100, n_output=2)
)

Next step is to create instances of optimizer and criterion for loss function and scheduler for fun

import torchy.optimizers as optim

optimizer = optim.SGD(model.params(), lr=1e-3)
criterion = nn.CrossEntropyLoss()
scheduler = optim.StepLR(optimizer, step_size=10)

I won't cover whole training process like loops and stuff, just show you main differences while training

...
predictions = model(X)  # Nothing changed

loss, grad = criterion(predictions, y)  # Now return tuple of (loss, grad) instead of only loss 

optimizer.zero_grad()
model.backward(grad)  # Call backward on model object and pass gradient from loss as argument
optimizer.forward_step()

Testing

Every neural network module is provided with unit test that verify correctness of forward and backward passes.

Execute the following command in your project directory to run the tests.

pytest -v

Demonstration

The demo notebook showcases what Torchy currently can do.

Roadmap

It seems to me that I've completed all the modules that I wanted to code, but there are still some unfinished points, here are some of them:

  • Dataset, DataLoader & Sampler;
  • Transformer;
  • Fix regularization;
  • Autograd (as new git branch)

Resources

The opportunity to create such a project was given to me thanks to these people

License

MIT License

Releases

No releases published

Packages

No packages published

Languages