2020-10-19 01:16:01 +08:00
|
|
|
#!/usr/bin/env python
|
2020-10-22 00:12:19 +08:00
|
|
|
import os
|
2020-10-22 00:30:08 +08:00
|
|
|
import unittest
|
2020-10-19 01:16:01 +08:00
|
|
|
import numpy as np
|
2020-11-01 23:46:17 +08:00
|
|
|
from tinygrad.tensor import Tensor, GPU
|
2020-11-11 07:37:39 +08:00
|
|
|
from tinygrad.utils import layer_init_uniform, fetch
|
2020-10-23 20:46:45 +08:00
|
|
|
import tinygrad.optim as optim
|
2020-10-19 01:16:01 +08:00
|
|
|
from tqdm import trange
|
|
|
|
|
2020-11-11 07:37:39 +08:00
|
|
|
# mnist loader
|
|
|
|
def fetch_mnist():
|
|
|
|
import gzip
|
|
|
|
parse = lambda dat: np.frombuffer(gzip.decompress(dat), dtype=np.uint8).copy()
|
|
|
|
X_train = parse(fetch("http://yann.lecun.com/exdb/mnist/train-images-idx3-ubyte.gz"))[0x10:].reshape((-1, 28, 28))
|
|
|
|
Y_train = parse(fetch("http://yann.lecun.com/exdb/mnist/train-labels-idx1-ubyte.gz"))[8:]
|
|
|
|
X_test = parse(fetch("http://yann.lecun.com/exdb/mnist/t10k-images-idx3-ubyte.gz"))[0x10:].reshape((-1, 28, 28))
|
|
|
|
Y_test = parse(fetch("http://yann.lecun.com/exdb/mnist/t10k-labels-idx1-ubyte.gz"))[8:]
|
|
|
|
return X_train, Y_train, X_test, Y_test
|
|
|
|
|
2020-10-19 01:16:01 +08:00
|
|
|
# load the mnist dataset
|
2020-10-19 04:30:25 +08:00
|
|
|
X_train, Y_train, X_test, Y_test = fetch_mnist()
|
2020-10-19 01:16:01 +08:00
|
|
|
|
2020-10-19 05:55:20 +08:00
|
|
|
# create a model
|
2020-10-19 04:08:14 +08:00
|
|
|
class TinyBobNet:
|
|
|
|
def __init__(self):
|
2020-10-19 05:36:29 +08:00
|
|
|
self.l1 = Tensor(layer_init_uniform(784, 128))
|
|
|
|
self.l2 = Tensor(layer_init_uniform(128, 10))
|
2020-10-19 04:08:14 +08:00
|
|
|
|
2020-10-27 23:53:35 +08:00
|
|
|
def parameters(self):
|
|
|
|
return [self.l1, self.l2]
|
|
|
|
|
2020-10-19 04:08:14 +08:00
|
|
|
def forward(self, x):
|
|
|
|
return x.dot(self.l1).relu().dot(self.l2).logsoftmax()
|
|
|
|
|
2020-10-22 00:12:19 +08:00
|
|
|
# create a model with a conv layer
|
|
|
|
class TinyConvNet:
|
|
|
|
def __init__(self):
|
2020-10-26 04:48:44 +08:00
|
|
|
# https://keras.io/examples/vision/mnist_convnet/
|
|
|
|
conv = 3
|
|
|
|
#inter_chan, out_chan = 32, 64
|
|
|
|
inter_chan, out_chan = 8, 16 # for speed
|
|
|
|
self.c1 = Tensor(layer_init_uniform(inter_chan,1,conv,conv))
|
|
|
|
self.c2 = Tensor(layer_init_uniform(out_chan,inter_chan,conv,conv))
|
|
|
|
self.l1 = Tensor(layer_init_uniform(out_chan*5*5, 10))
|
2020-10-22 00:12:19 +08:00
|
|
|
|
2020-10-27 23:53:35 +08:00
|
|
|
def parameters(self):
|
|
|
|
return [self.l1, self.c1, self.c2]
|
|
|
|
|
2020-10-22 00:12:19 +08:00
|
|
|
def forward(self, x):
|
2020-11-08 01:17:57 +08:00
|
|
|
x = x.reshape(shape=(-1, 1, 28, 28)) # hacks
|
2020-10-26 08:16:47 +08:00
|
|
|
x = x.conv2d(self.c1).relu().max_pool2d()
|
|
|
|
x = x.conv2d(self.c2).relu().max_pool2d()
|
2020-10-29 23:13:05 +08:00
|
|
|
x = x.reshape(shape=[x.shape[0], -1])
|
2020-10-26 04:48:44 +08:00
|
|
|
return x.dot(self.l1).logsoftmax()
|
2020-10-22 00:12:19 +08:00
|
|
|
|
2020-11-01 23:46:17 +08:00
|
|
|
def train(model, optim, steps, BS=128, gpu=False):
|
2020-10-23 21:11:38 +08:00
|
|
|
losses, accuracies = [], []
|
2020-10-26 07:40:37 +08:00
|
|
|
for i in (t := trange(steps, disable=os.getenv('CI') is not None)):
|
2020-11-16 12:25:29 +08:00
|
|
|
optim.zero_grad()
|
2020-10-23 21:11:38 +08:00
|
|
|
samp = np.random.randint(0, X_train.shape[0], size=(BS))
|
2020-11-11 23:58:43 +08:00
|
|
|
|
2020-11-01 23:46:17 +08:00
|
|
|
x = Tensor(X_train[samp].reshape((-1, 28*28)).astype(np.float32), gpu=gpu)
|
2020-10-23 21:11:38 +08:00
|
|
|
Y = Y_train[samp]
|
|
|
|
y = np.zeros((len(samp),10), np.float32)
|
|
|
|
# correct loss for NLL, torch NLL loss returns one per row
|
|
|
|
y[range(y.shape[0]),Y] = -10.0
|
2020-11-01 23:46:17 +08:00
|
|
|
y = Tensor(y, gpu=gpu)
|
2020-11-11 23:58:43 +08:00
|
|
|
|
2020-10-23 21:11:38 +08:00
|
|
|
# network
|
|
|
|
out = model.forward(x)
|
2020-10-19 01:16:01 +08:00
|
|
|
|
2020-10-23 21:11:38 +08:00
|
|
|
# NLL loss function
|
|
|
|
loss = out.mul(y).mean()
|
|
|
|
loss.backward()
|
|
|
|
optim.step()
|
2020-11-11 23:58:43 +08:00
|
|
|
|
2020-11-01 23:46:17 +08:00
|
|
|
cat = np.argmax(out.cpu().data, axis=1)
|
2020-10-23 21:11:38 +08:00
|
|
|
accuracy = (cat == Y).mean()
|
2020-11-11 23:58:43 +08:00
|
|
|
|
2020-10-23 21:11:38 +08:00
|
|
|
# printing
|
2020-11-01 23:46:17 +08:00
|
|
|
loss = loss.cpu().data
|
2020-10-23 21:11:38 +08:00
|
|
|
losses.append(loss)
|
|
|
|
accuracies.append(accuracy)
|
|
|
|
t.set_description("loss %.2f accuracy %.2f" % (loss, accuracy))
|
2020-10-19 01:16:01 +08:00
|
|
|
|
2020-11-01 23:46:17 +08:00
|
|
|
def evaluate(model, gpu=False):
|
2020-10-23 21:11:38 +08:00
|
|
|
def numpy_eval():
|
2020-11-01 23:46:17 +08:00
|
|
|
Y_test_preds_out = model.forward(Tensor(X_test.reshape((-1, 28*28)).astype(np.float32), gpu=gpu)).cpu()
|
2020-10-23 21:11:38 +08:00
|
|
|
Y_test_preds = np.argmax(Y_test_preds_out.data, axis=1)
|
|
|
|
return (Y_test == Y_test_preds).mean()
|
2020-10-19 03:48:17 +08:00
|
|
|
|
2020-10-23 21:11:38 +08:00
|
|
|
accuracy = numpy_eval()
|
|
|
|
print("test set accuracy is %f" % accuracy)
|
|
|
|
assert accuracy > 0.95
|
2020-10-22 00:30:08 +08:00
|
|
|
|
2020-10-23 21:11:38 +08:00
|
|
|
class TestMNIST(unittest.TestCase):
|
2020-11-08 01:17:57 +08:00
|
|
|
@unittest.skipUnless(GPU, "Requires GPU")
|
|
|
|
def test_conv_gpu(self):
|
|
|
|
np.random.seed(1337)
|
|
|
|
model = TinyConvNet()
|
|
|
|
[x.cuda_() for x in model.parameters()]
|
|
|
|
optimizer = optim.SGD(model.parameters(), lr=0.001)
|
|
|
|
train(model, optimizer, steps=1000, gpu=True)
|
|
|
|
evaluate(model, gpu=True)
|
|
|
|
|
2020-10-23 21:33:18 +08:00
|
|
|
def test_conv(self):
|
2020-10-23 21:11:38 +08:00
|
|
|
np.random.seed(1337)
|
2020-10-23 17:53:01 +08:00
|
|
|
model = TinyConvNet()
|
2020-10-27 23:53:35 +08:00
|
|
|
optimizer = optim.Adam(model.parameters(), lr=0.001)
|
2020-10-26 08:19:59 +08:00
|
|
|
train(model, optimizer, steps=200)
|
2020-10-23 17:53:01 +08:00
|
|
|
evaluate(model)
|
2020-11-01 23:46:17 +08:00
|
|
|
|
|
|
|
@unittest.skipUnless(GPU, "Requires GPU")
|
|
|
|
def test_sgd_gpu(self):
|
|
|
|
np.random.seed(1337)
|
|
|
|
model = TinyBobNet()
|
|
|
|
[x.cuda_() for x in model.parameters()]
|
|
|
|
optimizer = optim.SGD(model.parameters(), lr=0.001)
|
|
|
|
train(model, optimizer, steps=1000, gpu=True)
|
|
|
|
evaluate(model, gpu=True)
|
2020-11-11 23:58:43 +08:00
|
|
|
|
2020-10-23 21:33:18 +08:00
|
|
|
def test_sgd(self):
|
2020-10-23 21:11:38 +08:00
|
|
|
np.random.seed(1337)
|
2020-10-23 17:53:01 +08:00
|
|
|
model = TinyBobNet()
|
2020-10-27 23:53:35 +08:00
|
|
|
optimizer = optim.SGD(model.parameters(), lr=0.001)
|
2020-10-23 21:11:38 +08:00
|
|
|
train(model, optimizer, steps=1000)
|
2020-10-23 17:53:01 +08:00
|
|
|
evaluate(model)
|
2020-11-11 23:58:43 +08:00
|
|
|
|
2020-10-23 21:33:18 +08:00
|
|
|
def test_rmsprop(self):
|
2020-10-23 21:11:38 +08:00
|
|
|
np.random.seed(1337)
|
2020-10-23 20:46:45 +08:00
|
|
|
model = TinyBobNet()
|
2020-10-27 23:53:35 +08:00
|
|
|
optimizer = optim.RMSprop(model.parameters(), lr=0.0002)
|
2020-10-23 21:11:38 +08:00
|
|
|
train(model, optimizer, steps=1000)
|
2020-10-23 17:53:01 +08:00
|
|
|
evaluate(model)
|
2020-10-22 02:21:44 +08:00
|
|
|
|
2020-10-22 00:30:08 +08:00
|
|
|
if __name__ == '__main__':
|
|
|
|
unittest.main()
|