/external/linux-kselftest/tools/testing/selftests/bpf/prog_tests/ |
D | sockopt_multi.c | 1 // SPDX-License-Identifier: GPL-2.0 15 return -1; in prog_attach() 21 return -1; in prog_attach() 28 return -1; in prog_attach() 43 return -1; in prog_detach() 47 return -1; in prog_detach() 52 return -1; in prog_detach() 70 goto detach; in run_getsockopt_test() 78 goto detach; in run_getsockopt_test() 83 err = -1; in run_getsockopt_test() [all …]
|
/external/pytorch/torch/distributed/tensor/examples/ |
D | comm_mode_features_example.py | 3 torchrun --standalone --nnodes=1 --nproc-per-node=4 comm_mode_features_example.py -e MLP_operation_… 28 def get_device_type() -> str: 48 def __init__(self, world_size: int, rank: int) -> None: 55 ) -> tuple[nn.Module, torch.Tensor]: 80 ) -> tuple[nn.Module, torch.Tensor]: 98 def example_MLP_distributed_sharding_display(self) -> None: 120 def example_MLPStacked_distributed_sharding_display(self) -> None: 157 def example_MLP_module_tracing(self) -> None: 190 def example_transformer_module_tracing(self) -> None: 278 def example_MLP_operation_tracing(self) -> None: [all …]
|
/external/skia/gm/ |
D | convexpaths.cpp | 4 * Use of this source code is governed by a BSD-style license that can be 48 void onOnceBeforeDraw() override { this->setBGColor(0xFF000000); } in onOnceBeforeDraw() 64 .detach()); in makePaths() 69 .detach()); in makePaths() 91 for (int i = kPtsPerSide; i > 0; --i) { in makePaths() 94 for (int i = kPtsPerSide; i > 0; --i) { in makePaths() 97 fPaths.push_back(b.detach()); in makePaths() 103 .detach()); in makePaths() 106 fPaths.push_back(b.cubicTo( 1, 1, 10, 90, 0, 100).detach()); in makePaths() 107 fPaths.push_back(b.cubicTo(100, 50, 20, 100, 0, 0).detach()); in makePaths() [all …]
|
D | hairlines.cpp | 4 * Use of this source code is governed by a BSD-style license that can be 41 lineAngles.moveTo(x, y).lineTo(-x, -y); in onOnceBeforeDraw() 43 fPaths.push_back(lineAngles.detach()); in onOnceBeforeDraw() 46 fPaths.push_back(SkPathBuilder().moveTo(0, -10) in onOnceBeforeDraw() 47 .quadTo(100, 100, -10, 0) in onOnceBeforeDraw() 48 .detach()); in onOnceBeforeDraw() 50 fPaths.push_back(SkPathBuilder().moveTo(0, -5) in onOnceBeforeDraw() 51 .quadTo(100, 100, -5, 0) in onOnceBeforeDraw() 52 .detach()); in onOnceBeforeDraw() 54 fPaths.push_back(SkPathBuilder().moveTo(0, -2) in onOnceBeforeDraw() [all …]
|
D | collapsepaths.cpp | 4 * Use of this source code is governed by a BSD-style license that can be 16 canvas->translate(0, 0); in test_collapse1() 25 canvas->drawPath(path.detach(), paint); in test_collapse1() 37 canvas->drawPath(path.detach(), paint); in test_collapse2() 49 canvas->drawPath(path.detach(), paint); in test_collapse3() 61 canvas->drawPath(path.detach(), paint); in test_collapse4() 74 canvas->drawPath(path.detach(), paint); in test_collapse5() 87 canvas->drawPath(path.detach(), paint); in test_collapse6() 100 canvas->drawPath(path.detach(), paint); in test_collapse7() 113 canvas->drawPath(path.detach(), paint); in test_collapse8() [all …]
|
D | concavepaths.cpp | 4 * Use of this source code is governed by a BSD-style license that can be 17 canvas->translate(0, 0); in test_concave() 18 canvas->drawPath(SkPath::Polygon({{20,20}, {80,20}, {30,30}, {20,80}}, false), paint); in test_concave() 23 canvas->save(); in test_reverse_concave() 24 canvas->translate(100, 0); in test_reverse_concave() 25 canvas->drawPath(SkPath::Polygon({{20,20}, {20,80}, {30,30}, {80,20}}, false), paint); in test_reverse_concave() 26 canvas->restore(); in test_reverse_concave() 31 canvas->save(); in test_bowtie() 32 canvas->translate(200, 0); in test_bowtie() 33 canvas->drawPath(SkPath::Polygon({{20,20}, {80,80}, {80,20}, {20,80}}, false), paint); in test_bowtie() [all …]
|
/external/pytorch/test/lazy/ |
D | test_reuse_ir.py | 32 x_lazy = x.detach().clone().to(device=device) 33 y_lazy = y.detach().clone().to(device=device) 34 z_lazy = z.detach().clone().to(device=device) 55 x_lazy = x.detach().clone().to(device=device) 56 y_lazy = y.detach().clone().to(device=device) 57 z_lazy = z.detach().clone().to(device=device) 63 z += x - y 69 z_lazy += x_lazy - y_lazy 85 x_lazy = x.detach().clone().to(device=device) 86 y_lazy = y.detach().clone().to(device=device) [all …]
|
/external/opencensus-java/contrib/spring_sleuth_v1x/src/test/java/io/opencensus/contrib/spring/sleuth/v1x/ |
D | OpenCensusSleuthTracerTest.java | 8 * http://www.apache.org/licenses/LICENSE-2.0 66 for (int i = spans.length - 1; i >= 0; i--) { in testSpanStackAndClose() 76 // try to close a non-current span in testSpanStackAndCloseOutOfOrder() 77 tracer.close(spans[spans.length - 2]); in testSpanStackAndCloseOutOfOrder() 78 assertCurrentSpanIs(spans[spans.length - 1]); in testSpanStackAndCloseOutOfOrder() 80 for (int i = spans.length - 1; i >= 0; i--) { in testSpanStackAndCloseOutOfOrder() 87 Span parent = tracer.detach(null); in testDetachNull() 96 Span parent = tracer.detach(root); in testRootSpanAndDetach() 103 Span parent = tracer.detach(spans[spans.length - 1]); in testSpanStackAndDetach() 104 assertThat(parent).isEqualTo(spans[spans.length - 2]); in testSpanStackAndDetach() [all …]
|
/external/javassist/src/test/javassist/ |
D | ClassPoolBench.java | 8 static boolean mod = false, detach = false, readonly = false; field in ClassPoolBench 17 if (detach) in accessClass() 23 if (detach) in accessClass() 24 cc.detach(); in accessClass() 35 name = name.substring(0, name.length() - 6) in accessAll() 49 else if (args[1].equals("detach")) in main() 50 mod = detach = true; in main() 54 System.err.println("mod: " + mod + " detach: " + detach in main()
|
/external/libopus/dnn/torch/osce/ |
D | create_testvectors.py | 9 - Redistributions of source code must retain the above copyright 12 - Redistributions in binary form must reproduce the above copyright 43 parser.add_argument('--debug', action='store_true', help='add debug output to output folder') 57 features = features[0].detach().numpy() 58 x_in = x_in[0].reshape(in_channels, num_frames, frame_size).permute(1, 0, 2).detach().numpy() 59 x_out = x_out[0].reshape(out_channels, num_frames, frame_size).permute(1, 0, 2).detach().numpy() 76 features = features[0].detach().numpy() 77 x_in = x_in[0].permute(1, 0).detach().numpy() 78 p_in = p_in[0].detach().numpy().astype(np.int32) 79 x_out = x_out[0].permute(1, 0).detach().numpy() [all …]
|
/external/libopus/dnn/torch/weight-exchange/wexchange/torch/ |
D | torch.py | 9 - Redistributions of source code must retain the above copyright 12 - Redistributions in binary form must reproduce the above copyright 51 w_kernel = adaconv.conv_kernel.weight.detach().cpu().numpy().copy() 52 b_kernel = adaconv.conv_kernel.bias.detach().cpu().numpy().copy() 53 w_gain = adaconv.filter_gain.weight.detach().cpu().numpy().copy() 54 b_gain = adaconv.filter_gain.bias.detach().cpu().numpy().copy() 65 kernel_padding = 8 - (kernel_size % 8) 69 axis=2).reshape(-1, feature_dim) 73 axis=2).reshape(-1) 107 w_kernel = adaconv.conv_kernel.weight.detach().cpu().numpy().copy() [all …]
|
/external/skia/tests/ |
D | IsClosedSingleContourTest.cpp | 4 * Use of this source code is governed by a BSD-style license that can be 13 REPORTER_ASSERT(reporter, !SkPathPriv::IsClosedSingleContour(p.detach())); in DEF_TEST() 16 REPORTER_ASSERT(reporter, !SkPathPriv::IsClosedSingleContour(p.detach())); in DEF_TEST() 20 REPORTER_ASSERT(reporter, SkPathPriv::IsClosedSingleContour(p.detach())); in DEF_TEST() 25 REPORTER_ASSERT(reporter, SkPathPriv::IsClosedSingleContour(p.detach())); in DEF_TEST() 33 REPORTER_ASSERT(reporter, SkPathPriv::IsClosedSingleContour(p.detach())); in DEF_TEST() 38 REPORTER_ASSERT(reporter, !SkPathPriv::IsClosedSingleContour(p.detach())); in DEF_TEST() 45 REPORTER_ASSERT(reporter, !SkPathPriv::IsClosedSingleContour(p.detach())); in DEF_TEST() 52 REPORTER_ASSERT(reporter, !SkPathPriv::IsClosedSingleContour(p.detach())); in DEF_TEST()
|
D | PathBuilderTest.cpp | 4 * Use of this source code is governed by a BSD-style license that can be 36 is_empty(reporter, b.detach()); in DEF_TEST() 42 SkPath p2 = b.detach(); in DEF_TEST() 56 is_empty(reporter, b.detach()); in DEF_TEST() 68 for (const SkPath& path : { b.snapshot(), b.detach() }) { in DEF_TEST() 135 auto bp = b.detach(); in DEF_TEST() 200 auto bp = SkPathBuilder().addOval(r, dir, i).detach(); in DEF_TEST() 205 auto bp = SkPathBuilder().addOval(r, dir).detach(); in DEF_TEST() 210 // test negative case -- can't have any other segments in DEF_TEST() 211 bp = SkPathBuilder().addOval(r, dir).lineTo(10, 10).detach(); in DEF_TEST() [all …]
|
/external/pytorch/torch/nn/parallel/ |
D | replicate.py | 29 def _is_script_module(module: Module) -> bool: 35 def _is_script_method(module: Module) -> bool: 41 def _init_script_module() -> "ScriptModule": 47 def _is_jit_enabled() -> "EnabledProxy": 60 def _replicatable_module(module: Module, memo: Optional[Set[Module]] = None) -> bool: 62 def descendant_modules(module: Module) -> Iterator[Module]: 94 detach: bool = False, 95 ) -> List[List[torch.Tensor]]: 98 if detach: 101 # Use the autograd function to broadcast if not detach [all …]
|
/external/ltp/include/lapi/ |
D | shmbuf.h | 1 // SPDX-License-Identifier: GPL-2.0-or-later 27 * data structure when moving to 64-bit time_t. 35 long shm_dtime; /* last detach time */ 49 unsigned long shm_dtime; /* last detach time */ 71 * - 2 miscellaneous 32-bit values 78 long shm_dtime; /* last detach time */ 85 unsigned long shm_dtime; /* last detach time */ 108 * - 2 miscellaneous 32-bit values 115 long shm_dtime; /* last detach time */ 122 unsigned long shm_dtime; /* last detach time */ [all …]
|
/external/libbrillo/brillo/blkdev_utils/ |
D | loop_device_test.cc | 2 // Use of this source code is governed by a BSD-style license that can be 25 EXPECT_TRUE(device->IsValid()); in TEST() 26 EXPECT_TRUE(device1->IsValid()); in TEST() 27 EXPECT_TRUE(device2->IsValid()); in TEST() 35 device2->SetName("Loopy"); in TEST() 39 EXPECT_TRUE(device1_copy->IsValid()); in TEST() 40 EXPECT_EQ(device1->GetDevicePath(), device1_copy->GetDevicePath()); in TEST() 41 EXPECT_EQ(device1->GetBackingFilePath(), device1_copy->GetBackingFilePath()); in TEST() 45 EXPECT_TRUE(device2_copy->IsValid()); in TEST() 46 EXPECT_EQ(device2->GetDevicePath(), device2_copy->GetDevicePath()); in TEST() [all …]
|
/external/llvm-libc/src/__support/threads/ |
D | thread.h | 1 //===--- A platform independent indirection for a thread class --*- C++ -*-===// 5 // SPDX-License-Identifier: Apache-2.0 WITH LLVM-exception 7 //===----------------------------------------------------------------------===// 62 // Detach type is useful in testing the detach operation. 64 // Indicates that the detach operation just set the detach state to DETACHED 68 // Indicates that the detach operation performed thread cleanup. 86 // call a detach or join function. Calling either of them can lead to 91 // with the value DetachState::JOINABLE. Another thread can detach this 93 // (a) If the detach method sees the state as JOINABLE, then it will 96 // (b) If the detach method does not see JOINABLE in (a), then it will [all …]
|
/external/cronet/stable/third_party/llvm-libc/src/src/__support/threads/ |
D | thread.h | 1 //===--- A platform independent indirection for a thread class --*- C++ -*-===// 5 // SPDX-License-Identifier: Apache-2.0 WITH LLVM-exception 7 //===----------------------------------------------------------------------===// 62 // Detach type is useful in testing the detach operation. 64 // Indicates that the detach operation just set the detach state to DETACHED 68 // Indicates that the detach operation performed thread cleanup. 86 // call a detach or join function. Calling either of them can lead to 91 // with the value DetachState::JOINABLE. Another thread can detach this 93 // (a) If the detach method sees the state as JOINABLE, then it will 96 // (b) If the detach method does not see JOINABLE in (a), then it will [all …]
|
/external/cronet/tot/third_party/llvm-libc/src/src/__support/threads/ |
D | thread.h | 1 //===--- A platform independent indirection for a thread class --*- C++ -*-===// 5 // SPDX-License-Identifier: Apache-2.0 WITH LLVM-exception 7 //===----------------------------------------------------------------------===// 62 // Detach type is useful in testing the detach operation. 64 // Indicates that the detach operation just set the detach state to DETACHED 68 // Indicates that the detach operation performed thread cleanup. 86 // call a detach or join function. Calling either of them can lead to 91 // with the value DetachState::JOINABLE. Another thread can detach this 93 // (a) If the detach method sees the state as JOINABLE, then it will 96 // (b) If the detach method does not see JOINABLE in (a), then it will [all …]
|
/external/pytorch/torch/ao/ns/fx/ |
D | weight_utils.py | 22 def mod_weight_detach(mod: nn.Module) -> torch.Tensor: 23 return mod.weight.detach() # type: ignore[operator] 26 def mod_0_weight_detach(mod: nn.Module) -> torch.Tensor: 27 return mod[0].weight.detach() # type: ignore[index] 30 def mod_weight_bias_0(mod: nn.Module) -> torch.Tensor: 34 def get_lstm_weight(mod: nn.Module) -> List[torch.Tensor]: 36 for idx, param_name in enumerate(mod._flat_weights_names): # type: ignore[arg-type] 38 param_value = mod._flat_weights[idx].detach() # type: ignore[index] 43 def get_qlstm_weight(mod: nn.Module) -> List[torch.Tensor]: 45 for weight_value in mod._all_weight_values: # type: ignore[union-attr] [all …]
|
/external/pytorch/test/dynamo/ |
D | test_recompiles.py | 178 x.clone().detach(), y.clone().detach(), z.clone().detach() 180 eager_result = foo(x.clone().detach(), y.clone().detach(), z.clone().detach()) 185 z.clone().detach(), y.clone().detach(), x.clone().detach() 187 eager_result = foo(z.clone().detach(), y.clone().detach(), x.clone().detach()) 192 x_clone = x.clone().detach() 193 cmp_result = compiled_foo(x_clone, y.clone().detach(), x_clone) 194 x_clone = x.clone().detach() 195 eager_result = compiled_foo(x_clone, y.clone().detach(), x_clone) 212 cmp_result = compiled_foo(z.clone().detach()) 213 eager_result = foo(z.clone().detach()) [all …]
|
/external/openthread/tests/scripts/thread-cert/ |
D | test_detach.py | 42 # CHILD_1 ----- ROUTER_1 ----- LEADER 70 'mode': '-', 99 child1.detach() 103 router1.detach() 120 child1.detach() 131 leader.detach() 136 router1.detach() 139 leader.detach() 144 leader.detach() 157 router1.detach(is_async=True) [all …]
|
/external/sdv/vsomeip/third_party/boost/thread/test/sync/futures/packaged_task/ |
D | make_ready_at_thread_exit_pass.cpp | 1 //===----------------------------------------------------------------------===// 8 //===----------------------------------------------------------------------===// 69 p->make_ready_at_thread_exit(3, 'a'); in func0() 74 p->make_ready_at_thread_exit(3, 'z'); in func1() 79 p->make_ready_at_thread_exit(3, 'a'); in func2() 82 p->make_ready_at_thread_exit(3, 'c'); in func2() 94 p->make_ready_at_thread_exit(3, 'a'); in func3() 108 boost::thread(func0_mv, boost::move(p)).detach(); in main() 110 boost::thread(func0, &p).detach(); in main() 118 boost::thread(func0, &p).detach(); in main() [all …]
|
/external/libopus/dnn/torch/fargan/ |
D | adv_train_fargan.py | 27 num_layers = len(scores_gen[k]) - 1 30 loss_feat += f * F.l1_loss(scores_gen[k][l], scores_real[k][l].detach()) 40 parser.add_argument('--suffix', type=str, help="model name suffix", default="") 41 parser.add_argument('--cuda-visible-devices', type=str, help="comma separates list of cuda visible … 45 model_group.add_argument('--cond-size', type=int, help="first conditioning size, default: 256", def… 46 model_group.add_argument('--gamma', type=float, help="Use A(z/gamma), default: 0.9", default=0.9) 49 training_group.add_argument('--batch-size', type=int, help="batch size, default: 128", default=128) 50 training_group.add_argument('--lr', type=float, help='learning rate, default: 5e-4', default=5e-4) 51 training_group.add_argument('--epochs', type=int, help='number of training epochs, default: 50', de… 52 training_group.add_argument('--sequence-length', type=int, help='sequence length, default: 60', def… [all …]
|
/external/linux-kselftest/tools/testing/selftests/bpf/ |
D | flow_dissector_load.c | 1 // SPDX-License-Identifier: GPL-2.0 54 sprintf(command, "rm -r %s", cfg_pin_path); in detach_program() 63 bool detach = false; in parse_opts() local 66 while ((c = getopt(argc, argv, "adp:s:")) != -1) { in parse_opts() 69 if (detach) in parse_opts() 70 error(1, 0, "attach/detach are exclusive"); in parse_opts() 75 error(1, 0, "attach/detach are exclusive"); in parse_opts() 76 detach = true; in parse_opts() 93 if (detach) in parse_opts()
|