/aosp_15_r20/external/tensorflow/tensorflow/python/ops/ |
H A D | math_ops.py | 117 def linspace_nd(start, stop, num, name=None, axis=0): argument 258 axis=None, argument 269 def argmax_v2(input, axis=None, output_type=dtypes.int64, name=None): argument 312 axis=None, argument 323 def argmin_v2(input, axis=None, output_type=dtypes.int64, name=None): argument 367 def abs(x, name=None): # pylint: disable=redefined-builtin argument 425 def __init__(self, x, name): argument 448 def divide(x, y, name=None): argument 483 def multiply(x, y, name=None): argument 536 def _mul(x, y, name=None): argument [all …]
|
H A D | array_ops.py | 305 def expand_dims(input, axis=None, name=None, dim=None): argument 377 def expand_dims_v2(input, axis, name=None): argument 453 def listdiff(x, y, out_idx=None, name=None): argument 468 def setdiff1d(x, y, index_dtype=dtypes.int32, name=None): argument 1418 def stack(values, axis=0, name="stack"): argument 1602 def unstack(value, num=None, axis=0, name="unstack"): argument 1731 def concat(values, axis, name="concat"): argument 1826 def boolean_mask(tensor, mask, name="boolean_mask", axis=None): argument 1873 def _apply_mask_1d(reshaped_tensor, mask, axis=None): argument 1920 def boolean_mask_v2(tensor, mask, axis=None, name="boolean_mask"): argument [all …]
|
H A D | bincount_ops_test.py | 169 x, argument 177 axis=-1): argument 376 x, argument 384 axis=-1): argument 526 x, argument 534 axis=-1): argument
|
H A D | nn_ops.py | 3586 def crelu(features, name=None, axis=-1): argument 3619 def crelu_v2(features, axis=-1, name=None): argument 3862 def softmax_v2(logits, axis=None, name=None): argument 3904 def softmax(logits, axis=None, name=None, dim=None): argument 3918 def log_softmax(logits, axis=None, name=None, dim=None): argument 3948 def log_softmax_v2(logits, axis=None, name=None): argument 3987 def softmax_cross_entropy_with_logits_v2(labels, logits, axis=-1, name=None): argument 4052 labels, logits, axis=None, name=None, dim=None): argument 4189 axis=None): argument 5293 def xw_plus_b(x, weights, biases, name=None): # pylint: disable=invalid-name argument [all …]
|
/aosp_15_r20/external/tensorflow/tensorflow/python/ops/numpy_ops/ |
H A D | np_math_ops.py | 258 def cross(a, b, axisa=-1, axisb=-1, axisc=-1, axis=None): # pylint: disable=missing-docstring argument 275 def maybe_move_axis_to_last(a, axis): argument 277 def move_axis_to_last(a, axis): argument 314 def move_last_to_axis(a, axis): argument 445 def polyval(p, x): # pylint: disable=missing-function-docstring argument 447 def f(p, x): argument 568 def bitwise_not(x): argument 570 def f(x): argument 578 def _scalar(tf_fn, x, promote_to_float=False): argument 600 def log(x): argument [all …]
|
H A D | np_array_ops.py | 367 def all(a, axis=None, keepdims=None): # pylint: disable=redefined-builtin argument 373 def any(a, axis=None, keepdims=None): # pylint: disable=redefined-builtin argument 379 def compress(condition, a, axis=None): # pylint: disable=redefined-outer-name,missing-function-doc… argument 426 def cumprod(a, axis=None, dtype=None): # pylint: disable=missing-docstring argument 442 def cumsum(a, axis=None, dtype=None): # pylint: disable=missing-docstring argument 471 axis=None, argument 541 def size(x, axis=None): # pylint: disable=missing-docstring argument 555 def sum(a, axis=None, dtype=None, keepdims=None): # pylint: disable=redefined-builtin argument 566 def prod(a, axis=None, dtype=None, keepdims=None): argument 577 def mean(a, axis=None, dtype=None, out=None, keepdims=None): argument [all …]
|
H A D | np_utils.py | 37 def _canonicalize_axis(axis, rank): argument 48 canonicalizer = lambda axis: axis + rank if axis < 0 else axis argument 482 def _maybe_get_dtype(x): argument 567 def get_static_value(x): argument 584 def _maybe_static(x): argument 667 def reduce_all(input_tensor, axis=None, keepdims=False): argument 676 def reduce_any(input_tensor, axis=None, keepdims=False): argument
|
/aosp_15_r20/external/tensorflow/tensorflow/python/keras/ |
H A D | backend.py | 189 def cast_to_floatx(x): argument 928 def _constant_to_tensor(x, dtype): argument 945 def _to_tensor(x, dtype): argument 1235 def is_keras_tensor(x): argument 1383 def is_placeholder(x): argument 1408 def shape(x): argument 1433 def int_shape(x): argument 1464 def ndim(x): argument 1491 def dtype(x): argument 1523 def dtype_numpy(x): argument [all …]
|
/aosp_15_r20/external/tensorflow/tensorflow/python/kernel_tests/control_flow/ |
H A D | scan_ops_test.py | 29 def numpy_reverse(x, axis): argument 40 def handle_options(func, x, axis, exclusive, reverse): argument 76 def _compare(self, x, axis, exclusive, reverse): argument 83 def _compareAll(self, x, axis): argument 165 def _compareGradient(self, shape, axis, exclusive, reverse): argument 209 def _compare(self, x, axis, exclusive, reverse): argument 216 def _compareAll(self, x, axis): argument 291 def _compareGradient(self, shape, axis, exclusive, reverse): argument
|
/aosp_15_r20/external/tensorflow/tensorflow/compiler/tests/ |
H A D | scan_ops_test.py | 30 def numpy_reverse(x, axis): argument 41 def handle_options(func, x, axis, exclusive, reverse): argument 78 def _compare(self, x, axis, exclusive, reverse): argument 87 def _compareAll(self, x, axis): argument 165 def _compare(self, x, axis, exclusive, reverse): argument 174 def _compareAll(self, x, axis): argument
|
/aosp_15_r20/external/tensorflow/tensorflow/python/ops/risc/ |
H A D | risc_ops.py | 21 def risc_abs(x, name='RISC_ABS'): argument 32 def risc_binary_arithmetic(x, y, op_type, name='RISC_BinaryArithmetic'): argument 36 def risc_binary_comparison(x, y, op_type, name='RISC_BinaryComparison'): argument 40 def risc_bitcast(x, dtype, name='RISC_BITCAST'): argument 44 def risc_broadcast(x, shape, name='RISC_BROADCAST'): argument 48 def risc_cast(x, dtype, name='RISC_CAST'): argument 52 def risc_ceil(x, name='RISC_CEIL'): argument 56 def risc_cos(x, name='RISC_COS'): argument 60 def risc_cholesky(x, name='RISC_CHOLESKY'): argument 64 def risc_concat(x, axis, name='RISC_CONCAT'): argument [all …]
|
/aosp_15_r20/external/MPAndroidChart/MPChartLib/src/main/java/com/github/mikephil/charting/charts/ |
H A D | BarLineChartBase.java | 663 public void zoom(float scaleX, float scaleY, float x, float y) { in zoom() 685 public void zoom(float scaleX, float scaleY, float xValue, float yValue, AxisDependency axis) { in zoom() 717 … zoomAndCenterAnimated(float scaleX, float scaleY, float xValue, float yValue, AxisDependency axis, in zoomAndCenterAnimated() 804 public void setVisibleYRangeMaximum(float maxYRange, AxisDependency axis) { in setVisibleYRangeMaximum() 815 public void setVisibleYRangeMinimum(float minYRange, AxisDependency axis) { in setVisibleYRangeMinimum() 827 public void setVisibleYRange(float minYRange, float maxYRange, AxisDependency axis) { in setVisibleYRange() 857 public void moveViewTo(float xValue, float yValue, AxisDependency axis) { in moveViewTo() 878 public void moveViewToAnimated(float xValue, float yValue, AxisDependency axis, long duration) { in moveViewToAnimated() 899 public void centerViewToY(float yValue, AxisDependency axis) { in centerViewToY() 918 public void centerViewTo(float xValue, float yValue, AxisDependency axis) { in centerViewTo() [all …]
|
H A D | HorizontalBarChart.java | 231 float x = e.getX(); in getBarBounds() local 256 public MPPointF getPosition(Entry e, AxisDependency axis) { in getPosition() 279 public Highlight getHighlightByTouchPoint(float x, float y) { in getHighlightByTouchPoint() 329 public void setVisibleYRangeMaximum(float maxYRange, AxisDependency axis) { in setVisibleYRangeMaximum() 335 public void setVisibleYRangeMinimum(float minYRange, AxisDependency axis) { in setVisibleYRangeMinimum() 341 public void setVisibleYRange(float minYRange, float maxYRange, AxisDependency axis) { in setVisibleYRange()
|
/aosp_15_r20/external/tensorflow/tensorflow/python/kernel_tests/array_ops/ |
H A D | gather_op_test.py | 319 def gather(x, indices, axis): argument 328 def gather_shape_inf_disabled(x, indices, axis): argument 337 def xla_gather(x, indices, axis): argument 477 axis=None): argument 594 batch_dims, axis, output_shape): argument 629 def _batchNumpyGather(self, params, indices, axis, batch_dims): argument
|
/aosp_15_r20/external/MPAndroidChart/MPChartLib/src/main/java/com/github/mikephil/charting/highlight/ |
H A D | Highlight.java | 51 private YAxis.AxisDependency axis; field in Highlight 63 public Highlight(float x, float y, int dataSetIndex, int dataIndex) { in Highlight() 70 public Highlight(float x, float y, int dataSetIndex) { in Highlight() 77 public Highlight(float x, int dataSetIndex, int stackIndex) { in Highlight() 89 …public Highlight(float x, float y, float xPx, float yPx, int dataSetIndex, YAxis.AxisDependency ax… in Highlight() 107 …public Highlight(float x, float y, float xPx, float yPx, int dataSetIndex, int stackIndex, YAxis.A… in Highlight() 195 public void setDraw(float x, float y) { in setDraw()
|
/aosp_15_r20/external/pytorch/torch/_inductor/ |
H A D | lowering.py | 204 def is_integer_type(x): argument 213 def is_boolean_type(x): argument 429 def const_func(x): argument 633 def _to_dtype(x): argument 828 def nop(x): argument 837 def squeeze(x, dim=None): argument 860 def squeeze_copy(x, dim=None): argument 865 def squeeze_(x, dim=None): argument 874 def isinf(x): argument 882 def isnan(x): argument [all …]
|
/aosp_15_r20/external/ComputeLibrary/tests/validation/reference/ |
H A D | ReductionOperation.cpp | 184 …operation(const SimpleTensor<T> &src, const TensorShape &dst_shape, unsigned int axis, ReductionOp… in compute_reduction_operation() 215 for(unsigned int x = 0; x < src_width; ++x) in compute_reduction_operation() local 232 for(unsigned int x = 0; x < src_width; ++x) in compute_reduction_operation() local 256 for(unsigned int x = 0; x < src_width; ++x) in compute_reduction_operation() local 278 …operation(const SimpleTensor<T> &src, const TensorShape &dst_shape, unsigned int axis, ReductionOp… in reduction_operation() 285 …ion(const SimpleTensor<uint8_t> &src, const TensorShape &dst_shape, unsigned int axis, ReductionOp… in reduction_operation() 308 …tion(const SimpleTensor<int8_t> &src, const TensorShape &dst_shape, unsigned int axis, ReductionOp… in reduction_operation()
|
/aosp_15_r20/external/tensorflow/tensorflow/python/ops/distributions/ |
H A D | util.py | 36 def assert_integer_form(x, argument 87 x, name="embed_check_nonnegative_integer_form"): argument 135 def maybe_get_static_value(x, dtype=None): argument 393 def embed_check_integer_casting_closed(x, argument 580 def rotate_transpose(x, shift, name="rotate_transpose"): argument 719 def make_shape_tensor(x): argument 748 def prefer_static_rank(x): argument 760 def prefer_static_shape(x): argument 772 def prefer_static_value(x): argument 795 def fill_triangular(x, upper=False, name=None): argument [all …]
|
/aosp_15_r20/external/tensorflow/tensorflow/core/ops/ |
H A D | array_grad_test.cc | 37 const Tensor& dy, int axis) { in PackGrad() 77 std::vector<Tensor> UnpackGrad(const Tensor& x, const Tensor& dy0, in UnpackGrad() 78 const Tensor& dy1, int axis) { in UnpackGrad() 105 Tensor x(DT_FLOAT, {2, 2, 3}); in TEST() local 213 std::vector<Tensor> SplitGrad(int dim, const Tensor& x, const Tensor& dy0, in SplitGrad() 241 std::vector<Tensor> SplitVGrad(const Tensor& x, const Tensor& size_splits, in SplitVGrad() 275 Tensor x(DT_FLOAT, {2, 4, 5}); in TEST() local 307 std::vector<Tensor> ReshapeGrad(const Tensor& x, const Tensor& s, in ReshapeGrad() 330 Tensor x(DT_FLOAT, {2, 4, 5}); in TEST() local 346 std::vector<Tensor> ExpandDimsGrad(const Tensor& x, const Tensor& s, in ExpandDimsGrad() [all …]
|
/aosp_15_r20/external/pytorch/torch/testing/_internal/ |
H A D | common_quantized.py | 26 def _quantize(x, scale, zero_point, qmin=None, qmax=None, dtype=np.uint8): argument 44 def _requantize(x, multiplier, zero_point, qmin=0, qmax=255, qtype=np.uint8): argument 118 def _snr(x, x_hat): argument 187 def _permute_to_axis_zero(X, axis): argument 196 def _fake_quantize_per_channel_affine_reference(X, per_channel_scale, per_channel_zero_point, axis,… argument 210 …l_affine_grad_reference(dY, X, per_channel_scale, per_channel_zero_point, axis, quant_min, quant_m… argument
|
/aosp_15_r20/frameworks/native/libs/input/ |
H A D | Input.cpp | 206 float x = sinf(angleRadians); in transformAngle() local 451 status_t PointerCoords::setAxisValue(int32_t axis, float value) { in setAxisValue() 477 static inline void scaleAxisValue(PointerCoords& c, int axis, float scaleFactor) { in scaleAxisValue() 530 void PointerCoords::tooManyAxes(int axis) { in tooManyAxes() 679 void MotionEvent::setCursorPosition(float x, float y) { in setCursorPosition() 698 float MotionEvent::getRawAxisValue(int32_t axis, size_t pointerIndex) const { in getRawAxisValue() 702 float MotionEvent::getAxisValue(int32_t axis, size_t pointerIndex) const { in getAxisValue() 723 float MotionEvent::getHistoricalRawAxisValue(int32_t axis, size_t pointerIndex, in getHistoricalRawAxisValue() 729 float MotionEvent::getHistoricalAxisValue(int32_t axis, size_t pointerIndex, in getHistoricalAxisValue() 965 const char* MotionEvent::getLabel(int32_t axis) { in getLabel() [all …]
|
/aosp_15_r20/external/tensorflow/tensorflow/python/keras/layers/normalization/ |
H A D | layer_normalization_test.py | 178 def _expected_layer_norm(self, x, beta, gamma, batch_input_shape, axis, argument 190 def _test_forward_pass(self, batch_input_shape, axis, fp64_tol=1e-14, argument 248 def _test_backward_pass(self, batch_input_shape, axis, fp64_tol=1e-5, argument 282 def forward_fn(x, beta, gamma): argument
|
/aosp_15_r20/external/robolectric/shadows/framework/src/main/java/org/robolectric/shadows/ |
H A D | NativeInput.java | 97 public float getAxisValue(int axis) { in getAxisValue() 104 public boolean setAxisValue(int axis, float value) { in setAxisValue() 126 static void scaleAxisValue(PointerCoords c, int axis, float scaleFactor) { in scaleAxisValue() 191 private static void tooManyAxes(int axis) { in tooManyAxes() 425 public float getRawAxisValue(int axis, int pointerIndex) { in getRawAxisValue() 437 public float getAxisValue(int axis, int pointerIndex) { in getAxisValue() 496 public float getHistoricalRawAxisValue(int axis, int pointerIndex, int historicalIndex) { in getHistoricalRawAxisValue() 508 public float getHistoricalAxisValue(int axis, int pointerIndex, int historicalIndex) { in getHistoricalAxisValue() 800 final Ref<Float> x = new Ref<>(c.getAxisValue(AMOTION_EVENT_AXIS_X) + oldXOffset); in transform() local 813 float[] matrix, float x, float y, Ref<Float> outX, Ref<Float> outY) { in transformPoint() [all …]
|
/aosp_15_r20/external/pytorch/torch/_numpy/ |
H A D | _util.py | 39 def cast_int_to_float(x): argument 56 def normalize_axis_tuple(axis, ndim, argname=None, allow_duplicate=False): argument 101 def allow_only_single_axis(axis): argument 109 def expand_shape(arr_shape, axis): argument 120 def apply_keepdims(tensor, axis, ndim): argument 131 def axis_none_flatten(*tensors, axis=None): argument
|
/aosp_15_r20/external/ComputeLibrary/src/core/NEON/kernels/ |
H A D | NEReductionOperationKernel.cpp | 64 …nt32x4x4_t calculate_index(uint32_t idx, T a, T b, uint32x4x4_t c, ReductionOperation op, int axis) in calculate_index() 87 … calculate_index_quantized(uint32_t idx, T a, T b, uint32x4x4_t c, ReductionOperation op, int axis) in calculate_index_quantized() 252 …_index(uint32_t idx, float16x8_t a, float16x8_t b, uint32x4x4_t c, ReductionOperation op, int axis) in calculate_index() 432 int x = window_start_x; in operator ()() local 663 int x = window_start_x; in operator ()() local 914 int x = window_start_x; in operator ()() local 1136 int x = window_start_x; in operator ()() local 1242 int x = window_start_x; in operator ()() local 1577 void reduce_op(const Window &window, const ITensor *input, ITensor *output, unsigned int axis, cons… in reduce_op() 1700 Status validate_arguments(const ITensorInfo *input, const ITensorInfo *output, unsigned int axis, R… in validate_arguments() [all …]
|