Home
last modified time | relevance | path

Searched +full:test +full:- +full:beta (Results 1 – 25 of 483) sorted by relevance

12345678910>>...20

/third_party/typescript/tests/baselines/reference/
Dlibrary-reference-8.trace.json2 …olving type reference directive 'alpha', containing file '/test/foo.ts', root directory '/test/typ…
3 "Resolving with primary search path '/test/types'.",
4 "File '/test/types/alpha/package.json' does not exist.",
5 "File '/test/types/alpha/index.d.ts' exist - use it as a name resolution result.",
6 … "Resolving real path for '/test/types/alpha/index.d.ts', result '/test/types/alpha/index.d.ts'.",
7 …"======== Type reference directive 'alpha' was successfully resolved to '/test/types/alpha/index.d…
8 …"======== Resolving type reference directive 'beta', containing file '/test/foo.ts', root director…
9 "Resolving with primary search path '/test/types'.",
10 "File '/test/types/beta/package.json' does not exist.",
11 "File '/test/types/beta/index.d.ts' exist - use it as a name resolution result.",
[all …]
/third_party/mindspore/mindspore-src/source/tests/st/probability/distribution/
Dtest_beta.py7 # http://www.apache.org/licenses/LICENSE-2.0
15 """test cases for Beta distribution"""
29 Test class: probability of Beta distribution.
33 self.b = msd.Beta(np.array([3.0]), np.array([1.0]), dtype=dtype.float32)
40 Test pdf.
42 beta_benchmark = stats.beta(np.array([3.0]), np.array([1.0]))
46 tol = 1e-6
47 assert (np.abs(output.asnumpy() - expect_pdf) < tol).all()
51 Test class: log probability of Beta distribution.
55 self.b = msd.Beta(np.array([3.0]), np.array([1.0]), dtype=dtype.float32)
[all …]
/third_party/rust/rust/src/tools/clippy/book/src/development/infrastructure/
Dbackport.md3 Sometimes it is necessary to backport changes to the beta release of Clippy.
8 Backports are done to the `beta` branch of Clippy. Backports to stable Clippy
15 Backports are done on the beta branch of the Clippy repository.
19 $ git checkout beta
20 $ git checkout -b backport
21 $ git cherry-pick <SHA> # `<SHA>` is the commit hash of the commit(s), that should be backported
25 Now you should test that the backport passes all the tests in the Rust
30 $ git checkout beta
31 # Make sure to change `your-github-name` to your github name in the following command
32 $ git subtree pull -p src/tools/clippy https://github.com/<your-github-name>/rust-clippy backport
[all …]
/third_party/skia/m133/infra/bots/task_drivers/bazel_test_gm/
Dbazel_test_gm_test.go3 // Use of this source code is governed by a BSD-style license that can be
25 // Given that we have tests for common.UploadToGold(), it suffices to test a couple of
28test := func(name string, tdArgs taskDriverArgs, goldctlWorkDir, goldctlImgtestInitStepName string…
30 // Create fake archive with undeclared test outputs.
31 …outputsZIP := filepath.Join(tdArgs.checkoutDir, "bazel-testlogs", "some", "test", "target", "test.…
34 // The contents of PNG files does not matter for this test.
44 "beta.png": "fake PNG",
45 "beta.json": `{
49 "name": "beta",
80 "Test //some/test:target with config linux_rbe",
[all …]
/third_party/mindspore/mindspore-src/source/tests/st/ops/
Dtest_func_layer_norm.py7 # http://www.apache.org/licenses/LICENSE-2.0
28 def layer_norm_forward_func(input_x, normalized_shape, gamma, beta, eps=1e-7): argument
29 return layer_norm(input_x, normalized_shape, gamma, beta, eps)
32 def layer_norm_backward_func(input_x, normalized_shape, gamma, beta, eps=1e-7): argument
33 return ops.grad(layer_norm_forward_func, (0, 2, 3))(input_x, normalized_shape, gamma, beta, eps)
38 def layer_norm_forward_func_np(input_x, normalized_shape, gamma, beta, eps=1e-7): argument
39 mean_np = np.mean(input_x, axis=-1, keepdims=True)
40 var_np = np.var(input_x, axis=-1, keepdims=True)
41 x_norm = (input_x - mean_np) / np.sqrt(var_np + eps)
42 return gamma * x_norm + beta
[all …]
Dtest_ops_softplus.py7 # http://www.apache.org/licenses/LICENSE-2.0
28 def generate_expect_forward_output(x, beta=1, threshold=20): argument
29 sacling_input = beta * x
30 output = (1 / beta) * np.log(1 + np.exp(sacling_input))
35 def softplus_forward_func(x, beta=1, threshold=20): argument
36 return softplus(x, beta, threshold)
40 def softplus_backward_func(x, beta=1, threshold=20): argument
41 return ops.grad(softplus_forward_func, (0))(x, beta, threshold)
45 def softplus_vmap_func(x, beta=1, threshold=20): argument
46 return ops.vmap(softplus_forward_func, in_axes=(0, None, None), out_axes=0)(x, beta, threshold)
[all …]
/third_party/mindspore/mindspore-src/source/tests/st/ops/ascend/
Dtest_layer_norm_v3.py7 # http://www.apache.org/licenses/LICENSE-2.0
30 def construct(self, input_x, gamma, beta): argument
31 return self.layernorm(input_x, gamma, beta)
40 Feature: test LayerNormV3 forward.
41 Description: test LayerNormV3 inputs.
47 beta = Tensor(np.ones([3]), mindspore.float32)
49 output, mean, variance = net(input_x, gamma, beta)
51 expect_output = np.array([[-0.22474468, 1., 2.22474468], [-0.22474468, 1., 2.22474468]])
55 assert np.allclose(output.asnumpy(), expect_output, atol=1e-6)
56 assert np.allclose(mean.asnumpy(), expect_mean, atol=1e-6)
[all …]
Dtest_add_layernorm.py7 # http://www.apache.org/licenses/LICENSE-2.0
17 """test where"""
32 def generate_expect_forward_output(x1, x2, gamma, beta, eps=1e-5): argument
35 rstdOut = np.power((res.var(1).reshape(2, 1) + eps), -0.5)
36 y = rstdOut * (res - meanOut) * gamma + beta
42 self.layernorm = P.LayerNorm(begin_norm_axis=-1,
43 begin_params_axis=-1,
44 epsilon=1e-5)
46 def construct(self, x1, x2, gamma, beta): argument
48 y, meanOut, rstdOut = self.layernorm(res, gamma, beta)
[all …]
/third_party/mindspore/mindspore-src/source/tests/st/sparse/
Dtest_csr_add.py7 # http://www.apache.org/licenses/LICENSE-2.0
59 Feature: Test function csr_add.
60 Description: Test CSRTensor matrix add.
65 beta = Tensor(1, mstype.float32)
67 c = csr_add(csra, csrb, alpha, beta)
75 beta = Tensor(-1, mstype.float32)
76 c = csr_add(csra, csrb, alpha, beta)
91 Feature: Test ops SparseMatrixAdd.
92 Description: Test CSRTensor matrix add.
97 beta = Tensor(1, mstype.float32)
[all …]
/third_party/mindspore/mindspore-src/source/tests/ut/python/parallel/
Dtest_group_norm.py7 # http://www.apache.org/licenses/LICENSE-2.0
36 self.eps = 1e-5
38 def construct(self, x, num_groups, gamma, beta): argument
39 out = self.group_norm(x, num_groups, gamma, beta, self.eps)[0]
45 Feature: test GroupNorm parallel.
46 Description: test GroupNorm parallel
56 beta = Tensor(np.ones(shape=(num_channels,)), dtype=mstype.float32)
60 phase = compile_net(net, x, num_groups, gamma, beta)
62 assert validator.check_node_inputs_has('GroupNorm-0', ['StridedSlice-0', num_groups])
67 Feature: test GroupNorm parallel with input rank3(N,C,D).
[all …]
Dtest_gamma.py7 # http://www.apache.org/licenses/LICENSE-2.0
38 def construct(self, shape, alpha, beta): argument
39 out = self.uniform_real(shape, alpha, beta)
45 Features: test UniformReal auto parallel
54 beta = Tensor(np.array([1.0]), ms.float32)
55 compile_net(net, shape, alpha, beta)
60 Features: test UniformReal data parallel
68 beta = Tensor(np.array([1.0]), ms.float32)
69 phase = compile_net(net, shape, alpha, beta)
72 assert validator.check_node_attrs("Gamma-0", {"seed": 2, "seed2": 2})
[all …]
Dtest_layout_extend_layernorm.py7 # http://www.apache.org/licenses/LICENSE-2.0
67 self.beta = Parameter(x_beta, "beta")
70 out1, _, _ = self.layernorm(y, self.gamma, self.beta)
77 beta = Tensor(np.ones([16, 32]), dtype=ms.float32) variable
81 Feature: test layout extend
88 net = Net(gamma, beta, layout1, begin_norm_axis=2)
96 Feature: test layout extend for multi shard
103 net = Net(gamma, beta, layout1, begin_norm_axis=2)
111 Feature: test layout extend for multi shard
118 net = Net(gamma, beta, layout1, begin_norm_axis=2)
[all …]
/third_party/rust/crates/bitflags/tests/
Dcompile.rs10 #[test]
12 prepare_stderr_files("tests/compile-fail").unwrap(); in fail()
15 t.compile_fail("tests/compile-fail/**/*.rs"); in fail()
18 #[test]
21 t.pass("tests/compile-pass/**/*.rs"); in pass()
26 // having some message to check makes sure user-facing errors are sensical.
28 // The approach we use is to run the test on all compilers, but only check stderr
29 // output on beta (which is the next stable release). We do this by default ignoring
30 // any `.stderr` files in the `compile-fail` directory, and copying `.stderr.beta` files
31 // when we happen to be running on a beta compiler.
[all …]
/third_party/skia/third_party/externals/abseil-cpp/absl/random/
Dbeta_distribution_test.cc7 // https://www.apache.org/licenses/LICENSE-2.0
46 class BetaDistributionInterfaceTest : public ::testing::Test {};
48 // double-double arithmetic is not supported well by either GCC or Clang; see
65 std::exp(std::log((std::numeric_limits<TypeParam>::max)()) - in TYPED_TEST()
72 TypeParam(1e-20), TypeParam(1e-12), TypeParam(1e-8), TypeParam(1e-4), in TYPED_TEST()
73 TypeParam(1e-3), TypeParam(0.1), TypeParam(0.25), in TYPED_TEST()
74 std::nextafter(TypeParam(0.5), TypeParam(0)), // 0.5 - epsilon in TYPED_TEST()
77 std::nextafter(TypeParam(1), TypeParam(0)), // 1 - epsilon in TYPED_TEST()
99 for (TypeParam beta : kValues) { in TYPED_TEST() local
101 INFO, absl::StrFormat("Smoke test for Beta(%a, %a)", alpha, beta)); in TYPED_TEST()
[all …]
/third_party/mindspore/mindspore-src/source/tests/st/dyn_shape_dev/
Dtest_layer_norm.py7 # http://www.apache.org/licenses/LICENSE-2.0
25 def layer_norm_forward_func(input_x, gamma, beta): argument
26 return ops.LayerNorm(begin_norm_axis=1, begin_params_axis=1, epsilon=1e-7)(input_x, gamma, beta)
30 def layer_norm_backward_func(input_x, gamma, beta): argument
31 return ops.grad(layer_norm_forward_func, (0, 1, 2))(input_x, gamma, beta)
34 def layer_norm_dyn_shape_func(input_x, gamma, beta): argument
35 return ops.LayerNorm(begin_norm_axis=1, begin_params_axis=1, epsilon=1e-7)(input_x, gamma, beta)
47 Description: test op layer norm.
53 beta = ms.Tensor(np.zeros([3]), ms.float32)
54 output, mean, variance = layer_norm_forward_func(input_x, gamma, beta)
[all …]
/third_party/skia/m133/infra/bots/task_drivers/common/
Dgoldctl_steps_test.go3 // Use of this source code is governed by a BSD-style license that can be
25 test := func(name string, utgArgs UploadToGoldArgs) {
31 …err := UploadToGold(ctx, utgArgs, "/path/to/skia/bazel-testlogs/some/test/target/test.outputs/outp…
40 …"Test did not produce an undeclared test outputs ZIP file or directory; nothing to upload to Gold",
47 test("post-submit task", UploadToGoldArgs{
49 BazelLabel: "//some/test:target",
55 test("CL task", UploadToGoldArgs{
57 BazelLabel: "//some/test:target",
63 // ignored by the task driver under this test.
64 ChangelistID: "changelist-id",
[all …]
/third_party/protobuf/third_party/abseil-cpp/absl/random/internal/
Ddistribution_test_util.h7 // https://www.apache.org/licenses/LICENSE-2.0
25 // NOTE: The functions in this file are test only, and are should not be used in
26 // non-test code.
32 // http://webspace.ship.edu/pgmarr/Geo441/Lectures/Lec%205%20-%20Normality%20Testing.pdf
49 // Computes the Z-score for a set of data with the given distribution moments
58 // Computes the maximum distance from the mean tolerable, for Z-Tests that are
73 // Beta(p, q) = Gamma(p) * Gamma(q) / Gamma(p+q)
74 double beta(double p, double q);
82 // Implements the incomplete regularized beta function, AS63, BETAIN.
87 // `p` is beta parameter p, `q` is beta parameter q.
[all …]
/third_party/skia/third_party/externals/abseil-cpp/absl/random/internal/
Ddistribution_test_util.h7 // https://www.apache.org/licenses/LICENSE-2.0
25 // NOTE: The functions in this file are test only, and are should not be used in
26 // non-test code.
32 // http://webspace.ship.edu/pgmarr/Geo441/Lectures/Lec%205%20-%20Normality%20Testing.pdf
49 // Computes the Z-score for a set of data with the given distribution moments
58 // Computes the maximum distance from the mean tolerable, for Z-Tests that are
73 // Beta(p, q) = Gamma(p) * Gamma(q) / Gamma(p+q)
74 double beta(double p, double q);
82 // Implements the incomplete regularized beta function, AS63, BETAIN.
87 // `p` is beta parameter p, `q` is beta parameter q.
[all …]
/third_party/mindspore/mindspore-src/source/tests/st/ops/cpu/
Dtest_smoothl1loss_op.py7 # http://www.apache.org/licenses/LICENSE-2.0
27 def smoothl1loss(beta, reduction): argument
32 net = nn.SmoothL1Loss(beta, reduction)
54 Description: test the rightness of SmoothL1Loss cpu kernel.
58 beta = 1.0
59 loss = smoothl1loss(beta, reduction)
67 beta = 1 / 9
68 loss = smoothl1loss(beta, reduction)
88 def smoothl1loss_grad(beta): argument
94 net = nn.SmoothL1Loss(beta)
[all …]
/third_party/mindspore/mindspore-src/source/tests/st/ops/gpu/
Dtest_smoothl1loss_op.py7 # http://www.apache.org/licenses/LICENSE-2.0
27 def smoothl1loss(beta, reduction): argument
32 net = nn.SmoothL1Loss(beta, reduction)
54 Description: test the rightness of SmoothL1Loss cpu kernel.
58 beta = 1.0
59 loss = smoothl1loss(beta, reduction)
67 beta = 1 / 9
68 loss = smoothl1loss(beta, reduction)
88 def smoothl1loss_grad(beta): argument
94 net = nn.SmoothL1Loss(beta)
[all …]
Dtest_sparse_addmm_op.py7 # http://www.apache.org/licenses/LICENSE-2.0
30 def construct(self, input_indices, input_values, input_shape, x2_dense, x3_dense, alpha, beta): argument
31 …return self.sparse_addmm(input_indices, input_values, input_shape, x2_dense, x3_dense, alpha, beta)
39 Feature: SparseAddmm gpu TEST.
40 Description: 2d int32 test case for SparseAddmm
51 beta = Tensor(np.array([1]), mstype.int32)
54 y_dense = net(input_indices, input_values, input_shape, x2_dense, x3_dense, alpha, beta)
65 Feature: SparseAddmm gpu TEST.
66 Description: 2d int32 test case for SparseAddmm
77 beta = Tensor(np.array([1]), mstype.int64)
[all …]
/third_party/skia/m133/infra/bots/task_drivers/bazel_test_precompiled/
Dbazel_test_precompiled_test.go3 // Use of this source code is governed by a BSD-style license that can be
53 // Given that we have tests for common.UploadToGold(), it suffices to test a couple of
56test := func(name string, tdArgs taskDriverArgs, goldctlWorkDir string, goldctlImgtestInitStepName…
58 // Create directory with fake undeclared test outputs.
60 // The contents of PNG files does not matter for this test.
70 "beta.png": "fake PNG",
71 "beta.json": `{
75 "name": "beta",
100 …"/path/to/command --device-specific-bazel-config Pixel5 --key arch arm64 model Pixel5 os Android -…
103 "Gather \"beta.png\"",
[all …]
/third_party/rust/crates/clap/.github/workflows/
Drust-next.yml1 name: rust-next
4 - cron: '3 3 3 * *'
9 test:
10 name: Test
15 - build: stable
16 os: ubuntu-latest
19 - build: linux
20 os: ubuntu-latest
21 rust: "beta"
23 - build: windows
[all …]
/third_party/python/Lib/test/
Dtest_getopt.py2 # David Goodger <dgoodger@bigfoot.com> 2000-08-19
4 from test.support import verbose, run_doctest
5 from test.support.os_helper import EnvironmentVarGuard
45 self.assertEqual(opts, [('-a', '')])
49 self.assertEqual(opts, [('-a', '1')])
53 #self.assertEqual(opts, [('-a', '1')])
57 self.assertEqual(opts, [('-a', '1')])
61 self.assertEqual(opts, [('-a', '1')])
69 self.assertEqual(opts, [('--abc', '')])
73 self.assertEqual(opts, [('--abc', '1')])
[all …]
/third_party/rust/crates/lazy-static.rs/
Dappveyor.yml12 - TARGET: i686-pc-windows-gnu
14 - TARGET: i686-pc-windows-msvc
16 - TARGET: x86_64-pc-windows-gnu
18 - TARGET: x86_64-pc-windows-msvc
20 # Beta channel
21 - TARGET: i686-pc-windows-gnu
22 CHANNEL: beta
23 - TARGET: i686-pc-windows-msvc
24 CHANNEL: beta
25 - TARGET: x86_64-pc-windows-gnu
[all …]

12345678910>>...20