You can not select more than 25 topics Topics must start with a chinese character,a letter or number, can include dashes ('-') and can be up to 35 characters long.
 
 
 
 
 
 
Jianbang Yang 0e58487131
[Test][XPU] fix typos in test_elementwise_add_op (#63898)
4 days ago
..
cpp Move paddle enforce from phi to common (#61411) 2 months ago
CMakeLists.txt [Move Test] xpu (#52661) 1 year ago
collective_allgather_api.py [XPU] support dygraph unittest for collective OPs (#59273) 5 months ago
collective_allgather_api_dygraph.py [XPU] support dygraph unittest for collective OPs (#59273) 5 months ago
collective_allreduce_api.py [XPU] support dygraph unittest for collective OPs (#59273) 5 months ago
collective_allreduce_api_dygraph.py [XPU] support dygraph unittest for collective OPs (#59273) 5 months ago
collective_broadcast_api.py [XPU] support dygraph unittest for collective OPs (#59273) 5 months ago
collective_broadcast_api_dygraph.py [XPU] support dygraph unittest for collective OPs (#59273) 5 months ago
collective_concat_op.py [XPU] fix problem of existing tests (#60047) 4 months ago
collective_identity_op_xpu.py [XPU] fix issue for collective tests (#59085) 5 months ago
collective_reduce_api.py [XPU] support dygraph unittest for collective OPs (#59273) 5 months ago
collective_reduce_api_dygraph.py [XPU] support dygraph unittest for collective OPs (#59273) 5 months ago
collective_softmax_with_cross_entropy_op_xpu.py [XPU] fix that TensorCopy changes the shape of dst Tensor in c_softmax_with_cross_entropy_op_xpu (#63780) 1 week ago
collective_split_op.py [XPU] fix problem of existing tests (#60047) 4 months ago
get_test_cover_info.py [XPU] use xdnn dropout_v3 (#62726) 1 month ago
op_test_xpu.py correct adamw bf16 unit test and the way to get data type (#60565) 3 months ago
parallel_dygraph_dataparallel_with_pylayer.py Fix typos (#56008) 9 months ago
parallel_dygraph_gradient_check.py Fix typos (#56008) 9 months ago
parallel_dygraph_gradient_check_in_eager_mode.py Fix typos (#56008) 9 months ago
process_group_bkcl.py [XPU] fix issue for collective tests (#59085) 5 months ago
test_accuracy_op_xpu.py fix XPU unittest problem for shape check (#54365) 11 months ago
test_activation_op_xpu.py [XPU] support bf16 relu&grad softmax_with_cross_entropy (#63759) 1 week ago
test_adadelta_op_xpu.py 【Fluid Clean】 Rename paddle.fluid to paddle.base (#56576) 8 months ago
test_adagrad_op_xpu.py [Move Test] xpu (#52661) 1 year ago
test_adam_op_xpu.py add MergedAdamKernel and test for MergedAdamKernel and fix adam caculation process in test (#58982) 5 months ago
test_adamw_fp16_xpu.py Fix distribuions distributions, etc (#62161) 2 months ago
test_adamw_op_xpu.py Fix spece spec, etc (#63092) 1 month ago
test_affine_channel_op_xpu.py 【Fluid Clean】 Rename paddle.fluid to paddle.base (#56576) 8 months ago
test_amp_check_finite_and_scale_op_xpu.py Update test_amp_check_finite_and_scale_op_xpu.py (#61782) 2 months ago
test_arg_max_op_xpu.py [Move Test] xpu (#52661) 1 year ago
test_argsort_op_xpu.py API improvement for paddle.argsort and paddle.sort 易用性提升 (#63513) 1 week ago
test_assign_op_xpu.py [Move Test] xpu (#52661) 1 year ago
test_assign_value_op_xpu.py 【Complex op】add complex support for assign_value (#59536) 4 months ago
test_atan_op_xpu.py [Move Test] xpu (#52661) 1 year ago
test_batch_norm_op_xpu.py 【Fluid Clean】 Rename paddle.fluid to paddle.base (#56576) 8 months ago
test_bce_loss_op_xpu.py [Move Test] xpu (#52661) 1 year ago
test_bilinear_interp_op_xpu.py 【Fluid Clean】 Rename paddle.fluid to paddle.base (#56576) 8 months ago
test_bilinear_interp_v2_op_xpu.py [Move Test] xpu (#52661) 1 year ago
test_bitwise_op_xpu.py [NewIR]Change eager_op_test to op_test (#57228) 7 months ago
test_bmm_op_xpu.py [Move Test] xpu (#52661) 1 year ago
test_c_concat.py 【Fluid Clean】 Rename paddle.fluid to paddle.base (#56576) 8 months ago
test_c_embedding_op_xpu.py mv all unittests test (#53235) 11 months ago
test_c_split.py 【Fluid Clean】 Rename paddle.fluid to paddle.base (#56576) 8 months ago
test_cast_op_xpu.py [XPU] add bfloat16 support for CastKernel (#58456) 6 months ago
test_clip_by_norm_op_xpu.py [Move Test] xpu (#52661) 1 year ago
test_clip_op_xpu.py 【Fluid Clean】 Rename paddle.fluid to paddle.base (#56576) 8 months ago
test_coalesce_tensor_op_xpu.py 【Fluid Clean】 Rename paddle.fluid to paddle.base (#56576) 8 months ago
test_collective_allgather_xpu.py Fix distribuions distributions, etc (#62161) 2 months ago
test_collective_allreduce_xpu.py Fix distribuions distributions, etc (#62161) 2 months ago
test_collective_api_base.py [CodeStyle][ruff] fix v0.3.3 UP032 (#63111) 1 month ago
test_collective_base_xpu.py [XPU] fix that TensorCopy changes the shape of dst Tensor in c_softmax_with_cross_entropy_op_xpu (#63780) 1 week ago
test_collective_broadcast_xpu.py Fix distribuions distributions, etc (#62161) 2 months ago
test_collective_identity_xpu.py [XPU][PHI Kernels] Support bf16 for fused_rope (#60064) 4 months ago
test_collective_process_group_xpu.py Fix distribuions distributions, etc (#62161) 2 months ago
test_collective_reduce_xpu.py Fix distribuions distributions, etc (#62161) 2 months ago
test_collective_softmax_with_cross_entropy_xpu.py [XPU] fix that TensorCopy changes the shape of dst Tensor in c_softmax_with_cross_entropy_op_xpu (#63780) 1 week ago
test_compare_op_xpu.py [PHI kernels] Bind XPU kernels (#53336) 1 year ago
test_concat_op_xpu.py [NewIR]Change eager_op_test to op_test (#57228) 7 months ago
test_conv2d_op_xpu.py Rename mkldnn onednn in the text (#63230) 3 weeks ago
test_conv2d_transpose_op_xpu.py Fix typo (`bolck` -> `block`) (#61684) 2 months ago
test_conv3d_op_xpu.py Rename mkldnn onednn in the text (#63230) 3 weeks ago
test_cumprod_op_xpu.py [Move Test] xpu (#52661) 1 year ago
test_cumsum_op_xpu.py [Move Test] xpu (#52661) 1 year ago
test_deformable_conv_op_xpu.py [CodeStyle] Use `itertools.product` reorganize deep nested loops (#61229) 3 months ago
test_depthwise_conv2d_op_xpu.py [XPU] fix ut threshold for depthwise_conv2d. (#56140) 8 months ago
test_depthwise_conv2d_transpose_op_xpu.py Fix typo (`bolck` -> `block`) (#61684) 2 months ago
test_device_guard_xpu.py Fix distribuions distributions, etc (#62161) 2 months ago
test_diag_v2_op_xpu.py 【Fluid Clean】 Rename paddle.fluid to paddle.base (#56576) 8 months ago
test_diagonal_op_xpu.py [NewIR]Change eager_op_test to op_test (#57228) 7 months ago
test_distribute_fpn_proposals_op_xpu.py [Move Test] xpu (#52661) 1 year ago
test_dropout_op_xpu.py [XPU] use xdnn dropout_v3 (#62726) 1 month ago
test_einsum_op_xpu.py [Einsum] einsum support broadcast and ... (#61348) 2 months ago
test_elementwise_add_op_xpu.py [Test][XPU] fix typos in test_elementwise_add_op (#63898) 4 days ago
test_elementwise_add_op_xpu_kp.py Fix typo (`ingore` -> `ignore`) (#61685) 2 months ago
test_elementwise_div_op_xpu.py Fix typo (`ingore` -> `ignore`) (#61685) 2 months ago
test_elementwise_floordiv_op_xpu.py [NewIR]Change eager_op_test to op_test (#57228) 7 months ago
test_elementwise_max_op_xpu.py Fix typo (`ingore` -> `ignore`) (#61685) 2 months ago
test_elementwise_min_op_xpu.py Fix typo (`ingore` -> `ignore`) (#61685) 2 months ago
test_elementwise_mod_op_xpu.py [NewIR]Change eager_op_test to op_test (#57228) 7 months ago
test_elementwise_mul_op_xpu.py Fix typo (`ingore` -> `ignore`) (#61685) 2 months ago
test_elementwise_pow_op_xpu.py elementwise_pow, square, sin and cos support bfloat16 for xpu (#60402) 4 months ago
test_elementwise_sub_op_xpu.py Fix typo (`ingore` -> `ignore`) (#61685) 2 months ago
test_empty_op_xpu.py [XPU][Phi kernels] empty support bfloat16 (#60212) 4 months ago
test_expand_as_v2_op_xpu.py 【Fluid Clean】 Rename paddle.fluid to paddle.base (#56576) 8 months ago
test_expand_v2_op_xpu.py 【Fluid Clean】 Rename paddle.fluid to paddle.base (#56576) 8 months ago
test_fill_any_like_op_xpu.py [XPU][PHI Kernels] add index_put kernel for xpu (#56169) 8 months ago
test_fill_any_op_xpu.py [XPU] fix performance problem of stage1_overlap (#63920) 4 days ago
test_fill_constant_op_xpu.py [NewIR]Change eager_op_test to op_test (#57228) 7 months ago
test_fill_diagonal_tensor_op_xpu.py [NewIR]Change eager_op_test to op_test (#57228) 7 months ago
test_flash_attention_op_xpu.py [XPU] AdamW support multi_precision (#61694) 2 months ago
test_flatten2_op_xpu.py [Move Test] xpu (#52661) 1 year ago
test_flatten_contiguous_range_op_xpu.py [Move Test] xpu (#52661) 1 year ago
test_fleet_exe_dist_model_run_xpu.py 【Fluid Clean】 Rename paddle.fluid to paddle.base (#56576) 8 months ago
test_fused_attention_op_xpu.py 【Fluid Clean】 Rename paddle.fluid to paddle.base (#56576) 8 months ago
test_fused_feedforward_op_xpu.py [Cleanup][C-8] Replace Program.random_seed (#61518) 3 months ago
test_fused_gemm_epilogue_grad_op_xpu.py 【Fluid Clean】 Rename paddle.fluid to paddle.base (#56576) 8 months ago
test_fused_gemm_epilogue_op_xpu.py [PIR]Migrate API fused_linear_activation,fused_matmul_bias,softmax_mask_fuse,FusedLinear to PIR (#61331) 3 months ago
test_fused_resnet_basic_block_op_xpu.py [Fused Kernel Update] Ensure resnet_basic_block works properly when L3 memory of XPU is limited. (#62914) 1 month ago
test_fused_rotary_position_embedding_op_xpu.py [XPU] fused_rotary_position_embedding op support GQA for XPU (#63557) 4 days ago
test_fused_softmax_mask_op_xpu.py [XPU] update fused_softmax_mask op (#57740) 7 months ago
test_gather_nd_op_xpu.py fix XPU unittest problem for shape check (#54365) 11 months ago
test_gather_op_xpu.py [XPU][PHI Kernels] fix errors when numel is zero for xpu (#54010) 11 months ago
test_gaussian_random_op_xpu.py [Cleanup][A-8] clean some `VarType` for test (#61553) 2 months ago
test_gen_bkcl_id_op.py 【Fluid Clean】 Rename paddle.fluid to paddle.base (#56576) 8 months ago
test_generate_proposals_v2_op_xpu.py [CodeStyle][task 1] enable Ruff UP032 rule with . except `python/paddle/base` (#57409) 7 months ago
test_grid_sampler_op_xpu.py [XPU] bind 3D grid sample, fix edge cases in slice & reshape (#53981) 11 months ago
test_group_norm_op_xpu.py [NewIR]Change eager_op_test to op_test (#57228) 7 months ago
test_huber_loss_op_xpu.py Fix typo (`ingore` -> `ignore`) (#61685) 2 months ago
test_increment_op_xpu.py [CodeStyle][ruff] fix `E226`, `NPY201` (#60245) 4 months ago
test_index_put_op_xpu.py [XPU][PHI Kernels] add index_put kernel for xpu (#56169) 8 months ago
test_index_sample_op_xpu.py 【Fluid Clean】 Rename paddle.fluid to paddle.base (#56576) 8 months ago
test_index_select_op_xpu.py [Cleanup][B-12]Replace to_variable (#61533) 3 months ago
test_instance_norm_op_xpu.py 【Fluid Clean】 Rename paddle.fluid to paddle.base (#56576) 8 months ago
test_inverse_op_xpu.py [Cleanup][B-12]Replace to_variable (#61533) 3 months ago
test_isfinite_op_xpu.py [Move Test] xpu (#52661) 1 year ago
test_kldiv_loss_op_xpu.py 【Hackathon 6th No.29】为 paddle.nn.functional.kl_div 进行功能增强 (#63860) 6 days ago
test_label_smooth_op_xpu.py [Move Test] xpu (#52661) 1 year ago
test_lamb_op_xpu.py [Move Test] xpu (#52661) 1 year ago
test_layer_norm_op_xpu.py [XPU] Modify the layer_norm and layer_norm_grad operators. (#63827) 1 week ago
test_linspace_op_xpu.py [Move Test] xpu (#52661) 1 year ago
test_log_loss_op_xpu.py [NewIR]Change eager_op_test to op_test (#57228) 7 months ago
test_log_softmax_op_xpu.py [Move Test] xpu (#52661) 1 year ago
test_logical_op_xpu.py [NewIR]Change eager_op_test to op_test (#57228) 7 months ago
test_logsumexp_op_xpu.py [Move Test] xpu (#52661) 1 year ago
test_lookup_table_v2_op_xpu.py [XPU] Add fp16 and bf16 support for XPU embedding_grad op (#59454) 5 months ago
test_masked_select_op_xpu.py [XPU][Phi Kernel] xpu::nonzero support simulator XPUSIM_SKIP_RUN mode (#60388) 4 months ago
test_matmul_op_xpu.py [CodeStyle][ruff] fix v0.3.3 UP032 (#63111) 1 month ago
test_matmul_v2_op_xpu.py 支持xpu多stream,且可以给每个stream分配默认的l3/gm buffer大小 (#62729) 1 month ago
test_mean_op_xpu.py [PIR] A-1、A-3 Adapt fill_constant and mean test_errors (#60695) 2 months ago
test_merged_adam_op_xpu.py [Cleanup][B-14] Replace to_variable (#61574) 2 months ago
test_merged_momentum_op_xpu.py 【Fluid Clean】 Rename paddle.fluid to paddle.base (#56576) 8 months ago
test_merged_momentum_op_xpu_base.py Fix spece spec, etc (#63092) 1 month ago
test_meshgrid_op_xpu.py [Move Test] xpu (#52661) 1 year ago
test_momentum_op_xpu.py 【Fluid Clean】 Rename paddle.fluid to paddle.base (#56576) 8 months ago
test_mul_op_xpu.py Fix typo (`ingore` -> `ignore`) (#61685) 2 months ago
test_multiclass_nms3_op_xpu.py [XPU] register multiclass_nms3 and norm xpu kernel to optimize model (#56064) 9 months ago
test_nearest_interp_op_xpu.py 【Fluid Clean】 Rename paddle.fluid to paddle.base (#56576) 8 months ago
test_nearest_interp_v2_op_xpu.py fix(ut): nearest interp v2 op unit test (#55677) 9 months ago
test_nll_loss_op_xpu.py fix XPU unittest problem for shape check (#54365) 11 months ago
test_norm_op_xpu.py [XPU] register multiclass_nms3 and norm xpu kernel to optimize model (#56064) 9 months ago
test_one_hot_v2_op_xpu.py [Cleanup][B-15]Replace to_variable (#61535) 3 months ago
test_p_norm_op_xpu.py [Move Test] xpu (#52661) 1 year ago
test_pad3d_op_xpu.py 【Fluid Clean】 Rename paddle.fluid to paddle.base (#56576) 8 months ago
test_pad_op_xpu.py [PIR]Move some unittest to deprecated (#63419) 2 weeks ago
test_parallel_dygraph_dataparallel.py 【Fluid Clean】 Rename paddle.fluid to paddle.base (#56576) 8 months ago
test_pixel_shuffle_op_xpu.py [Move Test] xpu (#52661) 1 year ago
test_pool2d_op_xpu.py [PIR]Move some unittest to deprecated (#63419) 2 weeks ago
test_pool3d_op_xpu.py 【Fluid Clean】 Rename paddle.fluid to paddle.base (#56576) 8 months ago
test_pool_max_op_xpu.py bump black to 2023 style (#54523) 10 months ago
test_prelu_op_xpu.py 【Fluid Clean】 Rename paddle.fluid to paddle.base (#56576) 8 months ago
test_prior_box_op_xpu.py Fix some typos (test_fill_any_eqaul, LeraningRate, etc.) (#61800) 2 months ago
test_randint_op_xpu.py [Move Test] xpu (#52661) 1 year ago
test_randperm_op_xpu.py 【Fluid Clean】 Rename paddle.fluid to paddle.base (#56576) 8 months ago
test_range_xpu.py [Move Test] xpu (#52661) 1 year ago
test_recompute_op_xpu.py [Move Test] xpu (#52661) 1 year ago
test_reduce_all_op_xpu.py [XPU] add bfloat16 supports for compare_kernel and add reduce_all_kernel (#63602) 2 weeks ago
test_reduce_amax_op_xpu.py Fix some typos (intput, dics_intput, etc.) (#61786) 2 months ago
test_reduce_amin_op_xpu.py Fix maseked_select masked_select (#61419) 3 months ago
test_reduce_any_op_xpu.py fix XPU unittest problem for shape check (#54365) 11 months ago
test_reduce_max_op_xpu.py Fix some typos (basline_arr, acturally, etc.) (#61787) 2 months ago
test_reduce_mean_op_xpu.py [Move Test] xpu (#52661) 1 year ago
test_reduce_min_op_xpu.py Fix spece spec, etc (#63092) 1 month ago
test_reduce_prod_op_xpu.py [Move Test] xpu (#52661) 1 year ago
test_reduce_sum_op_xpu.py correct the unittest for bf16 op (#60415) 4 months ago
test_refactor_op_xpu.py Fix some typos (test_fill_any_eqaul, LeraningRate, etc.) (#61800) 2 months ago
test_reshape2_op_xpu.py [Move Test] xpu (#52661) 1 year ago
test_rmsprop_op_xpu.py 【Fluid Clean】 Rename paddle.fluid to paddle.base (#56576) 8 months ago
test_rnn_op_xpu.py 【Fluid Clean】 Rename paddle.fluid to paddle.base (#56576) 8 months ago
test_roi_align_op_xpu.py 【Fluid Clean】 Rename paddle.fluid to paddle.base (#56576) 8 months ago
test_roll_op_xpu.py [Move Test] xpu (#52661) 1 year ago
test_scale_op_xpu.py 【Fluid Clean】 Rename paddle.fluid to paddle.base (#56576) 8 months ago
test_scatter_nd_add_op_xpu.py Fix distribuions distributions, etc (#62161) 2 months ago
test_scatter_op_xpu.py [XPU][PHI Kernels] add scatter_nd_add_grad kernel & bf16 support for slice OPs (#58580) 6 months ago
test_sequence_conv_op_xpu.py 【Fluid Clean】 Rename paddle.fluid to paddle.base (#56576) 8 months ago
test_set_value_op_xpu.py [CodeStyle][ruff] fix v0.3.3 UP032 (#63111) 1 month ago
test_sgd_op_xpu.py Fix some typos (test_fill_any_eqaul, LeraningRate, etc.) (#61800) 2 months ago
test_shape_op_xpu.py [XPU][PHI Kernels] Support bf16 for fused_rope (#60064) 4 months ago
test_sigmoid_cross_entropy_with_logits_op_xpu.py Fix some typos (test_fill_any_eqaul, LeraningRate, etc.) (#61800) 2 months ago
test_sign_op_xpu.py [Move Test] xpu (#52661) 1 year ago
test_size_op_xpu.py fix XPU unittest problem for shape check (#54365) 11 months ago
test_slice_op_xpu.py support 0-D output and 0-D as indice in __getitem__/__setitem__ (#52814) 1 year ago
test_softmax_op_xpu.py [XPU] add some bf16 ops and update xdnn (#59653) 5 months ago
test_softmax_with_cross_entropy_op_xpu.py [PIR]Move some unittest to deprecated (#63419) 2 weeks ago
test_sparse_utils_op_xpu.py [CodeStyle] replace `assert np.allclose` with `np.testing.assert_allclose` and `assert np.array_equal` with `np.testing.assert_array_equal` (#55385) 9 months ago
test_split_op_xpu.py [Move Test] xpu (#52661) 1 year ago
test_squared_l2_norm_op_xpu.py [XPU] add some bf16 ops (#59505) 5 months ago
test_squeeze2_op_xpu.py [Move Test] xpu (#52661) 1 year ago
test_stack_op_xpu.py [XPU] add types and fix ut for stack op (#59375) 5 months ago
test_strided_slice_op_xpu.py [XPU] stride_slice and stride_slice_grad support strides < 0 for xpu (#62749) 1 month ago
test_sum_op_xpu.py Remove wrong unittest in `test_sum_op` (#61700) 2 months ago
test_take_along_axis_op_xpu.py [XPU] Add take_along_axis xpu kernel and plugin (#56125) 8 months ago
test_temporal_shift_op_xpu.py [Move Test] xpu (#52661) 1 year ago
test_tile_op_xpu.py 【Fluid Clean】 Rename paddle.fluid to paddle.base (#56576) 8 months ago
test_top_k_op_xpu.py [Move Test] xpu (#52661) 1 year ago
test_top_k_v2_op_xpu.py [Move Test] xpu (#52661) 1 year ago
test_transpose_op_xpu.py [Move Test] xpu (#52661) 1 year ago
test_tril_triu_op_xpu.py [CodeStyle][task 1] enable Ruff UP032 rule with . except `python/paddle/base` (#57409) 7 months ago
test_truncated_gaussian_random_op_xpu.py 【Fluid Clean】 Rename paddle.fluid to paddle.base (#56576) 8 months ago
test_unbind_op_xpu.py 【Fluid Clean】 Rename paddle.fluid to paddle.base (#56576) 8 months ago
test_unfold_op_xpu.py [Cleanup][B-17]Replace to_variable (#61539) 3 months ago
test_uniform_random_op_xpu.py [XPU] add bfloat16 support for gaussian and uniform (#58662) 6 months ago
test_unique_op_xpu.py 【Fluid Clean】 Rename paddle.fluid to paddle.base (#56576) 8 months ago
test_unsqueeze2_op_xpu.py [Move Test] xpu (#52661) 1 year ago
test_unstack_op_xpu.py bump black to 2023 style (#54523) 10 months ago
test_update_loss_scaling_op_xpu.py 【Fluid Clean】 Rename paddle.fluid to paddle.base (#56576) 8 months ago
test_warpctc_op_xpu.py [PIR]Move some unittest to deprecated (#63419) 2 weeks ago
test_where_index_xpu.py [XPU][Phi Kernel] nonzero kernel support simulator XPUSIM_SKIP_RUN mode (#60224) 4 months ago
test_where_op_xpu.py [Cleanup][B-18] clean some `to_variable` for test (#61503) 3 months ago
test_while_op_xpu.py 【Fluid Clean】 Rename paddle.fluid to paddle.base (#56576) 8 months ago
test_xpu_place.py 【Fluid Clean】 Rename paddle.fluid to paddle.base (#56576) 8 months ago
test_xpu_stream_event.py [Move Test] xpu (#52661) 1 year ago
test_zero_dim_tensor_xpu.py Fix some typos (p_nrom, inferece, etc.) (#61724) 2 months ago