/external/tensorflow/tensorflow/core/kernels/sparse/ |
D | sparse_ordering_amd_op.cc | 68 const CSRSparseMatrix* input_matrix; in Compute() local 69 OP_REQUIRES_OK(ctx, ExtractVariantFromInput(ctx, 0, &input_matrix)); in Compute() 71 const Tensor& dense_shape = input_matrix->dense_shape(); in Compute() 86 const int batch_size = input_matrix->batch_size(); in Compute() 96 10 * num_rows * (input_matrix->total_nnz() / batch_size); in Compute() 107 num_rows, num_rows, input_matrix->nnz(batch_index), in Compute() 108 input_matrix->row_pointers_vec(batch_index).data(), in Compute() 109 input_matrix->col_indices_vec(batch_index).data(), in Compute() 110 input_matrix->col_indices_vec(batch_index).data()); in Compute()
|
D | transpose_op.cc | 102 const CSRSparseMatrix* input_matrix; in Compute() local 103 OP_REQUIRES_OK(ctx, ExtractVariantFromInput(ctx, 0, &input_matrix)); in Compute() 105 ctx, input_matrix->dtype() == DataTypeToEnum<T>::value, in Compute() 107 DataTypeString(input_matrix->dtype()), " vs. ", in Compute() 114 transpose(ctx, conjugate_, *input_matrix, &output_matrix)); in Compute() 148 OpKernelContext* ctx, bool conjugate, const CSRSparseMatrix& input_matrix, in operator ()() argument 150 const int rank = input_matrix.dims(); in operator ()() 152 const Tensor& input_dense_shape_t = input_matrix.dense_shape(); in operator ()() 155 const int64_t batch_size = input_matrix.batch_size(); in operator ()() 164 Tensor batch_ptr_t = input_matrix.batch_pointers(); in operator ()() [all …]
|
D | sparse_cholesky_op.cc | 81 const CSRSparseMatrix* input_matrix; in Compute() local 82 OP_REQUIRES_OK(ctx, ExtractVariantFromInput(ctx, 0, &input_matrix)); in Compute() 87 OP_REQUIRES_OK(ctx, ValidateInputs(*input_matrix, input_permutation_indices, in Compute() 106 (input_matrix->total_nnz() / batch_size) / num_rows; in Compute() 120 num_rows, num_rows, input_matrix->nnz(batch_index), in Compute() 121 input_matrix->row_pointers_vec(batch_index).data(), in Compute() 122 input_matrix->col_indices_vec(batch_index).data(), in Compute() 123 input_matrix->values_vec<T>(batch_index).data()); in Compute() 218 DataTypeToEnum<T>::value, input_matrix->dense_shape(), batch_ptr, in Compute()
|
D | kernels.h | 211 const CSRSparseMatrix& input_matrix,
|
/external/tensorflow/tensorflow/python/kernel_tests/ |
D | fractional_avg_pool_op_test.py | 42 def _AvgPoolAlongRows(self, input_matrix, row_seq, overlapping): argument 55 output_image = np.zeros(input_matrix.shape[1]) 62 input_matrix[row_start:row_end, :], axis=0))) # axis 0 is along row 66 def _AvgPoolAlongCols(self, input_matrix, col_seq, overlapping): argument 79 input_matrix = input_matrix.transpose() 80 output_matrix = self._AvgPoolAlongRows(input_matrix, col_seq, overlapping)
|
D | fractional_max_pool_op_test.py | 42 def _MaxPoolAlongRows(self, input_matrix, row_seq, overlapping): argument 55 output_image = np.zeros(input_matrix.shape[1]) 62 input_matrix[row_start:row_end, :], axis=0))) # axis 0 is along row 66 def _MaxPoolAlongCols(self, input_matrix, col_seq, overlapping): argument 79 input_matrix = input_matrix.transpose() 80 output_matrix = self._MaxPoolAlongRows(input_matrix, col_seq, overlapping)
|
D | diag_op_test.py | 882 input_matrix = [[1, 2, 3], [4, 5, 6], [7, 8, 9]] 884 result_eval = result.eval(feed_dict={matrix: input_matrix})
|
/external/tensorflow/tensorflow/python/kernel_tests/signal/ |
D | reconstruction_ops_test.py | 151 input_matrix = np.squeeze(self.powers[0, :, :]) 152 input_matrix = input_matrix[np.newaxis, :, :].astype(float) 153 signal = constant_op.constant(input_matrix, dtype=dtypes.float32)
|
/external/tensorflow/tensorflow/core/kernels/mkl/ |
D | mkl_requantization_range_per_channel_op.cc | 80 auto input_matrix = input.flat_inner_dims<qint32>(); in Compute() local 88 auto transposed_input = input_matrix.shuffle(shuffling); in Compute()
|
/external/tensorflow/tensorflow/core/kernels/linalg/ |
D | lu_op.cc | 134 ConstMatrixMap input_matrix( in ComputeTensorSlice() local 148 lu_decomposition(input_matrix); in ComputeTensorSlice()
|
/external/tensorflow/tensorflow/security/advisory/ |
D | tfsa-2021-018.md | 36 ValidateInputs(ctx, *input_matrix, input_permutation_indices, &batch_size, &num_rows);
|
/external/tensorflow/tensorflow/lite/kernels/internal/optimized/ |
D | legacy_optimized_ops.h | 1135 gemmlowp::MatrixMap<const uint8, gemmlowp::MapOrder::ColMajor> input_matrix( in FullyConnected() 1144 gemmlowp_context, filter_matrix, input_matrix, &output_matrix, in FullyConnected() 1693 gemmlowp::MatrixMap<const uint8, gemmlowp::MapOrder::ColMajor> input_matrix( in FullyConnected() 1716 gemmlowp_context, weights_matrix, input_matrix, &output_matrix, in FullyConnected() 2152 gemmlowp::MatrixMap<const int8, gemmlowp::MapOrder::ColMajor> input_matrix( in FullyConnected() 2162 gemmlowp_context, filter_matrix, input_matrix, &output_matrix, in FullyConnected() 2715 gemmlowp::MatrixMap<const uint8, gemmlowp::MapOrder::ColMajor> input_matrix( in Conv() 2724 gemmlowp_context, filter_matrix, input_matrix, &output_matrix, in Conv() 2893 gemmlowp::MatrixMap<const uint8, gemmlowp::MapOrder::ColMajor> input_matrix( in ConvAsGemm() 2902 gemmlowp_context, filter_matrix, input_matrix, &output_matrix, in ConvAsGemm() [all …]
|