.. |
controlflow
|
remove while_op support temporarily
|
6 years ago |
csp
|
Refine operator cmake (#14413)
|
6 years ago |
detail
|
refine seq_concat
|
7 years ago |
detection
|
speedup box_coder_op for multi-threads
|
6 years ago |
distributed
|
pserver should crash early whe has problem
|
6 years ago |
distributed_ops
|
Revert the changes of VLOG
|
6 years ago |
elementwise
|
Fix Eigen macro when using GPU
|
6 years ago |
fused
|
remove jit namespace
|
6 years ago |
math
|
Polish code
|
6 years ago |
metrics
|
add enforce for auc (#14687)
|
6 years ago |
nccl
|
Revert the changes of VLOG
|
6 years ago |
optimizers
|
Add sorted_result parameter to SelectedRows Functor
|
6 years ago |
reader
|
fix bug
|
6 years ago |
reduce_ops
|
Refine operator cmake (#14413)
|
6 years ago |
sequence_ops
|
Fix Eigen macro when using GPU
|
6 years ago |
tensorrt
|
Revert the changes of VLOG
|
6 years ago |
CMakeLists.txt
|
add prelu gpu inference
|
6 years ago |
activation_mkldnn_op.cc
|
Clean Code
|
6 years ago |
activation_op.cc
|
Fix clip.py (#14718)
|
6 years ago |
activation_op.cu
|
Add fp16 backward support (#14202)
|
6 years ago |
activation_op.h
|
Fix the gelu backward to avoid nan (#14857)
|
6 years ago |
add_position_encoding_op.cc
|
position encoding && log loss
|
7 years ago |
add_position_encoding_op.h
|
Exhaustive search for cuDNN conv. (#14286)
|
6 years ago |
affine_channel_op.cc
|
Add affine channel op to speed and save memory for faster-rcnn model. (#13919)
|
7 years ago |
affine_channel_op.cu
|
Add affine channel op to speed and save memory for faster-rcnn model. (#13919)
|
7 years ago |
affine_grid_cudnn_op.cu.cc
|
Add affine grid generator op (#12238)
|
7 years ago |
affine_grid_op.cc
|
Fix build error of affine grid op in mac os. (#14237)
|
6 years ago |
affine_grid_op.h
|
Fix build error of affine grid op in mac os. (#14237)
|
6 years ago |
arg_max_op.cc
|
Polish arg_min_max_op
|
7 years ago |
arg_max_op.cu
|
Polish arg_min_max_op
|
7 years ago |
arg_min_max_op_base.h
|
Polish arg_min_max_op
|
7 years ago |
arg_min_op.cc
|
Polish arg_min_max_op
|
7 years ago |
arg_min_op.cu
|
Polish arg_min_max_op
|
7 years ago |
argsort_op.cc
|
Set the right shape of selected_rows (#13723)
|
7 years ago |
argsort_op.cu
|
Enhance cuda code & unittest for argsort_op
|
7 years ago |
argsort_op.h
|
Simplify the computation in cpu
|
7 years ago |
array_operator.h
|
Revert the changes of VLOG
|
6 years ago |
array_to_lod_tensor_op.cc
|
Revert the changes of VLOG
|
6 years ago |
assign_op.cc
|
Clean OpProtoAndCheckerMaker
|
7 years ago |
assign_value_op.cc
|
Register assign_value_op an empty grad_op
|
7 years ago |
assign_value_op.cu.cc
|
Revert ""cherry picked operators changes" (#12184)" (#12747)
|
7 years ago |
assign_value_op.h
|
Fix cpplint issues in some operators
|
7 years ago |
attention_lstm_op.cc
|
remove jit namespace
|
6 years ago |
attention_lstm_op.h
|
implement attention lstm cpu forward
|
7 years ago |
average_accumulates_op.cc
|
small AverageOptimizer enhance. (#11761)
|
7 years ago |
average_accumulates_op.cu
|
Fix average_accumulate_op for parallel executor. (#9852)
|
7 years ago |
average_accumulates_op.h
|
small AverageOptimizer enhance. (#11761)
|
7 years ago |
batch_norm_mkldnn_op.cc
|
Merge pull request #14608 from jczaja/prv-conv2d-transpose-mkldnn
|
6 years ago |
batch_norm_op.cc
|
Enable BatchNorm to use global mean and variane during training (#14630)
|
6 years ago |
batch_norm_op.cu
|
Enable BatchNorm to use global mean and variane during training (#14630)
|
6 years ago |
batch_norm_op.h
|
add url of cuda9.0_cudnn7_avx_mkl library
|
7 years ago |
batch_size_like.h
|
Simplize API Reference Documentation
|
7 years ago |
beam_search_decode_op.cc
|
[1.1] Bugfix/tensorarray (#14044)
|
7 years ago |
beam_search_decode_op.h
|
Fix copying empty tensor in beam_search_decode_op
|
7 years ago |
beam_search_decode_op_test.cc
|
Make python unit test of beam_search_op and beam_searc_decode_op run correctly
|
7 years ago |
beam_search_op.cc
|
Revert the changes of VLOG
|
6 years ago |
beam_search_op.h
|
Make cc_test of beam_search_op and beam_searc_decode_op run correctly
|
7 years ago |
beam_search_op_test.cc
|
add the bigobj option to NVCC compile
|
6 years ago |
bilinear_tensor_product_op.cc
|
Clean OpProtoAndCheckerMaker
|
7 years ago |
bilinear_tensor_product_op.cu
|
Fix Eigen macro when using GPU
|
6 years ago |
bilinear_tensor_product_op.h
|
Optimize bilinear tensor product op (#14485)
|
6 years ago |
bpr_loss_op.cc
|
fix label_pos ,add test_layers.py, test=develop
|
6 years ago |
bpr_loss_op.h
|
fix label_pos ,add test_layers.py, test=develop
|
6 years ago |
cast_op.cc
|
Add support in cast op kernel
|
7 years ago |
cast_op.cu
|
Add support in cast op kernel
|
7 years ago |
cast_op.h
|
Revert "cherry picked windows patches."
|
6 years ago |
chunk_eval_op.cc
|
update by comment
|
7 years ago |
chunk_eval_op.h
|
Fix CPPLint issues with Chunk_eval_op (#9964)
|
7 years ago |
clip_by_norm_op.cc
|
fix typo
|
7 years ago |
clip_by_norm_op.cu
|
…
|
|
clip_by_norm_op.h
|
Add unittest for clip_by_norm_op with SelectedRows
|
7 years ago |
clip_op.cc
|
Clean OpProtoAndCheckerMaker
|
7 years ago |
clip_op.cu
|
…
|
|
clip_op.h
|
fix sparse gradient clip
|
7 years ago |
concat_mkldnn_op.cc
|
MKL-DNN Concat: Fix segfault related to referencing deleter memory primitive
|
6 years ago |
concat_op.cc
|
Include MKL-DNN header to concat op only when flag is set
|
6 years ago |
concat_op.cu.cc
|
enable more type for splitOp and ConcatOp
|
7 years ago |
concat_op.h
|
Refine Split op (#13967)
|
7 years ago |
conv_cudnn_op.cu.cc
|
Revert the changes of VLOG
|
6 years ago |
conv_cudnn_op_cache.h
|
Convolution fusion operator. (#14449)
|
6 years ago |
conv_fusion_op.cc
|
Convolution fusion operator. (#14449)
|
6 years ago |
conv_fusion_op.cu.cc
|
Speed conv_fusion_op for identity activation. (#14744)
|
6 years ago |
conv_mkldnn_op.cc
|
Clean Code
|
6 years ago |
conv_op.cc
|
Clean Code
|
6 years ago |
conv_op.cu.cc
|
…
|
|
conv_op.h
|
allow customize kernel selection
|
6 years ago |
conv_shift_op.cc
|
Set the right shape of selected_rows (#13723)
|
7 years ago |
conv_shift_op.cu
|
Feature/cuda9 cudnn7 (#10140)
|
7 years ago |
conv_shift_op.h
|
…
|
|
conv_transpose_cudnn_op.cu.cc
|
remove_lock_in_some_ops
|
7 years ago |
conv_transpose_mkldnn_op.cc
|
- conv2d transpose MKL-DNN
|
6 years ago |
conv_transpose_op.cc
|
- Fix to test_conv2d_transpose_mkldnn for GPU
|
6 years ago |
conv_transpose_op.cu.cc
|
Speed depthwise transposed conv2d. (#11740)
|
7 years ago |
conv_transpose_op.h
|
Optimization of Kernels that related to DeepLabv3+ (#13534)
|
7 years ago |
cos_sim_op.cc
|
update by comment
|
7 years ago |
cos_sim_op.cu
|
Fix Eigen macro when using GPU
|
6 years ago |
cos_sim_op.h
|
…
|
|
crf_decoding_op.cc
|
update
|
7 years ago |
crf_decoding_op.h
|
add crf decode jit kernel
|
7 years ago |
crop_op.cc
|
Fix crop op. (#12603)
|
7 years ago |
crop_op.cu
|
Fix Eigen macro when using GPU
|
6 years ago |
crop_op.h
|
Fix crop op. (#12603)
|
7 years ago |
cross_entropy_op.cc
|
Add InferVarType for some op (#14201)
|
6 years ago |
cross_entropy_op.cu
|
Add fp16 backward support (#14202)
|
6 years ago |
cross_entropy_op.h
|
fix warning
|
7 years ago |
ctc_align_op.cc
|
Clean OpProtoAndCheckerMaker
|
7 years ago |
ctc_align_op.cu
|
Fix cpplint errors for a set of operators (#9837)
|
7 years ago |
ctc_align_op.h
|
Fix cpplint errors for a set of operators (#9837)
|
7 years ago |
cudnn_lstm_op.cc
|
code refine
|
6 years ago |
cudnn_lstm_op.cu.cc
|
fix bug of formate; test=develop
|
6 years ago |
cum_op.h
|
squash commit
|
7 years ago |
cumsum_op.cc
|
Polish comsum, DynamicRNN
|
7 years ago |
cumsum_op.cu
|
add semicolon to op registry (#10034)
|
7 years ago |
delete_var_op.cc
|
[1.1] Load vars on PSERVER (#14037)
|
7 years ago |
detection_map_op.cc
|
Refine detection_map doc.
|
7 years ago |
detection_map_op.h
|
Revert "Revert "Merge pull request #13431 from chengduoZH/refine_lod""
|
7 years ago |
dropout_op.cc
|
add ShareLoD for dropout_grad (#14616)
|
6 years ago |
dropout_op.cu
|
Fix Eigen macro when using GPU
|
6 years ago |
dropout_op.h
|
modify dropout att; test=develop
|
7 years ago |
dropout_op_test.cc
|
minor fix
|
6 years ago |
edit_distance_op.cc
|
Clean OpProtoAndCheckerMaker
|
7 years ago |
edit_distance_op.cu
|
Feature/cuda9 cudnn7 (#10140)
|
7 years ago |
edit_distance_op.h
|
…
|
|
expand_op.cc
|
Polish code
|
6 years ago |
expand_op.cu
|
Fix Eigen macro when using GPU
|
6 years ago |
expand_op.h
|
Fix CPPLint issues in expand_op, gather_op and get_places_op (#10000)
|
7 years ago |
fake_dequantize_op.cc
|
Set the right shape of selected_rows (#13723)
|
7 years ago |
fake_dequantize_op.cu
|
Improve fake_dequantize_op. (#12877)
|
7 years ago |
fake_dequantize_op.h
|
Improve fake_dequantize_op. (#12877)
|
7 years ago |
fake_quantize_op.cc
|
add mkldnn prop_kind phase for inference-only case to pooling and activations (#14278)
|
6 years ago |
fake_quantize_op.cu
|
Fix fake_quantize_op
|
7 years ago |
fake_quantize_op.h
|
Improve and fix fake_quantize_op (#13092)
|
7 years ago |
fc_mkldnn_op.cc
|
fix bias attri in mkldnn fc
|
7 years ago |
fc_op.cc
|
fix typo to pass the ci
|
6 years ago |
fc_op.h
|
Clean OpProtoAndCheckerMaker
|
7 years ago |
fill_constant_batch_size_like_op.cc
|
Simplize API Reference Documentation
|
7 years ago |
fill_constant_batch_size_like_op.cu.cc
|
…
|
|
fill_constant_batch_size_like_op.h
|
Fix fill_constant_batch_size_like_op when input is LoDTensor. (#10943)
|
7 years ago |
fill_constant_op.cc
|
shape type to int64_t, test=develop
|
7 years ago |
fill_op.cc
|
Feature/template (#13093)
|
7 years ago |
fill_zeros_like_op.cc
|
Revert "Extend fill_zeros_like_op for zero-filling an LoDTensorArray (#11496)"
|
7 years ago |
fill_zeros_like_op.cu.cc
|
…
|
|
fill_zeros_like_op.h
|
Revert "Extend fill_zeros_like_op for zero-filling an LoDTensorArray (#11496)"
|
7 years ago |
flatten_op.cc
|
Refine reshape_grad and transpose_grad (#13074)
|
7 years ago |
gather.cu.h
|
Fix gather & stack op (#14355)
|
6 years ago |
gather.h
|
Fix gather & stack op (#14355)
|
6 years ago |
gather_op.cc
|
Fix gather & stack op (#14355)
|
6 years ago |
gather_op.cu
|
add int and int64 dtype for gather_op (#14175)
|
7 years ago |
gather_op.h
|
Fix CPPLint issues in expand_op, gather_op and get_places_op (#10000)
|
7 years ago |
gather_test.cc
|
fix some bugs introduced by unfreed memory
|
7 years ago |
gaussian_random_batch_size_like_op.cc
|
Update some doc about API reference. (#11495)
|
7 years ago |
gaussian_random_mkldnn_op.cc
|
MKLDNN gausian_random tests
|
7 years ago |
gaussian_random_op.cc
|
clean code test=develop
|
6 years ago |
gaussian_random_op.cu
|
Revert ""cherry picked operators changes" (#12184)" (#12747)
|
7 years ago |
get_tensor_from_selected_rows_op.cc
|
Fix clip.py (#14718)
|
6 years ago |
grid_sampler_cudnn_op.cu.cc
|
fix some inappropriate expressions in api doc for grid_sampler. test=develop
|
7 years ago |
grid_sampler_op.cc
|
fix some inappropriate expressions in api doc for grid_sampler. test=develop
|
7 years ago |
grid_sampler_op.h
|
code style fix
|
6 years ago |
group_norm_op.cc
|
Group Norm (#13843)
|
6 years ago |
group_norm_op.cu
|
Group Norm (#13843)
|
6 years ago |
group_norm_op.h
|
Group Norm (#13843)
|
6 years ago |
gru_op.cc
|
add some comment
|
7 years ago |
gru_op.cu.cc
|
seperate cpu and gpu implementations for gru kernel compute
|
7 years ago |
gru_op.h
|
refine packed condition
|
7 years ago |
gru_unit_op.cc
|
Clean OpProtoAndCheckerMaker
|
7 years ago |
gru_unit_op.cu
|
Fix Eigen macro when using GPU
|
6 years ago |
gru_unit_op.h
|
fix mac compile error 0903 (#13184)
|
7 years ago |
hash_op.cc
|
fix some compiler warning
|
6 years ago |
hash_op.h
|
Add hash op implementation
|
7 years ago |
hierarchical_sigmoid_op.cc
|
fix bug in dist train on hs, test=develop
|
6 years ago |
hierarchical_sigmoid_op.h
|
optimize op with blas
|
6 years ago |
hinge_loss_op.cc
|
Clean OpProtoAndCheckerMaker
|
7 years ago |
hinge_loss_op.cu
|
Fix Eigen macro when using GPU
|
6 years ago |
hinge_loss_op.h
|
…
|
|
huber_loss_op.cc
|
Clean OpProtoAndCheckerMaker
|
7 years ago |
huber_loss_op.cu
|
Fix Eigen macro when using GPU
|
6 years ago |
huber_loss_op.h
|
…
|
|
im2sequence_op.cc
|
Fix infershape of im2sequence. (#12183)
|
7 years ago |
im2sequence_op.cu
|
Fix Eigen macro when using GPU
|
6 years ago |
im2sequence_op.h
|
Fix infershape of im2sequence. (#12183)
|
7 years ago |
increment_op.cc
|
Clean OpProtoAndCheckerMaker
|
7 years ago |
increment_op.cu
|
add semicolon to op registry (#10034)
|
7 years ago |
increment_op.h
|
…
|
|
interpolate_op.cc
|
add interp_method default bilinear. test=develop
|
6 years ago |
interpolate_op.cu
|
revert interpolate_op to bilinear_interp_op & nearest_interp_op. test=develop
|
6 years ago |
interpolate_op.h
|
Add Interpolate operation. test=develop
|
6 years ago |
is_empty_op.cc
|
Enhanced is_empty_op for our seq2seq model (#10704)
|
7 years ago |
is_empty_op.h
|
Enhanced is_empty_op for our seq2seq model (#10704)
|
7 years ago |
isfinite_op.cc
|
fix isfinite_op sprintf (#13850)
|
7 years ago |
isfinite_op.cu
|
Fix Eigen macro when using GPU
|
6 years ago |
isfinite_op.h
|
enhance isinf/isnan in tensor util, avoid copy back to cpu (#12688)
|
7 years ago |
l1_norm_op.cc
|
Clean OpProtoAndCheckerMaker
|
7 years ago |
l1_norm_op.cu
|
Fix Eigen macro when using GPU
|
6 years ago |
l1_norm_op.h
|
…
|
|
label_smooth_op.cc
|
test=develop
|
6 years ago |
label_smooth_op.cu
|
…
|
|
label_smooth_op.h
|
fix windows compile (#13147)
|
7 years ago |
layer_norm_op.cc
|
Polish documentation
|
7 years ago |
layer_norm_op.cu
|
Use double to reduce
|
7 years ago |
layer_norm_op.h
|
Optimize the layer_norm operator with AVX intrinsic function (#14417)
|
6 years ago |
linear_chain_crf_op.cc
|
follow comments
|
7 years ago |
linear_chain_crf_op.cu
|
…
|
|
linear_chain_crf_op.h
|
Fix cpplint errors for a set of operators (#9837)
|
7 years ago |
load_combine_op.cc
|
update with comments
|
6 years ago |
load_op.cc
|
Combine Inference Analysis with IR (#13914)
|
6 years ago |
lod_array_length_op.cc
|
Clean OpProtoAndCheckerMaker
|
7 years ago |
lod_rank_table_op.cc
|
Revert the changes of VLOG
|
6 years ago |
lod_reset_op.cc
|
Clean OpProtoAndCheckerMaker
|
7 years ago |
lod_reset_op.cu
|
…
|
|
lod_reset_op.h
|
fix errors in lod_reset_op
|
7 years ago |
lod_tensor_to_array_op.cc
|
refine tensor_array_write_read (#14643)
|
6 years ago |
log_loss_op.cc
|
Clean OpProtoAndCheckerMaker
|
7 years ago |
log_loss_op.cu
|
Fix Eigen macro when using GPU
|
6 years ago |
log_loss_op.h
|
…
|
|
lookup_sparse_table_op.cc
|
Fix save and load lookup table/optimizer vars (#14301)
|
6 years ago |
lookup_table_op.cc
|
Merge branch 'develop' of https://github.com/PaddlePaddle/Paddle into refactor-prefetch
|
6 years ago |
lookup_table_op.cu
|
Print assert failure id in lookup_table_op (#14698)
|
6 years ago |
lookup_table_op.h
|
follow comment
|
6 years ago |
lrn_mkldnn_op.cc
|
…
|
|
lrn_op.cc
|
fix lrn on mac (#14426)
|
6 years ago |
lrn_op.cu
|
…
|
|
lrn_op.h
|
refine lrn_op cpu forward and speedup
|
6 years ago |
lstm_op.cc
|
polish doc
|
7 years ago |
lstm_op.cu.cc
|
…
|
|
lstm_op.h
|
Clean and extract blas
|
7 years ago |
lstm_unit_op.cc
|
Clean OpProtoAndCheckerMaker
|
7 years ago |
lstm_unit_op.cu
|
Fix cpplint errors for a set of operators (#9837)
|
7 years ago |
lstm_unit_op.h
|
Revert "cherry picked windows patches."
|
6 years ago |
lstmp_op.cc
|
Clean OpProtoAndCheckerMaker
|
7 years ago |
lstmp_op.cu
|
…
|
|
lstmp_op.h
|
Clean and extract blas
|
7 years ago |
margin_rank_loss_op.cc
|
Clean OpProtoAndCheckerMaker
|
7 years ago |
margin_rank_loss_op.cu
|
…
|
|
margin_rank_loss_op.h
|
…
|
|
matmul_op.cc
|
modification
|
7 years ago |
max_sequence_len_op.cc
|
Simplize API Reference Documentation
|
7 years ago |
maxout_op.cc
|
modified error info for maxout op
|
7 years ago |
maxout_op.cu.cc
|
…
|
|
maxout_op.h
|
…
|
|
mean_iou_op.cc
|
Add mean IOU op. (#10519)
|
7 years ago |
mean_iou_op.cu
|
Add mean IOU op. (#10519)
|
7 years ago |
mean_iou_op.h
|
Add mean IOU op. (#10519)
|
7 years ago |
mean_op.cc
|
Add InferVarType for some op (#14201)
|
6 years ago |
mean_op.cu
|
Fix Eigen macro when using GPU
|
6 years ago |
mean_op.h
|
Add fp16 backward support (#14202)
|
6 years ago |
merge_lod_tensor_op.cc
|
Make IfElse operator works and fix unit testing. (#11972)
|
7 years ago |
merge_selected_rows_op.cc
|
Fix clip.py (#14718)
|
6 years ago |
merge_selected_rows_op.cu.cc
|
Fix clip.py (#14718)
|
6 years ago |
merge_selected_rows_op.h
|
Fix clip.py (#14718)
|
6 years ago |
minus_op.cc
|
Clean OpProtoAndCheckerMaker
|
7 years ago |
minus_op.cu
|
…
|
|
minus_op.h
|
…
|
|
mkldnn_activation_op.h
|
MKL-DNN activations improvements
|
7 years ago |
modified_huber_loss_op.cc
|
Clean OpProtoAndCheckerMaker
|
7 years ago |
modified_huber_loss_op.cu
|
…
|
|
modified_huber_loss_op.h
|
…
|
|
mul_op.cc
|
Revert the changes of VLOG
|
6 years ago |
mul_op.cu.cc
|
Add fp16 backward support (#14202)
|
6 years ago |
mul_op.h
|
Process elemwise grad op's lod. mul_op's lod
|
7 years ago |
multiplex_op.cc
|
Polish documentation
|
7 years ago |
multiplex_op.cu
|
fix errors in multiplex_op
|
7 years ago |
multiplex_op.h
|
…
|
|
nce_op.cc
|
Polish code
|
6 years ago |
nce_op.h
|
Make NCE_OP more efficient and support SelectedRows (#14469)
|
6 years ago |
norm_op.cc
|
Make the normalization operator more general and fix bug in l2_normalize. (#11348)
|
7 years ago |
norm_op.cu
|
Implement norm_op by CUDA instead of Eigen. (#13273)
|
7 years ago |
norm_op.h
|
Implement norm_op by CUDA instead of Eigen. (#13273)
|
7 years ago |
one_hot_op.cc
|
Clean OpProtoAndCheckerMaker
|
7 years ago |
one_hot_op.cu
|
Feature/template (#13093)
|
7 years ago |
one_hot_op.h
|
Feature/template (#13093)
|
7 years ago |
pad2d_op.cc
|
Make pad2d support for variable paddings. (#14667)
|
6 years ago |
pad2d_op.cu
|
Make pad2d support for variable paddings. (#14667)
|
6 years ago |
pad_constant_like_op.cc
|
gpu support, fix build issue:
|
6 years ago |
pad_constant_like_op.cu
|
Fix Eigen macro when using GPU
|
6 years ago |
pad_constant_like_op.h
|
Add pad_constant_like_op (#12943)
|
7 years ago |
pad_op.cc
|
Clean OpProtoAndCheckerMaker
|
7 years ago |
pad_op.cu
|
Fix Eigen macro when using GPU
|
6 years ago |
pad_op.h
|
Add pad_constant_like_op (#12943)
|
7 years ago |
pool_cudnn_op.cu.cc
|
Add fp16 backward support (#14202)
|
6 years ago |
pool_mkldnn_op.cc
|
add mkldnn prop_kind phase for inference-only case to pooling and activations (#14278)
|
6 years ago |
pool_op.cc
|
add mkldnn prop_kind phase for inference-only case to pooling and activations (#14278)
|
6 years ago |
pool_op.cu.cc
|
…
|
|
pool_op.h
|
add inclusive/exclusive mode in PoolOp avg pool type
|
7 years ago |
pool_with_index_op.cc
|
Clean OpProtoAndCheckerMaker
|
7 years ago |
pool_with_index_op.cu.cc
|
add semicolon to op registry (#10034)
|
7 years ago |
pool_with_index_op.h
|
Fix CPPLint errors in operators (#9828)
|
7 years ago |
positive_negative_pair_op.cc
|
Clean OpProtoAndCheckerMaker
|
7 years ago |
positive_negative_pair_op.h
|
hide utils to legacy
|
7 years ago |
prelu_op.cc
|
add prelu gpu inference
|
6 years ago |
prelu_op.cu
|
add prelu gpu inference
|
6 years ago |
prelu_op.h
|
Refine prelu_op
|
7 years ago |
print_op.cc
|
Revert "cherry picked windows patches."
|
6 years ago |
psroi_pool_op.cc
|
this is for psroi_pool op, test=develop (#14796)
|
6 years ago |
psroi_pool_op.cu
|
this is for psroi_pool op, test=develop (#14796)
|
6 years ago |
psroi_pool_op.h
|
this is for psroi_pool op, test=develop (#14796)
|
6 years ago |
random_crop_op.cc
|
Refine random crop
|
7 years ago |
random_crop_op.cu
|
Fix GPU compile
|
7 years ago |
random_crop_op.h
|
Revert the changes of VLOG
|
6 years ago |
rank_loss_op.cc
|
Clean OpProtoAndCheckerMaker
|
7 years ago |
rank_loss_op.cu
|
…
|
|
rank_loss_op.h
|
…
|
|
recurrent_op.cc
|
Revert the changes of VLOG
|
6 years ago |
reorder_lod_tensor_by_rank_op.cc
|
refine tensor_array_write_read (#14643)
|
6 years ago |
reshape_op.cc
|
Move tensor copy src_ptr and dst_ptr check to TensorCopy function
|
7 years ago |
reverse_op.cc
|
Refine code
|
7 years ago |
reverse_op.cu
|
Refine code
|
7 years ago |
reverse_op.h
|
fix a bug
|
7 years ago |
rnn_memory_helper_op.cc
|
Revert the changes of VLOG
|
6 years ago |
roi_align_op.cc
|
Windows/online (#14474)
|
6 years ago |
roi_align_op.cu
|
test=develop
|
7 years ago |
roi_align_op.h
|
test=develop
|
7 years ago |
roi_pool_op.cc
|
Windows/online (#14474)
|
6 years ago |
roi_pool_op.cu
|
test=develop
|
7 years ago |
roi_pool_op.h
|
Refine and fix some code for faster-rcnn. (#13135)
|
7 years ago |
row_conv_op.cc
|
Polish code
|
7 years ago |
row_conv_op.cu
|
wrap_shfl_x_sync
|
7 years ago |
row_conv_op.h
|
…
|
|
sampling_id_op.cc
|
fix
|
7 years ago |
sampling_id_op.cu
|
merge cpu and gpu
|
7 years ago |
sampling_id_op.h
|
refine
|
7 years ago |
save_combine_op.cc
|
Revert "cherry picked windows patches."
|
6 years ago |
save_load_combine_op_test.cc
|
Add FP16 option to load_combine op (#10601)
|
7 years ago |
save_load_op_test.cc
|
unittest case fix
|
7 years ago |
save_op.cc
|
Revert the changes of VLOG
|
6 years ago |
scale_op.cc
|
Add distributed unit tests about text_classification/simnet-bow/ctr (#12812)
|
7 years ago |
scale_op.cu
|
Add fp16 backward support (#14202)
|
6 years ago |
scale_op.h
|
Fix input<tensor> (#14208)
|
6 years ago |
scatter.cu.h
|
Fix gather & stack op (#14355)
|
6 years ago |
scatter.h
|
Fix gather & stack op (#14355)
|
6 years ago |
scatter_op.cc
|
Fix scatter_op python API (#12742)
|
7 years ago |
scatter_op.cu
|
Fix CPPLint errors in operators (#9826)
|
7 years ago |
scatter_op.h
|
Fix scatter_op python API (#12742)
|
7 years ago |
scatter_test.cc
|
Fix bug in uts
|
7 years ago |
selu_op.cc
|
Add selu (#14415)
|
6 years ago |
selu_op.cu
|
Add selu (#14415)
|
6 years ago |
selu_op.h
|
Add selu (#14415)
|
6 years ago |
shape_op.cc
|
Add flatten op interface and enhance APIs about detection to support variable-length image. (#12422)
|
7 years ago |
shape_op.cu
|
Add flatten op interface and enhance APIs about detection to support variable-length image. (#12422)
|
7 years ago |
shape_op.h
|
Add flatten op interface and enhance APIs about detection to support variable-length image. (#12422)
|
7 years ago |
shrink_rnn_memory_op.cc
|
refine tensor_array_write_read (#14643)
|
6 years ago |
sigmoid_cross_entropy_with_logits_op.cc
|
replace -100 to kIgnoreIndex
|
6 years ago |
sigmoid_cross_entropy_with_logits_op.cu
|
Fix Eigen macro when using GPU
|
6 years ago |
sigmoid_cross_entropy_with_logits_op.h
|
refine code, test=develop
|
6 years ago |
sign_op.cc
|
"fix op. test=develop"
|
7 years ago |
sign_op.cu
|
"fix op. test=develop"
|
7 years ago |
sign_op.h
|
…
|
|
similarity_focus_op.cc
|
update docs test=develop
|
6 years ago |
similarity_focus_op.h
|
add similarity_focus op
|
7 years ago |
slice_op.cc
|
Implement slice grad operator. #8130 (#12330)
|
7 years ago |
slice_op.cu
|
Implement slice grad operator. #8130 (#12330)
|
7 years ago |
slice_op.h
|
Implement slice grad operator. #8130 (#12330)
|
7 years ago |
smooth_l1_loss_op.cc
|
Refine smooth L1 loss. (#10713)
|
7 years ago |
smooth_l1_loss_op.cu
|
Fix Eigen macro when using GPU
|
6 years ago |
smooth_l1_loss_op.h
|
…
|
|
softmax_cudnn_op.cu.cc
|
Add fp16 backward support (#14202)
|
6 years ago |
softmax_mkldnn_op.cc
|
- conv2d transpose MKL-DNN
|
6 years ago |
softmax_op.cc
|
add mkldnn prop_kind phase for inference-only case to pooling and activations (#14278)
|
6 years ago |
softmax_op.cu.cc
|
Add fp16 backward support (#14202)
|
6 years ago |
softmax_op.h
|
- ASUM MKL integration
|
6 years ago |
softmax_with_cross_entropy_op.cc
|
test=develop
|
7 years ago |
softmax_with_cross_entropy_op.cu
|
Fix Eigen macro when using GPU
|
6 years ago |
softmax_with_cross_entropy_op.h
|
- Softmax for Inference is enabled when ON_INFER is set
|
6 years ago |
space_to_depth_op.cc
|
Windows/online (#14474)
|
6 years ago |
space_to_depth_op.cu
|
test=develop
|
7 years ago |
space_to_depth_op.h
|
test=develop
|
7 years ago |
split_lod_tensor_op.cc
|
Revert "cherry picked windows patches."
|
6 years ago |
split_op.cc
|
Refine Split op (#13967)
|
7 years ago |
split_op.cu.cc
|
enable more type for splitOp and ConcatOp
|
7 years ago |
split_op.h
|
Refine Split op (#13967)
|
7 years ago |
split_selected_rows_op.cc
|
update height_sections to int64_t
|
7 years ago |
split_selected_rows_op.cu
|
…
|
|
split_selected_rows_op.h
|
split selected rows op should always init output selected rows
|
6 years ago |
spp_op.cc
|
Clean OpProtoAndCheckerMaker
|
7 years ago |
spp_op.cu.cc
|
…
|
|
spp_op.h
|
add inclusive/exclusive mode in PoolOp avg pool type
|
7 years ago |
squared_l2_distance_op.cc
|
Clean OpProtoAndCheckerMaker
|
7 years ago |
squared_l2_distance_op.cu
|
Fix Eigen macro when using GPU
|
6 years ago |
squared_l2_distance_op.h
|
…
|
|
squared_l2_norm_op.cc
|
Clean OpProtoAndCheckerMaker
|
7 years ago |
squared_l2_norm_op.cu
|
Fix Eigen macro when using GPU
|
6 years ago |
squared_l2_norm_op.h
|
…
|
|
squeeze_op.cc
|
Refine reshape_grad and transpose_grad (#13074)
|
7 years ago |
stack_op.cc
|
Fix gather & stack op (#14355)
|
6 years ago |
stack_op.cu
|
Fix gather & stack op (#14355)
|
6 years ago |
stack_op.h
|
Add the macro for NVCC (test=develop)
|
6 years ago |
strided_memcpy.h
|
Refine Split op (#13967)
|
7 years ago |
strided_memcpy_test.cc
|
refactor(memory): rewrite memory allocation and make it extentable
|
7 years ago |
sum_mkldnn_op.cc
|
Revert the changes of VLOG
|
6 years ago |
sum_op.cc
|
Revert the changes of VLOG
|
6 years ago |
sum_op.cu
|
Fix Eigen macro when using GPU
|
6 years ago |
sum_op.h
|
Fix save and load lookup table/optimizer vars (#14301)
|
6 years ago |
tensor_array_to_tensor_op.cc
|
Use sub scope in tensor_array_to_tensor op. (#14524)
|
6 years ago |
top_k_op.cc
|
cudnn version. staged.
|
7 years ago |
top_k_op.cu
|
cudnn version. staged.
|
7 years ago |
top_k_op.h
|
cudnn version. staged.
|
7 years ago |
transpose_op.cc
|
add dropout attr; test=develop
|
7 years ago |
transpose_op.cu.cc
|
add dropout attr; test=develop
|
7 years ago |
transpose_op.h
|
Fix CPPLint issues in spp_op, sum_op, topk_op, transpose_op, unpool_op and warpctc_op
|
7 years ago |
truncated_gaussian_random_op.cc
|
Fix truncated norm (#13785)
|
7 years ago |
truncated_gaussian_random_op.cu
|
Fix truncated norm (#13785)
|
7 years ago |
uniform_random_batch_size_like_op.cc
|
"fix based comments"
|
7 years ago |
uniform_random_op.cc
|
shape type to int64_t, test=develop
|
7 years ago |
uniform_random_op.cu
|
fix shape type in uniform_random_op.cu
|
7 years ago |
unpool_op.cc
|
gpu support, fix build issue:
|
6 years ago |
unpool_op.cu.cc
|
…
|
|
unpool_op.h
|
Fix CPPLint issues in spp_op, sum_op, topk_op, transpose_op, unpool_op and warpctc_op
|
7 years ago |
unsqueeze_op.cc
|
Refine reshape_grad and transpose_grad (#13074)
|
7 years ago |
unstack_op.cc
|
add unstack_op
|
7 years ago |
unstack_op.h
|
add unstack_op
|
7 years ago |
warpctc_cudnn_op.cu.cc
|
Add cudnn ctc loss (#12366)
|
6 years ago |
warpctc_op.cc
|
Add cudnn ctc loss (#12366)
|
6 years ago |
warpctc_op.cu.cc
|
…
|
|
warpctc_op.h
|
Complete sequence_padding GPU kernel
|
7 years ago |
yolov3_loss_op.cc
|
Add operator double support. test=develop
|
6 years ago |
yolov3_loss_op.h
|
Add operator double support. test=develop
|
6 years ago |