This file contains bidirectional Unicode text that may be interpreted or compiled differently than what appears below. To review, open the file in an editor that reveals hidden Unicode characters.
Learn more about bidirectional Unicode characters
#!/usr/bin/env python3 | |
# coding=utf-8 | |
import collections | |
import sys | |
import itertools | |
import matplotlib.pyplot as plt | |
import matplotlib as mpl | |
import time | |
import datetime |
This file contains bidirectional Unicode text that may be interpreted or compiled differently than what appears below. To review, open the file in an editor that reveals hidden Unicode characters.
Learn more about bidirectional Unicode characters
import os | |
import pprint | |
import tensorflow as tf | |
if 'COLAB_TPU_ADDR' not in os.environ: | |
print('ERROR: Not connected to a TPU runtime; please see the first cell in this notebook for instructions!') | |
else: | |
tpu_address = 'grpc://' + os.environ['COLAB_TPU_ADDR'] | |
print ('TPU address is', tpu_address) |
This file contains bidirectional Unicode text that may be interpreted or compiled differently than what appears below. To review, open the file in an editor that reveals hidden Unicode characters.
Learn more about bidirectional Unicode characters
# This address identifies the TPU we'll use when configuring TensorFlow. | |
TPU_WORKER = 'grpc://' + os.environ['COLAB_TPU_ADDR'] | |
tf.logging.set_verbosity(tf.logging.INFO) | |
resnet_model = tf.contrib.tpu.keras_to_tpu_model( | |
resnet_model, | |
strategy=tf.contrib.tpu.TPUDistributionStrategy( | |
tf.contrib.cluster_resolver.TPUClusterResolver(TPU_WORKER))) |
This file contains bidirectional Unicode text that may be interpreted or compiled differently than what appears below. To review, open the file in an editor that reveals hidden Unicode characters.
Learn more about bidirectional Unicode characters
# | |
# .... body of model_fn | |
# | |
optimizer = tf.train.AdamOptimizer() | |
if FLAGS.use_tpu: | |
optimizer = tf.contrib.tpu.CrossShardOptimizer(optimizer) | |
train_op = optimizer.minimize(loss, global_step=tf.train.get_global_step()) | |
This file contains bidirectional Unicode text that may be interpreted or compiled differently than what appears below. To review, open the file in an editor that reveals hidden Unicode characters.
Learn more about bidirectional Unicode characters
import gym | |
from gym import spaces | |
import numpy as np | |
from gym import utils | |
from random import randint | |
class Obstacle: | |
def __init__(self): |
This file contains bidirectional Unicode text that may be interpreted or compiled differently than what appears below. To review, open the file in an editor that reveals hidden Unicode characters.
Learn more about bidirectional Unicode characters
import random | |
import numpy as np | |
from tensorflow.keras.models import Sequential | |
from tensorflow.keras.layers import Dense, Conv2D, Activation, Flatten | |
from tensorflow.keras.optimizers import Adam | |
from tensorflow.keras.models import model_from_yaml | |
from tensorflow.keras.models import load_model | |
from collections import deque | |
This file contains bidirectional Unicode text that may be interpreted or compiled differently than what appears below. To review, open the file in an editor that reveals hidden Unicode characters.
Learn more about bidirectional Unicode characters
import time | |
import numpy as np | |
from collections import deque | |
from RoadEnv import RoadEnv | |
from DQNAgent import DQNAgent | |
# Initialize environment | |
env = RoadEnv() | |
# size of input image |
This file contains bidirectional Unicode text that may be interpreted or compiled differently than what appears below. To review, open the file in an editor that reveals hidden Unicode characters.
Learn more about bidirectional Unicode characters
from keras.datasets import mnist | |
import numpy as np | |
import matplotlib.pyplot as plt | |
from tensorflow.keras.layers import InputLayer, Conv2D, MaxPooling2D, Conv2DTranspose, Flatten, Dense, Reshape | |
from tensorflow.keras import Model, Sequential | |
import random | |
from scipy.ndimage.interpolation import zoom | |
from tensorflow.keras.models import load_model | |
from sklearn.metrics.pairwise import cosine_similarity |
This file contains bidirectional Unicode text that may be interpreted or compiled differently than what appears below. To review, open the file in an editor that reveals hidden Unicode characters.
Learn more about bidirectional Unicode characters
from keras.layers import Input, Dense | |
from keras.models import Model | |
import matplotlib.pyplot as plt | |
import numpy as np | |
from sklearn.neighbors import LSHForest | |
import matplotlib.pyplot as plt | |
from keras.datasets import fashion_mnist | |
This file contains bidirectional Unicode text that may be interpreted or compiled differently than what appears below. To review, open the file in an editor that reveals hidden Unicode characters.
Learn more about bidirectional Unicode characters
from __future__ import absolute_import | |
from __future__ import division | |
from __future__ import print_function | |
from tensorflow.keras.layers import Lambda, Input, Dense | |
from tensorflow.keras.models import Model | |
from tensorflow.keras.losses import mse, binary_crossentropy | |
from tensorflow.keras.utils import plot_model | |
from tensorflow.keras import backend as K |
NewerOlder