Skip to content

Instantly share code, notes, and snippets.

View melgor's full-sized avatar

Bartosz Ludwiczuk melgor

  • BLCV
  • Poland, Poznan
View GitHub Profile
@melgor
melgor / check_model_at_cpy.ipynb
Last active June 25, 2021 04:32
How to restore CUDNNLSTM of TensorFlow at CPU device? So that it could be used in GPU, CPU or Mobile
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.
@melgor
melgor / test_speed_gpu.py
Created December 20, 2017 08:03
Testing GPU at Deep Learning
import torchvision.models as models
import torch
import torch.nn as nn
import torch.nn.parallel
import torch.backends.cudnn as cudnn
import torch.optim
from torch.autograd import Variable
import time
cudnn.benchmark = True
@melgor
melgor / alexnet_benchmark_fp16.py
Created November 15, 2017 16:42
alexnet_benchmark_fp16.py
# Copyright 2015 The TensorFlow Authors. All Rights Reserved.
#
# Licensed under the Apache License, Version 2.0 (the "License");
# you may not use this file except in compliance with the License.
# You may obtain a copy of the License at
#
# http://www.apache.org/licenses/LICENSE-2.0
#
# Unless required by applicable law or agreed to in writing, software
# distributed under the License is distributed on an "AS IS" BASIS,
@melgor
melgor / icpnet-caffe.prototxt
Created September 6, 2017 07:50
icpnet-caffe
#
input: "data"
input_dim: 1
input_dim: 3
input_dim: 1025
input_dim: 2049
layer {
name: "data_sub1"
type: "Scale"
@melgor
melgor / linknet_tf.py
Created August 10, 2017 10:26
LinkNet implemenation in TensorFlow
import tensorflow as tf
from tensorflow.contrib.layers.python.layers import initializers
slim = tf.contrib.slim
'''
============================================================================
LinkNet: Exploiting Encoder Representations for Efficient Semantic Segmentation
============================================================================
Based on the paper: https://arxiv.org/pdf/1707.03718.pdf
'''
@melgor
melgor / stn.ipynb
Last active April 6, 2017 12:06
Strange behavior of STN
Loading
Sorry, something went wrong. Reload?
Sorry, we cannot display this file.
Sorry, this file is invalid so it cannot be displayed.
@melgor
melgor / resnet.log
Created November 9, 2016 13:15
Memory optimization problem
This file has been truncated, but you can view the full file.
{
cudnn : "deterministic"
LR : 0.04
nThreads : 8
nClasses : 0
batchSize : 204
testOnly : false
netType : "face_res"
save : "cas"
depth : 18
@melgor
melgor / sompy_1.ipynb
Last active May 5, 2018 11:12
SOMPY Tutorial 1 Refactored
Loading
Sorry, something went wrong. Reload?
Sorry, we cannot display this file.
Sorry, this file is invalid so it cannot be displayed.