Skip to content

Instantly share code, notes, and snippets.

View tomokishii's full-sized avatar

Tomokazu Ishii tomokishii

  • Kanagawa, Japan
View GitHub Profile
@tomokishii
tomokishii / mnist_cnn_bn.py
Last active December 14, 2023 03:55
MNIST using Batch Normalization - TensorFlow tutorial
#
# mnist_cnn_bn.py date. 5/21/2016
# date. 6/2/2017 check TF 1.1 compatibility
#
from __future__ import absolute_import
from __future__ import division
from __future__ import print_function
import os
@tomokishii
tomokishii / Autoencoders.md
Last active February 24, 2022 11:49
TensorFlow MNIST Autoencoders

README.md

These codes are TensorFlow Autoencoder implementation examples. They are inspired by very educational Keras Blog article.

http://blog.keras.io/building-autoencoders-in-keras.html

Building Autoencodes in Keras

"Autoencoding" is a data compression algorithm where the compression and decompression

@tomokishii
tomokishii / tf_logistic_reg.py
Last active September 24, 2021 17:35
TensorFlow Logistic Regression tutorial
#
# tf_logistic_reg.py
# date. 11/18/2015
# date. 1/29/2017 - checked under tensorflow 0.12.1
#
# The baseline is the code for 'Theano'.
from __future__ import print_function
import numpy as np
@tomokishii
tomokishii / IRIS_logistic_regression.md
Last active September 24, 2021 17:35
TensorFlow Logistic Regression

Logistic Regression Demo by TensorFlow

Logistic Regression is the basic concept of recent "Deep" neural network models. I rechecked TensorFlow L.R. coding to classify IRIS dataset.

  • Binary Classification problem - iris_lr.py
  • Multi-class Classification problem - iris_lr_softmax.py
@tomokishii
tomokishii / README.md
Last active April 2, 2020 01:27
PyTorch Logistic Regression ~ MLP model

PyTorch Logistic Regression ~ MLP model

  1. logistic_regression.py - Using torch.nn module, analysing sklearn DIGITS dataset
  2. logistic_regression_low.py - NOT using torch.nn module, analysing sklearn DIGITS dataset
  3. mnist_mlp.py
@tomokishii
tomokishii / README.md
Last active May 9, 2019 19:47
Chainer vs. PyTorch - Linear Regression

Chainer vs. PyTorch Linear Regression

  1. linear_reg_chainer.py (Chainer version)
  2. linear_reg_pytorch.py (PyTorch version)
  • Python 3.5.2 (or 3.5.3)
  • Chainer 2.0.0
  • PyTorch 0.1.12
@tomokishii
tomokishii / README.md
Last active August 21, 2018 05:26
Modern Gradient Boosting models and Scikit-learn GridSearchCV

Modern Gradient Boosting models - how to use GridSearchCV

My current environment is...

  • Python 3.5.2
  • Scikit-learn 0.18.1
  • XGBoost (python-package) 0.6
  • LightGBM (python-package) v2.0
@tomokishii
tomokishii / chap7.ipynb
Created September 16, 2016 00:04
Python Machine Learning - chapter 7
Sorry, something went wrong. Reload?
Sorry, we cannot display this file.
Sorry, this file is invalid so it cannot be displayed.
@tomokishii
tomokishii / adult_LR_classifier.py
Last active February 1, 2018 18:23
Adult Dataset (from UCI Machine Learning Repository) classification, 1. Logistic Regression, 2. MLP (Multi-layer Perceptron) model
#
# adult_LR_classifier.py date. 10/17/2015
# SGD (Stochastic Gradient Descent) version
# consider 3 features of dataset
#
import numpy as np
import numpy.random as rng
import matplotlib.pyplot as plt
import scipy as sp
@tomokishii
tomokishii / README.md
Last active January 13, 2018 21:47
TessorFlow tutorial of Variable Scoping

TensorFlow の名前空間を理解して共有変数を使いこなす

関連ファイル:

  1. mnist_ae_varscope.py
  2. mnist_2nets.py