This file contains bidirectional Unicode text that may be interpreted or compiled differently than what appears below. To review, open the file in an editor that reveals hidden Unicode characters.
Learn more about bidirectional Unicode characters
cdef struct Rectangle: | |
float w | |
float h |
This file contains bidirectional Unicode text that may be interpreted or compiled differently than what appears below. To review, open the file in an editor that reveals hidden Unicode characters.
Learn more about bidirectional Unicode characters
from cymem.cymem cimport Pool | |
from random import random | |
cdef struct Rectangle: | |
float w | |
float h | |
cdef int check_rectangles(Rectangle* rectangles, int n_rectangles, float threshold): | |
cdef int n_out = 0 | |
# C arrays contain no size information => we need to give it explicitly |
This file contains bidirectional Unicode text that may be interpreted or compiled differently than what appears below. To review, open the file in an editor that reveals hidden Unicode characters.
Learn more about bidirectional Unicode characters
from random import random | |
class Rectangle: | |
def __init__(self, w, h): | |
self.w = w | |
self.h = h | |
def area(self): | |
return self.w * self.h | |
def check_rectangles(rectangles, threshold): |
This file contains bidirectional Unicode text that may be interpreted or compiled differently than what appears below. To review, open the file in an editor that reveals hidden Unicode characters.
Learn more about bidirectional Unicode characters
class Rectangle: | |
def __init__(self, w, h): | |
self.w = w | |
self.h = h | |
def area(self): | |
return self.w * self.h |
This file contains bidirectional Unicode text that may be interpreted or compiled differently than what appears below. To review, open the file in an editor that reveals hidden Unicode characters.
Learn more about bidirectional Unicode characters
import cProfile | |
import pstats | |
import my_slow_module | |
cProfile.run('my_slow_module.run()', 'restats') | |
p = pstats.Stats('restats') | |
p.sort_stats('cumulative').print_stats(30) |
This file contains bidirectional Unicode text that may be interpreted or compiled differently than what appears below. To review, open the file in an editor that reveals hidden Unicode characters.
Learn more about bidirectional Unicode characters
def train(forward_model, backward_model, optimizer, meta_optimizer, train_data, meta_epochs): | |
""" Train a meta-learner | |
Inputs: | |
forward_model, backward_model: Two identical PyTorch modules (can have shared Tensors) | |
optimizer: a neural net to be used as optimizer (an instance of the MetaLearner class) | |
meta_optimizer: an optimizer for the optimizer neural net, e.g. ADAM | |
train_data: an iterator over an epoch of training data | |
meta_epochs: meta-training steps | |
To be added: intialization, early stopping, checkpointing, more control over everything | |
""" |
This file contains bidirectional Unicode text that may be interpreted or compiled differently than what appears below. To review, open the file in an editor that reveals hidden Unicode characters.
Learn more about bidirectional Unicode characters
class MetaLearner(nn.Module): | |
""" Bare Meta-learner class | |
Should be added: intialization, hidden states, more control over everything | |
""" | |
def __init__(self, model): | |
super(MetaLearner, self).__init__() | |
self.weights = Parameter(torch.Tensor(1, 2)) | |
def forward(self, forward_model, backward_model): | |
""" Forward optimizer with a simple linear neural net |
This file contains bidirectional Unicode text that may be interpreted or compiled differently than what appears below. To review, open the file in an editor that reveals hidden Unicode characters.
Learn more about bidirectional Unicode characters
def get_params(module, memo=None, pointers=None): | |
""" Returns an iterator over PyTorch module parameters that allows to update parameters | |
(and not only the data). | |
! Side effect: update shared parameters to point to the first yield instance | |
(i.e. you can update shared parameters and keep them shared) | |
Yields: | |
(Module, string, Parameter): Tuple containing the parameter's module, name and pointer | |
""" | |
if memo is None: | |
memo = set() |
This file contains bidirectional Unicode text that may be interpreted or compiled differently than what appears below. To review, open the file in an editor that reveals hidden Unicode characters.
Learn more about bidirectional Unicode characters
class Model(nn.Module): | |
def __init__(self, vocab_size, embed_dim, H1, H2, H3, pairs_in, single_in, drop=0.5): | |
super(Model, self).__init__() | |
self.embed = nn.Embedding(vocab_size, embedding_dim) | |
self.drop = nn.Dropout(drop) | |
self.pairs = nn.Sequential(nn.Linear(pairs_in, H1), nn.ReLU(), nn.Dropout(drop), | |
nn.Linear(H1, H2), nn.ReLU(), nn.Dropout(drop), | |
nn.Linear(H2, H3), nn.ReLU(), nn.Dropout(drop), | |
nn.Linear(H3, 1), | |
nn.Linear(1, 1)) |
This file contains bidirectional Unicode text that may be interpreted or compiled differently than what appears below. To review, open the file in an editor that reveals hidden Unicode characters.
Learn more about bidirectional Unicode characters
# Drawn from https://gist.github.com/rocknrollnerd/c5af642cf217971d93f499e8f70fcb72 (in Theano) | |
# This is implemented in PyTorch | |
# Author : Anirudh Vemula | |
import torch | |
import torch.nn as nn | |
from torch.autograd import Variable | |
import numpy as np | |
from sklearn.datasets import fetch_mldata |