Skip to content

Instantly share code, notes, and snippets.

View kastnerkyle's full-sized avatar

Kyle Kastner kastnerkyle

View GitHub Profile
@kastnerkyle
kastnerkyle / newsci-headlines
Created March 27, 2020 18:09 — forked from gamesbyangelina/newsci-headlines
New Scientist Headlines (Mar 13 - Sept 19)
Some planets may orbit a supermassive black hole instead of a star
This is almost certainly not what Denisovans looked like
UN climate summit: Scientists' messages to world leaders
A hat that zaps the scalp with electricity helps reverse male balding
Man sees the world in miniature after a stroke damages his brain
Do dads matter? Anna Machin on the fascinating science of fatherhood
People like the idea of a carbon tax - if the money is put to good use
Climate change will boost risk of extreme flooding in northern Europe
Fast swimming fish robot could perform underwater surveillance
Ad Astra: Pirates and space monkeys can't save dull space psychodrama
@kastnerkyle
kastnerkyle / pytorch-glumpy.md
Created March 4, 2020 22:45 — forked from victor-shepardson/pytorch-glumpy.md
using pycuda and glumpy to draw pytorch GPU tensors to the screen without copying to host memory
@kastnerkyle
kastnerkyle / exact_pg.py
Created July 17, 2019 22:05 — forked from pierrelux/exact_pg.py
Exact Policy Gradient in jax, demonstrated in figure 2d of Dadashi et al. (2019)
import jax
import jax.numpy as np
from jax import grad, jit
from jax.scipy.special import logsumexp
def dadashi_fig2d():
""" Figure 2 d) of
''The Value Function Polytope in Reinforcement Learning''
by Dadashi et al. (2019) https://arxiv.org/abs/1901.11524
Sorry, something went wrong. Reload?
Sorry, we cannot display this file.
Sorry, this file is invalid so it cannot be displayed.
@kastnerkyle
kastnerkyle / vloss_single_mcts.py
Last active July 18, 2019 00:02
vloss MCTS for single player
# Author: Kyle Kastner
# License: BSD 3-Clause
# based on minigo implementation
# https://github.com/tensorflow/minigo/blob/master/mcts.py
# Useful discussion of the benefits
# http://www.moderndescartes.com/essays/agz/
# single player tweaks based on
# https://tmoer.github.io/AlphaZero/
@kastnerkyle
kastnerkyle / vloss_mcts.py
Last active July 18, 2019 00:10
MCTS with virtual loss parallelization for leaf selection (important for minibatch move and value estimates)
# Author: Kyle Kastner
# License: BSD 3-Clause
# based on minigo implementation
# https://github.com/tensorflow/minigo/blob/master/mcts.py
# Useful discussion of the benefits
# http://www.moderndescartes.com/essays/agz/
# See survey
# http://mcts.ai/pubs/mcts-survey-master.pdf
@kastnerkyle
kastnerkyle / gpt-2-wikitext-103.py
Created May 21, 2019 22:51 — forked from thomwolf/gpt-2-wikitext-103.py
A very small and self-contained gist to train a GPT-2 transformer model on wikitext-103
# Copyright (c) 2019-present, Thomas Wolf.
# All rights reserved. This source code is licensed under the MIT-style license.
""" A very small and self-contained gist to train a GPT-2 transformer model on wikitext-103 """
import os
from collections import namedtuple
from tqdm import tqdm
import torch
import torch.nn as nn
from torch.utils.data import DataLoader
from ignite.engine import Engine, Events
@kastnerkyle
kastnerkyle / top-k-top-p.py
Created May 3, 2019 13:58 — forked from thomwolf/top-k-top-p.py
Sample the next token from a probability distribution using top-k and/or nucleus (top-p) sampling
def top_k_top_p_filtering(logits, top_k=0, top_p=0.0, filter_value=-float('Inf')):
""" Filter a distribution of logits using top-k and/or nucleus (top-p) filtering
Args:
logits: logits distribution shape (..., vocabulary size)
top_k >0: keep only top k tokens with highest probability (top-k filtering).
top_p >0.0: keep the top tokens with cumulative probability >= top_p (nucleus filtering).
"""
top_k = min(top_k, logits.size(-1)) # Safety check
if top_k > 0:
# Remove all tokens with a probability less than the last token of the top-k
@kastnerkyle
kastnerkyle / Instantaneous Frequency and Phase Derivatives.ipynb
Created March 20, 2019 16:13
Instantaneous frequency and rainbowgrams with librosa.
Sorry, something went wrong. Reload?
Sorry, we cannot display this file.
Sorry, this file is invalid so it cannot be displayed.
// Uncompressed version of
// https://gist.github.com/munificent/b1bcd969063da3e6c298be070a22b604
#include <time.h> // Robert Nystrom
#include <stdio.h> // @munificentbob
#include <stdlib.h> // for Ginny
#include <stdbool.h> // 2008-2019
const int HEIGHT = 40;
const int WIDTH = 80;