| /third_party/mindspore/mindspore/ccsrc/backend/kernel_compiler/gpu/cuda_impl/ |
| D | cross_entropy_impl.cu | 24 …obal__ void CrossEntropyWithSparseKernel(const T *logits, const S *labels, const size_t batch_size, in CrossEntropyWithSparseKernel() 40 …d LargeBatchCrossEntropyWithSparseKernel(const T *logits, const S *labels, const size_t batch_size, in LargeBatchCrossEntropyWithSparseKernel() 54 …__ void CrossEntropyGradWithSparseKernel(const T *logits, const S *labels, const size_t batch_size, in CrossEntropyGradWithSparseKernel() 68 __global__ void CrossEntropyKernel(const T *logits, const S *labels, const size_t batch_size, const… in CrossEntropyKernel() 82 void CrossEntropyWithSparse(const T *logits, const S *labels, const size_t batch_size, const size_t… in CrossEntropyWithSparse() 93 void CrossEntropyGradWithSparse(const T *logits, const S *labels, const size_t batch_size, const si… in CrossEntropyGradWithSparse() 100 void CrossEntropy(const T *logits, const S *labels, const size_t batch_size, const size_t class_num… in CrossEntropy()
|
| D | sparse_cross_entropy_cuda_impl.cu | 22 __global__ void CalCrossEntropyKernel(const float *logits, T *labels, const int batch_size, const i… in CalCrossEntropyKernel() 41 __global__ void CalCrossEntropyGradKernel(const float *logits, T *labels, const int batch_size, con… in CalCrossEntropyGradKernel() 56 void CalCrossEntropy(const float *logits, T *labels, const int batch_size, const int class_num, flo… in CalCrossEntropy() 63 void CalCrossEntropyGrad(const float *logits, T *labels, const int batch_size, const int class_num,… in CalCrossEntropyGrad()
|
| D | random_categorical.cu | 21 const size_t batch_size, const size_t num_classes, S *output_addr) { in RandomCategorical() 37 __global__ void GetCdf(const T *logits_addr, double** dev_cdf, const size_t batch_size, const size_… in GetCdf() 61 const size_t batch_size, const size_t num_classes, S *output_addr, cudaStream_t cuda_stream) { in RandomCategoricalKernel() 69 void GetCdfKernel(const T *logits_addr, double** dev_cdf, const size_t batch_size, const size_t num… in GetCdfKernel()
|
| D | in_top_k_impl.cu | 24 size_t batch_size, size_t class_id_count, int64_t k) { in InTopK() 36 …nst T *predictions, const int32_t *targets, bool *output, const T *top_k_output, size_t batch_size, in CalInTopK()
|
| /third_party/mindspore/tests/st/model_zoo_tests/DeepFM/src/ |
| D | dataset.py | 93 def _generator(self, X, y, batch_size, shuffle=True): argument 120 def batch_generator(self, batch_size=1000, argument 149 def _get_h5_dataset(directory, train_mode=True, epochs=1, batch_size=1000): argument 180 def _get_mindrecord_dataset(directory, train_mode=True, epochs=1, batch_size=1000, argument 221 def _get_tf_dataset(directory, train_mode=True, epochs=1, batch_size=1000, argument 269 def create_dataset(directory, train_mode=True, epochs=1, batch_size=1000, argument
|
| D | config.py | 27 batch_size = 16000 variable in DataConfig 37 batch_size = DataConfig.batch_size variable in ModelConfig 51 batch_size = DataConfig.batch_size variable in TrainConfig
|
| /third_party/mindspore/tests/ut/cpp/dataset/ |
| D | c_api_vision_a_to_q_test.cc | 145 int32_t batch_size = 1; in TEST_F() local 194 int32_t batch_size = 1; in TEST_F() local 243 int32_t batch_size = 1; in TEST_F() local 289 int32_t batch_size = 1; in TEST_F() local 385 int32_t batch_size = 5; in TEST_F() local 446 int32_t batch_size = 5; in TEST_F() local 506 int32_t batch_size = 5; in TEST_F() local 541 int32_t batch_size = 5; in TEST_F() local 576 int32_t batch_size = 5; in TEST_F() local 610 int32_t batch_size = 10; in TEST_F() local [all …]
|
| /third_party/mindspore/tests/ut/python/parallel/ |
| D | test_auto_parallel_resnet.py | 289 def test_train_32k_8p(batch_size=32, num_classes=32768): argument 319 def train_32k_8p_fusion1(batch_size=32, num_classes=32768): # 1048576 #131072 #32768 #8192 argument 491 def train_32k_8p_fusion2(batch_size=32, num_classes=32768): # 1048576 #131072 #32768 #8192 argument 664 def test_train_64k_8p(batch_size=32, num_classes=65536): # 1048576 #131072 #32768 #8192 argument 691 def test_train_8k_8p_gpu(batch_size=32, num_classes=8192): argument 718 def test_train_8k_8p_gpu_approxi(batch_size=32, num_classes=8192): argument 744 def test_train_4k_8p_gpu(batch_size=32, num_classes=4096): argument
|
| D | test_auto_parallel_resnet_predict.py | 30 def test_train_32k_8p(batch_size=32, num_classes=32768): argument
|
| /third_party/mindspore/tests/ut/python/pipeline/infer/ |
| D | infer.py | 50 def get_dataset(batch_size=32): argument 63 def test(name, file_path, batch_size): argument
|
| /third_party/mindspore/tests/st/model_zoo_tests/wide_and_deep/python_file_for_ci/ |
| D | datasets.py | 33 def _get_tf_dataset(data_dir, train_mode=True, epochs=1, batch_size=1000, argument 69 def _get_mindrecord_dataset(directory, train_mode=True, epochs=1, batch_size=1000, argument 110 def create_dataset(data_dir, train_mode=True, epochs=1, batch_size=1000, argument
|
| /third_party/mindspore/tests/st/ops/gpu/ |
| D | test_lstm_op.py | 32 …def __init__(self, seq_len, batch_size, input_size, hidden_size, num_layers, has_bias, bidirection… argument 164 …def __init__(self, seq_len, batch_size, input_size, hidden_size, num_layers, has_bias, bidirection… argument 321 …def __init__(self, seq_len, batch_size, input_size, hidden_size, num_layers, has_bias, bidirection… argument 595 …def __init__(self, seq_len, batch_size, input_size, hidden_size, num_layers, has_bias, bidirection… argument 869 …def __init__(self, seq_len, batch_size, input_size, hidden_size, num_layers, has_bias, bidirection… argument
|
| /third_party/mindspore/tests/st/fl/albert/src/ |
| D | dataset.py | 78 def load_dataset(data_path, max_seq_length, tokenizer, batch_size, label_list=None, do_shuffle=True, argument 100 def load_datasets(data_dir, max_seq_length, tokenizer, batch_size, label_list=None, do_shuffle=True, argument 126 def create_ms_dataset(data_list, label_list, max_seq_length, tokenizer, batch_size, do_shuffle=True, argument 151 …def __init__(self, batch_size, max_seq_length, vocab_size, keep_first_unchange=True, keep_last_unc… argument
|
| /third_party/mindspore/mindspore/ccsrc/minddata/dataset/engine/ir/datasetops/ |
| D | batch_node.cc | 33 BatchNode::BatchNode(std::shared_ptr<DatasetNode> child, int32_t batch_size, bool drop_remainder, b… in BatchNode() 52 BatchNode::BatchNode(std::shared_ptr<DatasetNode> child, int32_t batch_size, bool drop_remainder) in BatchNode() 179 int32_t batch_size = json_obj["batch_size"]; in from_json() local
|
| /third_party/mindspore/tests/st/networks/ |
| D | test_gpu_lstm.py | 63 bidirectional, weight, labels, batch_size): argument 105 batch_size = 64 variable
|
| /third_party/mindspore/tests/st/model_zoo_tests/transformer/ |
| D | test_transformer.py | 55 def get_config(version='base', batch_size=1): argument 96 def load_test_data(batch_size=1, data_file=None): argument
|
| /third_party/mindspore/tests/st/tbe_networks/ |
| D | export_geir.py | 24 def test_resnet50_export(batch_size=1, num_classes=5): argument
|
| D | test_resnet_cifar_1p.py | 41 def create_dataset(repeat_num=1, training=True, batch_size=32): argument 134 def train_process(epoch_size, num_classes, batch_size): argument
|
| D | test_resnet_cifar_8p.py | 45 def create_dataset(repeat_num=1, training=True, batch_size=32, rank_id=0, rank_size=1, argument 145 def train_process(q, device_id, epoch_size, num_classes, device_num, batch_size, enable_hccl): argument
|
| /third_party/mindspore/mindspore/ccsrc/minddata/dataset/engine/datasetops/ |
| D | batch_op.cc | 31 BatchOp::Builder::Builder(int32_t batch_size) : builder_drop_(false), builder_pad_(false), builder_… in Builder() 52 BatchOp::BatchOp(int32_t batch_size, bool drop, bool pad, int32_t op_queue_size, int32_t num_worker… in BatchOp() 77 BatchOp::BatchOp(int32_t batch_size, bool drop, bool pad, int32_t op_queue_size, int32_t num_worker… in BatchOp() 169 …BatchOp::BatchRows(const std::unique_ptr<TensorQTable> *src, TensorRow *dest, dsize_t batch_size) { in BatchRows() 326 Status BatchOp::GetBatchSize(int32_t *batch_size, CBatchInfo info) { in GetBatchSize() 341 Status BatchOp::InvokeBatchSizeFunc(int32_t *batch_size, CBatchInfo info) { in InvokeBatchSizeFunc()
|
| /third_party/mindspore/tests/st/ops/cpu/ |
| D | test_lstm_op.py | 102 …def __init__(self, batch_size, input_size, hidden_size, num_layers, has_bias, bidirectional, dropo… argument 205 …def __init__(self, batch_size, input_size, hidden_size, num_layers, has_bias, bidirectional, dropo… argument 293 …def __init__(self, seq_len, batch_size, input_size, hidden_size, num_layers, has_bias, bidirection… argument
|
| /third_party/mindspore/tests/mindspore_test_framework/apps/ |
| D | bert_attention_submodules.py | 34 batch_size, argument 91 batch_size, argument 226 batch_size, argument 282 batch_size, argument
|
| /third_party/mindspore/tests/mindspore_test_framework/utils/ |
| D | dataset_util.py | 25 def generate_dataset_for_linear_regression(true_w, true_b, num_samples, batch_size): argument
|
| /third_party/libdrm/intel/ |
| D | test_decode.c | 74 size_t batch_size; in dump_batch() local 93 size_t ref_size, batch_size; in compare_batch() local
|
| /third_party/mindspore/tests/st/summary/ |
| D | dataset.py | 25 def create_mnist_dataset(mode='train', num_samples=2, batch_size=2): argument
|