/aosp_15_r20/external/rust/android-crates-io/crates/grpcio-sys/grpc/third_party/upb/protos_generator/tests/ |
D | test_generated.cc | 48 TEST(CppGeneratedCode, Constructor) { TestModel test_model; } in TEST() local 272 auto test_model = ::protos::CreateMessage<TestModel>(arena); in TEST() local 274 EXPECT_FALSE(test_model.has_oneof_member1()); in TEST() 275 EXPECT_FALSE(test_model.has_oneof_member2()); in TEST() 276 EXPECT_EQ(TestModel::CHILD_ONEOF1_NOT_SET, test_model.child_oneof1_case()); in TEST() 278 test_model.set_oneof_member1("one of string"); in TEST() 279 EXPECT_TRUE(test_model.has_oneof_member1()); in TEST() 280 EXPECT_FALSE(test_model.has_oneof_member2()); in TEST() 281 EXPECT_EQ(test_model.oneof_member1(), "one of string"); in TEST() 282 EXPECT_EQ(TestModel::kOneofMember1, test_model.child_oneof1_case()); in TEST() [all …]
|
D | test_extension.proto | 5 import "protos_generator/tests/test_model.proto";
|
/aosp_15_r20/external/pytorch/test/distributed/_composable/ |
H A D | test_compose.py | 58 test_model: nn.Module, 66 test_optim = torch.optim.Adam(test_model.parameters(), lr=LR) 72 test_loss = test_model(x).sum() 91 test_model = copy.deepcopy(model) 93 test_model.seq = checkpoint(test_model.seq) 94 test_model.seq = fully_shard( 95 test_model.seq, 102 "test_model": [test_model], 116 test_model = copy.deepcopy(model) 117 test_model.u1 = fully_shard(test_model.u1, policy=None) [all …]
|
/aosp_15_r20/external/libtextclassifier/native/annotator/ |
H A D | annotator_test-include.cc | 183 const std::string test_model = ReadFile(GetTestModelPath()); in TEST_F() local 184 std::unique_ptr<ModelT> unpacked_model = UnPackModel(test_model.c_str()); in TEST_F() 203 const std::string test_model = ReadFile(GetTestModelPath()); in TEST_F() local 204 std::unique_ptr<ModelT> unpacked_model = UnPackModel(test_model.c_str()); in TEST_F() 222 const std::string test_model = ReadFile(GetTestModelPath()); in TEST_F() local 225 test_model.c_str(), test_model.size(), unilib_.get(), calendarlib_.get()); in TEST_F() 231 std::unique_ptr<ModelT> unpacked_model = UnPackModel(test_model.c_str()); in TEST_F() 255 const std::string test_model = ReadFile(GetTestModelPath()); in TEST_F() local 256 std::unique_ptr<ModelT> unpacked_model = UnPackModel(test_model.c_str()); in TEST_F() 317 const std::string test_model = ReadFile(GetTestModelPath()); in TEST_F() local [all …]
|
/aosp_15_r20/external/libxkbcommon/test/ |
H A D | registry.c | 48 struct test_model { struct 125 const struct test_model *test_models, in test_create_rules() 157 for (const struct test_model *m = test_models; m->name; m++) { in test_create_rules() 238 struct test_model *system_models, in test_setup_context_for() 239 struct test_model *user_models, in test_setup_context_for() 269 test_setup_context(struct test_model *system_models, in test_setup_context() 270 struct test_model *user_models, in test_setup_context() 450 cmp_models(struct test_model *tm, struct rxkb_model *m) in cmp_models() 579 struct test_model system_models[] = { in test_load_basic() 615 struct test_model system_models[] = { in test_load_full() [all …]
|
/aosp_15_r20/external/tensorflow/tensorflow/lite/tools/optimize/ |
H A D | quantization_utils_test.cc | 535 auto test_model = ReadConvModel(); in TEST_F() local 536 ASSERT_TRUE(test_model); in TEST_F() 537 auto readonly_model = test_model->GetModel(); in TEST_F() 585 auto test_model = ReadConvModel(); in TEST_F() local 586 ASSERT_TRUE(test_model); in TEST_F() 587 auto readonly_model = test_model->GetModel(); in TEST_F() 620 auto test_model = ReadConvModel(); in TEST_F() local 621 ASSERT_TRUE(test_model); in TEST_F() 622 auto readonly_model = test_model->GetModel(); in TEST_F() 688 auto test_model = ReadConvModel(); in TEST_F() local [all …]
|
/aosp_15_r20/external/pytorch/test/jit/ |
H A D | test_pdt.py | 735 def test_model(a, m): function 739 make_global(UserDefinedClass, test_model) 743 test_model, 760 test_model(100, user_class), 767 test_model(1.9, user_class),
|
/aosp_15_r20/external/tensorflow/tensorflow/core/ir/importexport/tests/graphdef_to_mlir/ |
H A D | negative_shape.pbtxt | 7 # CHECK: _Arg name("test_model") 10 name: "test_model"
|
/aosp_15_r20/external/tensorflow/tensorflow/compiler/mlir/lite/tests/debuginfo/ |
H A D | saved_model_error.py | 43 test_model = TestModule() 46 tf.saved_model.save(test_model, saved_model_path, options=save_options)
|
/aosp_15_r20/external/libtextclassifier/native/actions/ |
H A D | test-utils.cc | 72 void SetTestEntityDataSchema(ActionsModelT* test_model) { in SetTestEntityDataSchema() argument 75 test_model->actions_entity_data_schema.assign( in SetTestEntityDataSchema()
|
H A D | test-utils.h | 32 void SetTestEntityDataSchema(ActionsModelT* test_model);
|
/aosp_15_r20/external/tensorflow/tensorflow/lite/examples/experimental_new_converter/ |
H A D | stack_trace_example.py | 46 test_model = TestModule() 49 tf.saved_model.save(test_model, saved_model_path, options=save_options)
|
/aosp_15_r20/external/pytorch/test/ |
H A D | test_fx_passes.py | 835 def test_subgraph_matcher(self, test_model): argument 837 setup = getattr(test_model, "setup", None) 841 traced = symbolic_trace(test_model.forward) 842 pattern_traced = symbolic_trace(test_model.pattern) 844 for test_case in test_model.test_cases: 862 tearDown = getattr(test_model, "tearDown", None)
|
H A D | test_package.py | 17 from package.test_model import ModelTest # noqa: F401
|
/aosp_15_r20/external/executorch/exir/tests/ |
H A D | test_print_program.py | 34 self.test_model = TestModel() 37 return self.test_model(x)
|
/aosp_15_r20/external/tensorflow/tensorflow/lite/testing/ |
H A D | build_def.bzl | 296 …return [test_model for test_model in generated_test_models() if test_model not in generated_test_m… 410 for test_model in test_models[begin:end]: 411 tests_csv += "%s," % test_model
|
/aosp_15_r20/external/mesa3d/src/gallium/targets/teflon/ |
H A D | test_teflon.cpp | 69 test_model(std::vector<uint8_t> buf, std::string cache_dir, unsigned tolerance) in test_model() function 144 test_model(buffer, "", MODEL_TOLERANCE); in test_model_file() 184 test_model(buf, cache_dir.str(), TOLERANCE); in test_conv() 226 test_model(buf, cache_dir.str(), tolerance); in test_add()
|
/aosp_15_r20/external/pytorch/test/onnx/ |
H A D | test_pytorch_onnx_no_runtime.py | 521 test_model = MyModule(3, 4, 10) 522 state_dict_list = [k for (k, v) in test_model.state_dict().items()] 523 named_params_list = [k for (k, v) in test_model.named_parameters()] 527 torch.onnx.export(test_model, (x,), f, do_constant_folding=False) 576 test_model = torch.jit.script(MyModule(3, 4, 10)) 577 state_dict_list = [k for (k, v) in test_model.state_dict().items()] 578 named_params_list = [k for (k, v) in test_model.named_parameters()] 584 torch.onnx.export(test_model, (x, y), f, do_constant_folding=False)
|
/aosp_15_r20/external/executorch/.ci/scripts/ |
H A D | test_model.sh | 75 test_model() { function 221 test_model
|
/aosp_15_r20/external/executorch/examples/arm/ |
H A D | run.sh | 285 test_model=( "softmax" "add" "add3" "mv2" ) 288 test_model=( "$model_name" )
|
/aosp_15_r20/packages/modules/Bluetooth/tools/rootcanal/model/setup/ |
D | test_command_handler.cc | 38 TestCommandHandler::TestCommandHandler(TestModel& test_model) : model_(test_model) { in TestCommandHandler() argument
|
D | test_command_handler.h | 35 TestCommandHandler(TestModel& test_model);
|
/aosp_15_r20/external/tensorflow/tensorflow/lite/python/ |
H A D | interpreter_test.py | 362 test_model = TestModel() 364 test_model.TestSum.get_concrete_function( 366 ], test_model)
|
/aosp_15_r20/external/tensorflow/tensorflow/lite/tools/ |
H A D | BUILD | 182 "//tensorflow/lite:testdata/test_model.bin", 390 "//tensorflow/lite:testdata/test_model.bin",
|
/aosp_15_r20/external/tensorflow/tensorflow/lite/g3doc/performance/ |
H A D | post_training_integer_quant.ipynb | 547 "def test_model(tflite_file, test_image_index, model_type):\n", 575 "test_model(tflite_model_file, test_image_index, model_type=\"Float\")" 595 "test_model(tflite_model_quant_file, test_image_index, model_type=\"Quantized\")"
|