Skip to content

Instantly share code, notes, and snippets.

@omoindrot
omoindrot / tensorflow_finetune.py
Last active February 25, 2024 15:00
Example TensorFlow script for fine-tuning a VGG model (uses tf.contrib.data)
"""
Example TensorFlow script for finetuning a VGG model on your own data.
Uses tf.contrib.data module which is in release v1.2
Based on PyTorch example from Justin Johnson
(https://gist.github.com/jcjohnson/6e41e8512c17eae5da50aebef3378a4c)
Required packages: tensorflow (v1.2)
Download the weights trained on ImageNet for VGG:
```
wget http://download.tensorflow.org/models/vgg_16_2016_08_28.tar.gz
@ventusff
ventusff / test_hashgrid_bwdbwd.py
Last active August 16, 2023 07:11
Derivations and code tests for second-order gradients of hashgrids of tiny-cuda-nn.
import torch
import torch.nn as nn
from torch import autograd
from torch.optim import Adam
import torch.nn.functional as F
import tinycudann as tcnn
class SDF(nn.Module):
def __init__(self, hash=True, n_levels=12, log2_hashmap_size=15, base_resolution=16, smoothstep=False) -> None: