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 optuna | |
from optuna.trial import TrialState | |
import numpy as np | |
from typing import Dict, List, Optional | |
from collections import defaultdict | |
class ParamRepeatPruner: | |
"""Prunes reapeated trials, which means trials with the same paramters won't waste time/resources.""" |
Loading
Sorry, something went wrong. Reload?
Sorry, we cannot display this file.
Sorry, this file is invalid so it cannot be displayed.
Loading
Sorry, something went wrong. Reload?
Sorry, we cannot display this file.
Sorry, this file is invalid so it cannot be displayed.
Loading
Sorry, something went wrong. Reload?
Sorry, we cannot display this file.
Sorry, this file is invalid so it cannot be displayed.
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 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 |
Loading
Sorry, something went wrong. Reload?
Sorry, we cannot display this file.
Sorry, this file is invalid so it cannot be displayed.
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
Determining if the pthread_create exist failed with the following output: | |
Change Dir: /home/fgogianu/tools/pip_packages/ViZDoom/CMakeFiles/CMakeTmp | |
Run Build Command:"/usr/bin/make" "cmTC_3eed9/fast" | |
/usr/bin/make -f CMakeFiles/cmTC_3eed9.dir/build.make CMakeFiles/cmTC_3eed9.dir/build | |
make[1]: Entering directory '/home/fgogianu/tools/pip_packages/ViZDoom/CMakeFiles/CMakeTmp' | |
Building C object CMakeFiles/cmTC_3eed9.dir/CheckSymbolExists.c.o | |
/usr/bin/cc -o CMakeFiles/cmTC_3eed9.dir/CheckSymbolExists.c.o -c /home/fgogianu/tools/pip_packages/ViZDoom/CMakeFiles/CMakeTmp/CheckSymbolExists.c | |
Linking C executable cmTC_3eed9 | |
/usr/bin/cmake -E cmake_link_script CMakeFiles/cmTC_3eed9.dir/link.txt --verbose=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
[ 50%] Building NVCC (Device) object src/ATen/CMakeFiles/ATen.dir/__/THCS/ATen_generated_THCSparse.cu.o | |
[ 50%] Building NVCC (Device) object src/ATen/CMakeFiles/ATen.dir/cuda/ATen_generated_CUDAHalf.cu.o | |
[ 50%] Building NVCC (Device) object src/ATen/CMakeFiles/ATen.dir/cuda/detail/ATen_generated_IndexUtils.cu.o | |
[ 50%] Building NVCC (Device) object src/ATen/CMakeFiles/ATen.dir/native/cuda/ATen_generated_Distributions.cu.o | |
[ 51%] Building NVCC (Device) object src/ATen/CMakeFiles/ATen.dir/native/cuda/ATen_generated_Embedding.cu.o | |
[ 51%] Building NVCC (Device) object src/ATen/CMakeFiles/ATen.dir/native/cuda/ATen_generated_EmbeddingBag.cu.o | |
[ 51%] Building NVCC (Device) object src/ATen/CMakeFiles/ATen.dir/native/cuda/ATen_generated_RoiPooling.cu.o | |
[ 51%] Building NVCC (Device) object src/ATen/CMakeFiles/ATen.dir/native/cuda/ATen_generated_SparseMM.cu.o | |
/home/florin/Tools/pytorch40/aten/src/ATen/native/cuda/Embedding.cu(37): warning: function "__any" | |
/usr/local/cuda/include/device_atomic_functions.h(180): here was |
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
# null.py | |
import numpy as np | |
from scipy.linalg import qr | |
def qr_null(A, tol=None): | |
Q, R, P = qr(A.T, mode='full', pivoting=True) | |
tol = np.max(A) * np.finfo(R.dtype).eps if tol is None else tol | |
rnk = min(A.shape) - np.abs(np.diag(R))[::-1].searchsorted(tol) | |
return Q[:, rnk:].conj() |
NewerOlder