Home
last modified time | relevance | path

Searched defs:GraphContext (Results 1 – 25 of 28) sorted by relevance

12

/aosp_15_r20/external/pytorch/torch/onnx/
H A Dsymbolic_opset9.py321 def _shape_as_tensor(g: jit_utils.GraphContext, input):
326 def _reshape_from_tensor(g: jit_utils.GraphContext, input, shape):
334 def reshape(g: jit_utils.GraphContext, self, shape):
340 def reshape_as(g: jit_utils.GraphContext, self, other):
346 def add(g: jit_utils.GraphContext, self, other, alpha=None):
371 def sub(g: jit_utils.GraphContext, self, other, alpha=None):
393 def rsub(g: jit_utils.GraphContext, self, other, alpha=None):
398 def mul(g: jit_utils.GraphContext, self, other):
407 def div(g: jit_utils.GraphContext, self, other, *args):
416 def addcmul(g: jit_utils.GraphContext, self, tensor1, tensor2, value=1.0):
[all …]
H A Dsymbolic_opset11.py95 def hardtanh(g: jit_utils.GraphContext, self: _C.Value, min_val: float, max_val: float):
113 def clamp(g: jit_utils.GraphContext, self, min, max):
149 def clamp_min(g: jit_utils.GraphContext, self, min):
164 def clamp_max(g: jit_utils.GraphContext, self, max):
178 def relu6(g: jit_utils.GraphContext, input):
197 def select(g: jit_utils.GraphContext, self, dim, index):
203 g: jit_utils.GraphContext, self, indices_list_value, values, accumulate=False
327 def pixel_shuffle(g: jit_utils.GraphContext, self, upscale_factor):
369 g: jit_utils.GraphContext,
385 def gather(g: jit_utils.GraphContext, self, dim, index, sparse_grad=False):
[all …]
H A Dsymbolic_opset10.py77 def div(g: jit_utils.GraphContext, self, other, *args):
85 def _div_rounding_mode(g: jit_utils.GraphContext, self, other, rounding_mode):
93 def _floor_divide(g: jit_utils.GraphContext, self, other):
115 def sort(g: jit_utils.GraphContext, self, dim, decending, out=None):
121 def topk(g: jit_utils.GraphContext, self, k, dim, largest, sorted, out=None):
128 g: jit_utils.GraphContext,
211 g: jit_utils.GraphContext,
312 g: jit_utils.GraphContext,
475 g: jit_utils.GraphContext,
491 g: jit_utils.GraphContext,
[all …]
H A Dsymbolic_opset13.py27 def softmax(g: jit_utils.GraphContext, input, dim, dtype=None):
40 def log_softmax(g: jit_utils.GraphContext, input, dim, dtype=None):
52 def frobenius_norm(g: jit_utils.GraphContext, self, dim=None, keepdim=False):
63 def split(g: jit_utils.GraphContext, self, split_size_or_sizes, dim, _outputs=None):
119 def split_with_sizes(g: jit_utils.GraphContext, self, split_sizes, dim, _outputs=None):
125 g: jit_utils.GraphContext, self, split_size_or_sizes, dim, _outputs=None
132 g: jit_utils.GraphContext, self, split_sizes, dim, _outputs=None
140 g: jit_utils.GraphContext, self, indices_or_sections, dim, _outputs=None
277 def unbind(g: jit_utils.GraphContext, self, dim=0, _outputs=None):
299 def nonzero_numpy(g: jit_utils.GraphContext, input, _outputs=None):
[all …]
H A Dsymbolic_opset8.py122 g: jit_utils.GraphContext,
154 def _try_cast_integer_to_float(g: jit_utils.GraphContext, *args):
185 def _cast_to_type(g: jit_utils.GraphContext, input, to_type):
191 def _comparison_operator(g: jit_utils.GraphContext, input, other, op_name):
201 def gt(g: jit_utils.GraphContext, input, other):
206 def lt(g: jit_utils.GraphContext, input, other):
211 def bmm(g: jit_utils.GraphContext, self, other):
220 def matmul(g: jit_utils.GraphContext, self, other):
225 def prelu(g: jit_utils.GraphContext, self, weight):
241 def mm(g: jit_utils.GraphContext, self, other):
[all …]
H A Dsymbolic_helper.py649 g: jit_utils.GraphContext, value, jit_type: _type_utils.JitScalarType
663 def _select_helper(g: jit_utils.GraphContext, self, dim, index, apply_reshape=True):
688 g: jit_utils.GraphContext,
722 def _generate_wrapped_number(g: jit_utils.GraphContext, scalar):
740 def _sort_helper(g: jit_utils.GraphContext, input, dim, decending=True, out=None):
760 g: jit_utils.GraphContext, input, k, dim, largest=True, sorted=False, out=None
780 def _lt_helper(g: jit_utils.GraphContext, input, other):
808 def _unsqueeze_helper(g: jit_utils.GraphContext, input, axes_i):
822 def _squeeze_helper(g: jit_utils.GraphContext, input, axes_i):
848 g: jit_utils.GraphContext,
[all …]
H A Dsymbolic_opset12.py48 def _einsum_helper(g: jit_utils.GraphContext, equation, tensors):
68 def einsum(g: jit_utils.GraphContext, equation, tensor_list, path=None):
75 def outer(g: jit_utils.GraphContext, input, other):
89 g: jit_utils.GraphContext, input: torch._C.Value, p: float, train: bool
104 def dropout(g: jit_utils.GraphContext, input, p, train):
111 def native_dropout(g: jit_utils.GraphContext, input, p, train):
116 def nll_loss(g: jit_utils.GraphContext, self, target, weight, reduction, ignore_index):
150 g: jit_utils.GraphContext, self, target, weight, reduction, ignore_index
157 g: jit_utils.GraphContext, self, target, weight, reduction, ignore_index
164 g: jit_utils.GraphContext,
[all …]
H A Dsymbolic_caffe2.py40 def _permute_helper(g: jit_utils.GraphContext, input, axes):
51 def nchw2nhwc(g: jit_utils.GraphContext, input):
56 def nhwc2nchw(g: jit_utils.GraphContext, input):
61 def linear_prepack(g: jit_utils.GraphContext, weight, bias):
71 def linear(g: jit_utils.GraphContext, input, weight, bias, scale, zero_point):
82 g: jit_utils.GraphContext, input, weight, bias, stride, padding, dilation, groups
94 g: jit_utils.GraphContext,
123 g: jit_utils.GraphContext,
151 def add(g: jit_utils.GraphContext, input_a, input_b, scale, zero_point):
162 def relu(g: jit_utils.GraphContext, input):
[all …]
H A Dsymbolic_opset18.py43 def __and_(g: jit_utils.GraphContext, self, other):
117 g: jit_utils.GraphContext,
129 def _glu(g: jit_utils.GraphContext, input, dim):
142 def max(g: jit_utils.GraphContext, self, dim_or_y=None, keepdim=None):
148 def maximum(g: jit_utils.GraphContext, input, other):
154 def min(g: jit_utils.GraphContext, self, dim_or_y=None, keepdim=None):
160 def minimum(g: jit_utils.GraphContext, input, other):
167 def amax(g: jit_utils.GraphContext, self, dim, keepdim):
175 def amin(g: jit_utils.GraphContext, self, dim, keepdim):
183 def aminmax(g: jit_utils.GraphContext, self, dim, keepdim):
[all …]
H A Dsymbolic_opset14.py44 def hardswish(g: jit_utils.GraphContext, self):
49 def tril(g: jit_utils.GraphContext, self, diagonal, out=None):
54 def triu(g: jit_utils.GraphContext, self, diagonal, out=None):
61 def reshape(g: jit_utils.GraphContext, self, shape):
70 g: jit_utils.GraphContext,
123 def quantized_hardswish(g: jit_utils.GraphContext, x, op_scale, op_zero_point):
138 g: jit_utils.GraphContext,
211 g: jit_utils.GraphContext, query: torch._C.Value
247 g: jit_utils.GraphContext, query: torch._C.Value, key: torch._C.Value
H A Dsymbolic_opset15.py41 def aten__is_(g: jit_utils.GraphContext, self, other):
53 def aten__isnot_(g: jit_utils.GraphContext, self, other):
58 def bernoulli(g: jit_utils.GraphContext, input, p=None, generator=None, out=None):
73 def prim_unchecked_cast(g: jit_utils.GraphContext, self):
H A Dsymbolic_opset20.py50 g: jit_utils.GraphContext,
76 g: jit_utils.GraphContext,
91 def gelu(g: jit_utils.GraphContext, self: _C.Value, approximate: str = "none"):
H A Dsymbolic_opset16.py48 g: jit_utils.GraphContext,
74 def scatter_add(g: jit_utils.GraphContext, self, dim, index, src):
122 g: jit_utils.GraphContext,
H A Dsymbolic_opset17.py40 g: jit_utils.GraphContext,
75 g: jit_utils.GraphContext,
102 g: jit_utils.GraphContext,
H A Dsymbolic_opset7.py41 def max(g: jit_utils.GraphContext, self, dim_or_y=None, keepdim=None):
53 def min(g: jit_utils.GraphContext, self, dim_or_y=None, keepdim=None):
/aosp_15_r20/external/pytorch/torch/onnx/_internal/
H A Djit_utils.py25 class GraphContext: class
155 graph_context: GraphContext,
202 graph_context: GraphContext,
264 def _const_if_tensor(graph_context: GraphContext, arg):
/aosp_15_r20/external/leakcanary2/shark-graph/src/main/java/shark/
H A DGraphContext.kt7 class GraphContext { class
/aosp_15_r20/external/tensorflow/tensorflow/c/eager/
H A Dc_api_unified_experimental_graph.cc317 class GraphContext : public TracingContext { class
319 explicit GraphContext(const char* name) in GraphContext() function in tensorflow::tracing::graph::GraphContext
/aosp_15_r20/external/ComputeLibrary/arm_compute/graph/backends/CL/
H A DCLFunctionFactory.h37 class GraphContext; variable
/aosp_15_r20/external/ComputeLibrary/arm_compute/graph/backends/NEON/
H A DNEFunctionFactory.h37 class GraphContext; variable
/aosp_15_r20/external/ComputeLibrary/arm_compute/graph/detail/
H A DCrossLayerMemoryManagerHelpers.h35 class GraphContext; variable
H A DExecutionHelpers.h35 class GraphContext; variable
/aosp_15_r20/external/ComputeLibrary/arm_compute/graph/
H A DIDeviceBackend.h41 class GraphContext; variable
H A DGraphManager.h38 class GraphContext; variable
H A DUtils.h35 class GraphContext; variable

12