Skip to content

Instantly share code, notes, and snippets.

View martinferianc's full-sized avatar
👋
Hi!

Martin Ferianc martinferianc

👋
Hi!
View GitHub Profile
@martinferianc
martinferianc / nn.py
Created February 27, 2022 16:38
Neural network from scratch by only using numpy!
# Adapted from https://github.com/SkalskiP/ILearnDeepLearning.py/blob/master/01_mysteries_of_neural_networks/03_numpy_neural_net/Numpy%20deep%20neural%20network.ipynb
import numpy as np
import matplotlib.pyplot as plt
np.random.seed(42)
# Define a sample function to sample a dataset of 2 dimensional points
def get_data(N = 300):
# Generate a dataset of 2 dimensional points
@martinferianc
martinferianc / uci_loader.py
Created November 30, 2020 09:14
PyTorch TensorDataset loader for UCI datasets
import numpy as np
import torch
import torchvision.datasets as datasets
import logging
import os
from os import path
from sklearn.model_selection import KFold
import pandas as pd
import zipfile
import urllib.request
@martinferianc
martinferianc / tutorial.ipynb
Last active October 29, 2024 12:07
Quantisation example in PyTorch
Loading
Sorry, something went wrong. Reload?
Sorry, we cannot display this file.
Sorry, this file is invalid so it cannot be displayed.