tuki0918 / python-tips

Geek Repo:Geek Repo

Github PK Tool:Github PK Tool

tensorflow

tuki0918 opened this issue · comments

最初に

リンク先 備考
[ ] TensorFlow を使った機械学習ことはじめ (GDG京都 機械学習勉強会)

Learning

リンク先 備考
[ ] CS 20SI: Tensorflow for Deep Learning Research

API

リンク先 備考
[ ] TensorFlow: APIドキュメントを眺める -Math編-

Tensorboard

リンク先 備考
[ ] tensorflow:mnist_with_summaries.py
[ ] TensorBoardで処理を可視化する
[ ] TensorBoardでTrainとTest, Validationを分けて学習状況を把握する
[ ] 【Windows】 MNIST For ML Beginnersの学習経過をTensorBoardで視覚化
[ ] Tensorflow: How to Display Custom Images in Tensorboard (e.g. Matplotlib Plots)
[ ] TensorBoard: TF Dev Summit Tutorial

Data Augmentation

リンク先 備考
[ ] Kerasによるデータ拡張

リンク

リンク先 備考
[ ] TensorFlow-Slim
[ ] Show and Tell: A Neural Image Caption Generator
[ ] はじめてのGAN
[ ] Github:aicodes/tf-bestpractice
[ ] 機械学習モデルの実装における、テストについて
[ ] 機械学習で泣かないためのコード設計
[ ] TensorFlow の名前空間を理解して共有変数を使いこなす
[ ] 画像認識モデルを作るための�鉄板レシピ

リンク(実装)

リンク先 備考
[ ] Github: aymericdamien/TensorFlow-Examples
[ ] Github: sugyan/tensorflow-mnist mnist:webapp
[ ] Github: pavelgonchar/colornet 白黒 → カラー
[ ] Github: gustavla/autocolorize 白黒 → カラー
[ ] Github: yunjey/dtn-tensorflow 似顔絵:教師なし
[ ] Github: icoxfog417/tensorflow_qrnn RNN → LSTM → QRNN
[ ] Github: OsciiArt/DeepAA 画像 → アスキーアート

誤差評価

# label:正解の値, inference:予測された値
# http://stackoverflow.com/questions/33712178/tensorflow-nan-bug
# cross_entropy = -tf.reduce_sum(label * tf.log(inference + 1e-10))

cross_entropy = tf.reduce_mean(tf.nn.softmax_cross_entropy_with_logits(inference, label))
train_step = tf.train.AdamOptimizer(1e-4).minimize(cross_entropy)
# https://github.com/tuki0918/jupyter_tfbook/blob/master/Chapter05/MNIST%20double%20layer%20CNN%20classification.ipynb

keep_prob = tf.placeholder(tf.float32)
hidden2_drop = tf.nn.dropout(hidden2, keep_prob)

w0 = tf.Variable(tf.zeros([num_units2, 10]))
b0 = tf.Variable(tf.zeros([10]))
p = tf.nn.softmax(tf.matmul(hidden2_drop, w0) + b0)

t = tf.placeholder(tf.float32, [None, 10])
loss = -tf.reduce_sum(t * tf.log(p))
train_step = tf.train.AdamOptimizer(0.0001).minimize(loss)
correct_prediction = tf.equal(tf.argmax(p, 1), tf.argmax(t, 1))
accuracy = tf.reduce_mean(tf.cast(correct_prediction, tf.float32))