Search Options

Results per page
Sort
Preferred Languages
Advance

Results 1 - 10 of 22 for y_batch_size (0.17 sec)

  1. tensorflow/compiler/mlir/tensorflow/transforms/unroll_batch_matmul.cc

        return failure();
      }
    
      // Compute slices for each batch in the LHS and RHS.
      std::vector<Value> sliced_lhs =
          sliceInput(input_lhs, bcast.x_batch_size(), loc, rewriter);
      std::vector<Value> sliced_rhs =
          sliceInput(input_rhs, bcast.y_batch_size(), loc, rewriter);
    
      // Compute (single batch) MatMul for each output batch.
      std::vector<Value> matmuls;
      matmuls.reserve(bcast.output_batch_size());
    Registered: Sun Jun 16 05:45:23 UTC 2024
    - Last Modified: Thu Apr 25 16:01:03 UTC 2024
    - 11.6K bytes
    - Viewed (0)
  2. tensorflow/compiler/mlir/tensorflow/tests/tf_saved_model/no_input_shape_v1.py

    # CHECK: [[shape:%.*]] = "tf.Shape"([[ARG]])
    # CHECK-NEXT: [[batch_size:%.*]] = "tf.StridedSlice"([[shape]],
    # CHECK-NEXT: [[result:%.*]] = "tf.Pack"([[batch_size]],
    # CHECK-NEXT: return [[result]] : tensor<2xi32>
    
    
    def Test():
    
      x = tf.placeholder(dtype=tf.float32, shape=[None])
      batch_size = tf.shape(x)[0]
      r = tf.convert_to_tensor([batch_size, 1])
    
      tensor_info_x = meta_graph_pb2.TensorInfo(
    Registered: Sun Jun 16 05:45:23 UTC 2024
    - Last Modified: Tue Sep 28 21:37:05 UTC 2021
    - 2.2K bytes
    - Viewed (0)
  3. tensorflow/compiler/mlir/tensorflow/transforms/tf_data_optimization.td

            $output_shapes, $use_inter_op_parallelism, $preserve_cardinality,
            $force_synchronous, $map_dataset_metadata),
         $batch_size, $drop_remainder, $parallel_copy, $batch_output_types,
         $batch_output_shapes, $unused_batch_dataset_metadata),
      (TF_MapAndBatchDatasetOp $input_dataset, $other_arguments, $batch_size,
         (TF_ConstOp (GetI64ScalarElementsAttr<1>)), $drop_remainder, $f,
    Registered: Sun Jun 16 05:45:23 UTC 2024
    - Last Modified: Tue Jun 11 23:24:08 UTC 2024
    - 1.7K bytes
    - Viewed (0)
  4. tensorflow/compiler/jit/tests/auto_clustering_test.cc

      //
      //  TARGET_PATH=tensorflow_models/official/legacy/image_classification       \
      //  bazel run -c opt --config=cuda ${TARGET_PATH}:resnet_imagenet_main       \
      //    -- --skip_eval --num_gpus=1 --dtype=fp16 --batch_size=192              \
      //    --train_steps=210 --enable_xla --enable_eager=true
      //
      // At CL 245846452
      TF_ASSERT_OK(RunAutoClusteringTestWithPbtxt("keras_imagenet_main"));
    }
    
    Registered: Sun Jun 16 05:45:23 UTC 2024
    - Last Modified: Thu Jan 13 20:13:03 UTC 2022
    - 3.6K bytes
    - Viewed (0)
  5. tensorflow/compiler/mlir/tfrt/tests/tfrt_fallback/batching_fallback.mlir

      %a2 = tfrt_fallback_async.const_dense_tensor dense<[[3, 3], [3, 3]]> : tensor<2x2xi32>
      %b = tfrt_fallback_async.const_dense_tensor dense<[[1, 1], [1, 1]]> : tensor<2x2xi32>
    
      // Two batch_size=2 batches get concatenated.
      %result_1 = tfrt_fallback_async.batch_function device("/device:CPU:0") @matmul_cpu (%a1, %b) {
          num_batch_threads = 1,
          max_batch_size = 4,
          allowed_batch_sizes = [4],
    Registered: Sun Jun 16 05:45:23 UTC 2024
    - Last Modified: Tue Jul 18 22:58:56 UTC 2023
    - 8.6K bytes
    - Viewed (0)
  6. tensorflow/compiler/mlir/tensorflow/tests/graphdef2mlir/tf-data-pipeline.pbtxt

      attr {
        key: "preserve_cardinality"
        value {
          b: false
        }
      }
      attr {
        key: "use_inter_op_parallelism"
        value {
          b: true
        }
      }
    }
    node {
      name: "batch_size"
      op: "Const"
      attr {
        key: "dtype"
        value {
          type: DT_INT64
        }
      }
      attr {
        key: "value"
        value {
          tensor {
            dtype: DT_INT64
    Registered: Sun Jun 16 05:45:23 UTC 2024
    - Last Modified: Thu Jul 29 04:41:05 UTC 2021
    - 4K bytes
    - Viewed (0)
  7. tensorflow/compiler/mlir/tfr/tests/end2end.mlir

      }
      tfr.return %res : !tfr.tensor
    }
    
    tfr.func @tf__my_map_and_batch_dataset(
        %input_dataset: !tfr.tensor,
        %other_arguments: !tfr.tensor_list,
        %batch_size: i64 {tfr.name="batch_size"},
        %num_parallel_calls: i64 {tfr.name="num_parallel_calls"},
        %drop_remainder: i1 {tfr.name="drop_remainder"},
        %f: !tfr.attr {tfr.name="func"},
        %output_types: !tfr.attr {tfr.name="output_types"},
    Registered: Sun Jun 16 05:45:23 UTC 2024
    - Last Modified: Mon Oct 30 06:52:55 UTC 2023
    - 13.4K bytes
    - Viewed (0)
  8. tensorflow/compiler/mlir/tfr/examples/mnist/mnist_train.py

    # MNIST dataset parameters.
    num_classes = 10  # total classes (0-9 digits).
    num_features = 784  # data features (img shape: 28*28).
    num_channels = 1
    
    # Training parameters.
    learning_rate = 0.001
    display_step = 10
    batch_size = 32
    
    # Network parameters.
    n_hidden_1 = 32  # 1st conv layer number of neurons.
    n_hidden_2 = 64  # 2nd conv layer number of neurons.
    n_hidden_3 = 64  # 1st fully connected layer of neurons.
    Registered: Sun Jun 16 05:45:23 UTC 2024
    - Last Modified: Wed Oct 20 03:05:18 UTC 2021
    - 6.5K bytes
    - Viewed (0)
  9. tensorflow/compiler/mlir/tensorflow/g3doc/space_to_depth.md

         kernel_initializer=tf.variance_scaling_initializer(),
         data_format=data_format)
    
        # Use the image size without space-to-depth transform as the input of conv0.
        batch_size, h, w, channel = inputs.get_shape().as_list()
        conv0.build([
         batch_size, h * space_to_depth_block_size, w * space_to_depth_block_size,
         channel // (space_to_depth_block_size**2)
        ])
    
        kernel = conv0.weights[0]
    Registered: Sun Jun 16 05:45:23 UTC 2024
    - Last Modified: Sat Oct 24 02:51:43 UTC 2020
    - 8.3K bytes
    - Viewed (0)
  10. internal/logger/config.go

    	Enabled bool `json:"enabled"`
    }
    
    // Audit/Logger constants
    const (
    	Endpoint   = "endpoint"
    	AuthToken  = "auth_token"
    	ClientCert = "client_cert"
    	ClientKey  = "client_key"
    	BatchSize  = "batch_size"
    	QueueSize  = "queue_size"
    	QueueDir   = "queue_dir"
    	Proxy      = "proxy"
    
    	KafkaBrokers       = "brokers"
    	KafkaTopic         = "topic"
    	KafkaTLS           = "tls"
    	KafkaTLSSkipVerify = "tls_skip_verify"
    Registered: Sun Jun 16 00:44:34 UTC 2024
    - Last Modified: Fri May 24 23:05:23 UTC 2024
    - 15.8K bytes
    - Viewed (0)
Back to top