123456789101112131415161718192021222324252627282930313233343536373839404142434445464748495051525354555657585960616263646566676869707172 |
- import tensorflow as tf
- import tensorflow.keras as keras
- from tensorflow.keras import layers
- from tensorflow.keras.layers import Input, Embedding, LSTM, Dense, Dropout, Flatten, MaxPooling2D, Conv2D
- from tensorflow.keras.models import Model, Sequential
- from tensorflow.keras.datasets import mnist
- from tensorflow.keras.utils import plot_model, to_categorical
- import numpy as np
- from IPython import embed
- zero_out_module = tf.load_op_library('./zero_out.so')
- batch_size = 128
- num_classes = 10
- epochs = 1 # 12
- # input image dimensions
- img_rows, img_cols = 28, 28
- # the data, split between train and test sets
- (x_train, y_train), (x_test, y_test) = mnist.load_data()
- x_train = x_train.reshape(x_train.shape[0], img_rows, img_cols, 1)
- x_test = x_test.reshape(x_test.shape[0], img_rows, img_cols, 1)
- input_shape = (img_rows, img_cols, 1)
- x_train = x_train.astype('float32')
- x_test = x_test.astype('float32')
- x_train /= 255
- x_test /= 255
- print('x_train shape:', x_train.shape)
- print(x_train.shape[0], 'train samples')
- print(x_test.shape[0], 'test samples')
- # convert class vectors to binary class matrices
- y_train = to_categorical(y_train, num_classes)
- y_test = to_categorical(y_test, num_classes)
- class Linear(layers.Layer):
- def __init__(self, units=32, input_dim=32):
- super(Linear, self).__init__()
- def call(self, inputs):
- ints = tf.dtypes.cast(inputs, dtype=tf.int32)
- print(ints)
- outs = zero_out_module.zero_out(ints)
- return tf.dtypes.cast(outs, dtype=tf.float32)
- model = Sequential()
- model.add(Flatten())
- model.add(Dense(128, activation='relu'))
- model.add(Dropout(0.5))
- model.add(Dense(num_classes, activation='softmax'))
- model.add(Linear())
- model.compile(loss=keras.losses.categorical_crossentropy,
- optimizer=keras.optimizers.Adadelta(),
- metrics=['accuracy'])
-
- model.fit(x_train, y_train,
- batch_size=batch_size,
- epochs=epochs,
- verbose=1,
- validation_data=(x_test, y_test))
- score = model.evaluate(x_test, y_test, verbose=0)
- print('Test loss:', score[0])
- print('Test accuracy:', score[1])
- plot_model(model, to_file='model.png', expand_nested=True, show_shapes=True)
|