Home
last modified time | relevance | path

Searched refs:random_normal (Results 1 – 25 of 113) sorted by relevance

12345

/external/tensorflow/tensorflow/core/profiler/internal/testdata/
Dgraph.pbtxt56 name: "ScalarW/Initializer/random_normal/shape"
97 name: "ScalarW/Initializer/random_normal/mean"
135 name: "ScalarW/Initializer/random_normal/stddev"
173 name: "ScalarW/Initializer/random_normal/RandomStandardNormal"
175 input: "ScalarW/Initializer/random_normal/shape"
219 name: "ScalarW/Initializer/random_normal/mul"
221 input: "ScalarW/Initializer/random_normal/RandomStandardNormal"
222 input: "ScalarW/Initializer/random_normal/stddev"
248 name: "ScalarW/Initializer/random_normal"
250 input: "ScalarW/Initializer/random_normal/mul"
[all …]
/external/tensorflow/tensorflow/contrib/eager/python/examples/revnet/
Dops_test.py33 x = tf.random_normal(shape=[batch_size, 32, 32, 3])
45 x = tf.random_normal(shape=[batch_size, 32, 32, 3])
50 dy = tf.random_normal(shape=[batch_size, 3, 32, 32])
56 x = tf.random_normal(shape=[batch_size, 3, 32, 32])
68 x = tf.random_normal(shape=[batch_size, 3, 32, 32])
73 dy = tf.random_normal(shape=[batch_size, 3, 32, 32])
Dblocks_test.py59 x = tf.random_normal(shape=data_shape)
100 x = tf.random_normal(shape=data_shape)
134 x = tf.random_normal(shape=data_shape, dtype=tf.float64)
135 dy = tf.random_normal(shape=data_shape, dtype=tf.float64)
163 x = tf.random_normal(shape=data_shape, dtype=tf.float64)
164 dy = tf.random_normal(shape=(16, 128, 4, 4), dtype=tf.float64)
197 x = tf.random_normal(shape=data_shape, dtype=tf.float64)
198 dy = tf.random_normal(shape=data_shape, dtype=tf.float64)
237 x_true = tf.random_normal(shape=data_shape, dtype=tf.float64)
238 dy = tf.random_normal(shape=data_shape, dtype=tf.float64)
/external/tensorflow/tensorflow/contrib/model_pruning/python/layers/
Drnn_cells_test.py42 random_ops.random_normal([self.batch_size, self.dim]))
44 random_ops.random_normal([self.batch_size, self.dim]))
46 random_ops.random_normal([self.batch_size, self.dim]))
66 random_ops.random_normal([self.batch_size, self.dim]))
68 random_ops.random_normal([self.batch_size, self.dim]))
70 random_ops.random_normal([self.batch_size, self.dim]))
/external/tensorflow/tensorflow/contrib/gan/python/eval/python/
Dsliced_wasserstein_test.py80 d2 = random_ops.random_normal([256, 32, 32, 3])
96 d2 = random_ops.random_normal([256, 32, 32, 3])
112 d2 = random_ops.random_normal([256, 32, 31, 3])
113 d3 = random_ops.random_normal([256, 31, 32, 3])
114 d4 = random_ops.random_normal([255, 32, 32, 3])
125 d2 = random_ops.random_normal([256, 32, 32, 1])
/external/tensorflow/tensorflow/python/kernel_tests/random/
Drandom_ops_test.py69 rng = random_ops.random_normal(
121 rnd1 = random_ops.random_normal(shape, 0.0, 1.0, dtypes.float32)
122 rnd2 = random_ops.random_normal(shape, 0.0, 1.0, dtypes.float32)
131 random_ops.random_normal, 100, dt, 0.0, 1.0, use_gpu=use_gpu)
138 random_ops.random_normal,
151 random_ops.random_normal,
251 random_ops.random_normal([])
254 rnd1 = random_ops.random_normal([])
256 rnd2 = random_ops.random_normal([])
434 rnd1 = random_ops.random_normal([1, 2, 3])
[all …]
/external/tensorflow/tensorflow/contrib/gan/python/features/python/
Dvirtual_batchnorm_test.py56 tensors = random_ops.random_normal([4, 5, 7, 3])
74 partial_batch = random_ops.random_normal([4, 5, 7, 3])
75 single_example = random_ops.random_normal([1, 5, 7, 3])
107 batch = random_ops.random_normal([6, 5, 7, 3, 3])
131 examples = [random_ops.random_normal([5, 7, 3]) for _ in
177 examples = [random_ops.random_normal([7, 3]) for _ in
/external/tensorflow/tensorflow/python/ops/linalg/
Dlinear_operator_test_util.py489 return random_normal(x_shape, dtype=operator.dtype)
565 return random_normal(x_shape, dtype=operator.dtype)
622 tril = random_normal(shape, dtype=dtype)
636 def random_normal(shape, mean=0.0, stddev=1.0, dtype=dtypes.float32, seed=None): function
659 samples = random_ops.random_normal(
664 more_samples = random_ops.random_normal(
805 return random_normal(
820 smaller_mat = random_normal(
826 embedding_mat = random_normal(embedding_mat_shape, dtype=dtype, seed=seed)
833 return embedded + random_normal(shape, stddev=eps, dtype=dtype) + mean_mat
/external/tensorflow/tensorflow/contrib/eager/python/examples/spinn/
Dspinn_test.py172 left_in.append(tf.random_normal((1, size * 2)))
173 right_in.append(tf.random_normal((1, size * 2)))
174 tracking.append(tf.random_normal((1, tracker_size * 2)))
214 buf.append(tf.random_normal((batch_size, size * 2)))
223 stack.append(tf.random_normal((batch_size, size * 2)))
255 buffers = tf.random_normal((sequence_length, 1, config.d_proj))
278 embed = tf.random_normal((vocab_size, d_embed))
450 embed = tf.random_normal((vocab_size, d_embed))
/external/tensorflow/tensorflow/python/ops/
Dinit_ops_v2.py295 return self._random_generator.random_normal(shape, self.mean, self.stddev,
431 return self._random_generator.random_normal(shape, 0.0, stddev, dtype)
501 a = self._random_generator.random_normal(flat_shape, dtype=dtype)
781 def random_normal(self, shape, mean=0.0, stddev=1, dtype=dtypes.float32): member in _RandomGenerator
786 op = random_ops.random_normal
815 normal = random_normal = RandomNormal
/external/tensorflow/tensorflow/python/client/
Dsession_benchmark.py84 v = variables.Variable(random_ops.random_normal([size]))
112 v = variables.Variable(random_ops.random_normal([size]))
139 v = variables.Variable(random_ops.random_normal([]))
165 v = variables.Variable(random_ops.random_normal([]))
/external/tensorflow/tensorflow/python/kernel_tests/signal/
Dmfcc_ops_test.py53 signal = random_ops.random_normal((2, 3, 5))
62 random_ops.random_normal((2, 3, 5)), tensor_shape.TensorShape(None))
/external/tensorflow/tensorflow/contrib/distributions/python/kernel_tests/
Dmoving_stats_test.py43 x = random_ops.random_normal(shape, dtype=np.float64, seed=0)
89 x = random_ops.random_normal(shape, dtype=np.float64, seed=0)
116 x = random_ops.random_normal(shape, dtype=np.float64, seed=0)
/external/tensorflow/tensorflow/python/kernel_tests/
Dmatrix_solve_op_test.py128 lhs1 = random_ops.random_normal([3, 3], seed=42)
129 lhs2 = random_ops.random_normal([3, 3], seed=42)
130 rhs1 = random_ops.random_normal([3, 3], seed=42)
131 rhs2 = random_ops.random_normal([3, 3], seed=42)
Dmatmul_op_test.py150 a = variables.Variable(random_ops.random_normal([25, 16]))
151 b = variables.Variable(random_ops.random_normal([16, 9]))
161 a = variables.Variable(random_ops.random_normal([16, 25]))
162 b = variables.Variable(random_ops.random_normal([16, 9]))
Dmatrix_square_root_op_test.py109 matrix1 = random_ops.random_normal([5, 5], seed=42)
110 matrix2 = random_ops.random_normal([5, 5], seed=42)
/external/tensorflow/tensorflow/contrib/eager/python/examples/l2hmc/
Dl2hmc_test.py66 samples = tf.random_normal(
110 samples = tf.random_normal(shape=[hparams.n_samples, hparams.x_dim])
154 x = tf.random_normal([hparams.n_samples, hparams.x_dim],
221 samples = tf.random_normal(
/external/tensorflow/tensorflow/contrib/eager/python/examples/gan/
Dmnist_test.py58 burn_images = [tf.random_normal([batch_size, 784])
61 measure_images = [tf.random_normal([batch_size, 784])
/external/tensorflow/tensorflow/contrib/eager/python/examples/linear_regression/
Dlinear_regression.py113 x = tf.random_normal([batch_size, num_features])
114 y = tf.matmul(x, w) + b + noise_level * tf.random_normal([])
/external/tensorflow/tensorflow/contrib/slim/python/slim/data/
Dprefetch_queue_test.py49 image = random_ops.random_normal(
86 image = random_ops.random_normal(
126 image = random_ops.random_normal(
/external/tensorflow/tensorflow/contrib/timeseries/python/timeseries/state_space_models/
Dtest_utils.py70 raw=random_ops.random_normal(
74 random_ops.random_normal(
/external/tensorflow/tensorflow/contrib/factorization/python/kernel_tests/
Dmasked_matmul_benchmark.py85 a_var = variables.Variable(random_ops.random_normal(a_shape))
86 b_var = variables.Variable(random_ops.random_normal(b_shape))
/external/tensorflow/tensorflow/python/keras/layers/
Dnoise.py67 return inputs + K.random_normal(
117 return inputs * K.random_normal(
/external/tensorflow/tensorflow/python/debug/examples/
Ddebug_tflearn_iris.py84 return ({"features": tf.random_normal([128, 4])},
87 return ({"features": tf.random_normal([32, 4])},
/external/tensorflow/tensorflow/contrib/opt/python/training/
Dexternal_optimizer_test.py72 scalar = variables.VariableV1(random_ops.random_normal([]), 'scalar')
73 vector = variables.VariableV1(random_ops.random_normal([2]), 'vector')
74 matrix = variables.VariableV1(random_ops.random_normal([2, 3]), 'matrix')

12345