0% found this document useful (0 votes)
23 views2 pages

Deep Learning in Python Demo - Tensorflow

Uploaded by

sivakumar R
Copyright
© © All Rights Reserved
We take content rights seriously. If you suspect this is your content, claim it here.
Available Formats
Download as DOCX, PDF, TXT or read online on Scribd
0% found this document useful (0 votes)
23 views2 pages

Deep Learning in Python Demo - Tensorflow

Uploaded by

sivakumar R
Copyright
© © All Rights Reserved
We take content rights seriously. If you suspect this is your content, claim it here.
Available Formats
Download as DOCX, PDF, TXT or read online on Scribd
You are on page 1/ 2

import tensorflow as tf

import numpy as np

import matplotlib.pyplot as plt

from tensorflow.examples.tutorials.mnist import input_data

mnist = input_data.read_data_sets("MNIST_data/", one_hot=True) #reading the dataset

fig,ax = plt.subplots(10,10)

#display the train data

k=0

for i in range(10):

for j in range(10):

ax[i][j].imshow(mnist.train.images[k].reshape(28,28), aspect='auto')

k += 1

plt.show()

print("Shape of feature matrix:", mnist.train.images.shape)

print("Shape of target matrix:", mnist.train.labels.shape)

print("One-hot encoding for 1st observation:\n", mnist.train.labels[0])

x = tf.placeholder("float", [None, 784]) #train set

W = tf.Variable(tf.zeros([784,10])) #weight

b = tf.Variable(tf.zeros([10])) #bias

y = tf.nn.softmax(tf.matmul(x,W) + b) #Finding weighted sum of inputs + bias

y_ = tf.placeholder("float", [None,10])

cross_entropy = -tf.reduce_sum(y_*tf.log(y))

train_step = tf.train.GradientDescentOptimizer(0.01).minimize(cross_entropy) #minimise cost

init = tf.initialize_all_variables()

sess = tf.Session()

sess.run(init)

for i in range(1000):
batch_xs, batch_ys = mnist.train.next_batch(100)

sess.run(train_step, feed_dict={x: batch_xs, y_: batch_ys})

correct_prediction = tf.equal(tf.argmax(y,1), tf.argmax(y_,1)) #prediction value

accuracy = tf.reduce_mean(tf.cast(correct_prediction, "float")) #accuracy

print (sess.run(accuracy, feed_dict={x: mnist.test.images, y_: mnist.test.labels}))

You might also like