├── .clang-format ├── .codespellrc ├── .flake8_nb ├── .github ├── ISSUE_TEMPLATE │ ├── bug_report.md │ ├── feature_request.md │ └── question.md ├── PULL_REQUEST_TEMPLATE │ └── pull_request_template.md └── workflows │ ├── docs-build.yaml │ ├── docs-preview-pr.yaml │ ├── docs-remove-stale-reviews.yaml │ ├── docs-sched-rebuild.yaml │ └── triage.yml ├── .gitignore ├── .gitmodules ├── .pre-commit-config.yaml ├── CMakeLists.txt ├── Doxyfile ├── HugeCTR ├── core │ ├── core.hpp │ ├── datatype.hpp │ ├── hctr_impl │ │ └── hctr_backend.hpp │ ├── macro.hpp │ └── memory.hpp ├── core23 │ ├── CMakeLists.txt │ ├── allocator.hpp │ ├── allocator_factory.cpp │ ├── allocator_factory.hpp │ ├── allocator_params.cpp │ ├── allocator_params.hpp │ ├── buffer.cpp │ ├── buffer.hpp │ ├── buffer_channel.cpp │ ├── buffer_channel.hpp │ ├── buffer_channel_helpers.cpp │ ├── buffer_channel_helpers.hpp │ ├── buffer_client.cpp │ ├── buffer_client.hpp │ ├── buffer_factory.cpp │ ├── buffer_factory.hpp │ ├── buffer_params.cpp │ ├── buffer_params.hpp │ ├── buffer_requirements.hpp │ ├── cuda_primitives.cuh │ ├── cuda_stream.hpp │ ├── curand_generator.hpp │ ├── data_type.cpp │ ├── data_type.hpp │ ├── data_type_helpers.cuh │ ├── details │ │ ├── confederal_buffer.cpp │ │ ├── confederal_buffer.hpp │ │ ├── host_launch_helpers.cpp │ │ ├── host_launch_helpers.hpp │ │ ├── low_level_cuda_allocator.cpp │ │ ├── low_level_cuda_allocator.hpp │ │ ├── managed_cuda_allocator.cpp │ │ ├── managed_cuda_allocator.hpp │ │ ├── new_delete_allocator.cpp │ │ ├── new_delete_allocator.hpp │ │ ├── pinned_host_allocator.cpp │ │ ├── pinned_host_allocator.hpp │ │ ├── pool_cuda_allocator.cpp │ │ ├── pool_cuda_allocator.hpp │ │ ├── simple_cuda_allocator.cpp │ │ ├── simple_cuda_allocator.hpp │ │ ├── tensor_helpers.cpp │ │ ├── tensor_helpers.hpp │ │ ├── tensor_impl.cpp │ │ ├── tensor_impl.hpp │ │ ├── unitary_buffer.cpp │ │ └── unitary_buffer.hpp │ ├── device.cpp │ ├── device.hpp │ ├── device_guard.cpp │ ├── device_guard.hpp │ ├── device_type.cpp │ ├── device_type.hpp │ ├── error.hpp │ ├── kernel_params.cpp │ ├── kernel_params.hpp │ ├── logger.cpp │ ├── logger.hpp │ ├── low_level_primitives.cpp │ ├── low_level_primitives.cu │ ├── low_level_primitives.hpp │ ├── macros.hpp │ ├── mpi_init_service.cpp │ ├── mpi_init_service.hpp │ ├── offsetted_buffer.cpp │ ├── offsetted_buffer.hpp │ ├── registry.hpp │ ├── shape.cpp │ ├── shape.hpp │ ├── tensor.cpp │ ├── tensor.hpp │ ├── tensor_container.hpp │ ├── tensor_operations.cpp │ ├── tensor_operations.hpp │ ├── tensor_params.hpp │ └── tensor_view.hpp ├── embedding │ ├── CMakeLists.txt │ ├── all2all_embedding_collection.cu │ ├── all2all_embedding_collection.hpp │ ├── common.cpp │ ├── common.hpp │ ├── data_distributor │ │ ├── data_compression_operators.cu │ │ ├── data_compression_operators.cuh │ │ ├── data_compression_operators.hpp │ │ ├── data_distribution_op.hpp │ │ ├── data_distributor.cu │ │ ├── data_distributor.hpp │ │ ├── dense_data_distribution_op_impl.cu │ │ ├── key_filtering_operators.cu │ │ ├── key_filtering_operators.hpp │ │ └── sparse_data_distribution_op_impl.cu │ ├── data_parallel_embedding.cpp │ ├── data_parallel_embedding.hpp │ ├── dense_model_parallel_embedding.cpp │ ├── dense_model_parallel_embedding.hpp │ ├── embedding.cpp │ ├── embedding.hpp │ ├── embedding_table.hpp │ ├── gpu_barrier │ │ ├── gpu_barrier.cu │ │ └── gpu_barrier.hpp │ ├── hier_model_parallel_embedding.cpp │ ├── hier_model_parallel_embedding.hpp │ ├── model_parallel_embedding.cpp │ ├── model_parallel_embedding.hpp │ ├── operators │ │ ├── communication.cpp │ │ ├── communication.hpp │ │ ├── compress_offset.cu │ │ ├── compress_offset.hpp │ │ ├── dp_index_calculation.cu │ │ ├── dp_index_calculation.hpp │ │ ├── generic_lookup.cuh │ │ ├── hier_model_backward.cu │ │ ├── hier_model_backward.hpp │ │ ├── hier_model_forward.cu │ │ ├── hier_model_forward.hpp │ │ ├── index_calculation.cu │ │ ├── index_calculation.hpp │ │ ├── keys_to_indices.cu │ │ ├── keys_to_indices.hpp │ │ ├── model_backward.cu │ │ ├── model_backward.hpp │ │ ├── model_forward.cu │ │ ├── model_forward.hpp │ │ ├── mp_index_calculation.cu │ │ ├── mp_index_calculation.hpp │ │ ├── multi_to_one_reduce.cuh │ │ ├── multi_to_one_reduce_v2.cuh │ │ ├── network_backward.cu │ │ ├── network_backward.hpp │ │ ├── network_forward.cu │ │ ├── network_forward.hpp │ │ ├── transpose_input.cu │ │ ├── transpose_input.hpp │ │ ├── unique_op.cu │ │ ├── unique_op.hpp │ │ ├── weighted_model_backward.cu │ │ ├── weighted_model_backward.hpp │ │ ├── weighted_model_forward.cu │ │ ├── weighted_model_forward.hpp │ │ ├── weighted_mp_index_calculation.cu │ │ ├── weighted_mp_index_calculation.hpp │ │ ├── weighted_network_backward.cu │ │ ├── weighted_network_backward.hpp │ │ ├── weighted_network_forward.cu │ │ └── weighted_network_forward.hpp │ └── view.hpp ├── embedding_storage │ ├── common.hpp │ ├── dynamic_embedding.cu │ ├── dynamic_embedding.hpp │ ├── dynamic_embedding_cpu.hpp │ ├── embedding_table.cpp │ ├── embedding_table.hpp │ ├── optimizers.cuh │ ├── optimizers.hpp │ ├── ragged_static_embedding.cu │ ├── ragged_static_embedding.hpp │ ├── ragged_static_embedding_load_dump.cu │ └── weight_io │ │ ├── data_info.hpp │ │ ├── fs_interface.cpp │ │ ├── fs_interface.hpp │ │ ├── parameter_IO.cpp │ │ └── parameter_IO.hpp ├── include │ ├── base │ │ └── debug │ │ │ ├── cuda_debugging.cuh │ │ │ └── cuda_debugging.hpp │ ├── collectives │ │ ├── all_reduce_comm.hpp │ │ ├── collective.hpp │ │ ├── ib_comm.hpp │ │ └── ib_proxy.hpp │ ├── common.hpp │ ├── config.hpp.in │ ├── core23_helper.hpp │ ├── core23_network.hpp │ ├── core23_wrapper.hpp │ ├── cpu_resource.hpp │ ├── data_frame_prefetch_buffer.cpp │ ├── data_generator.hpp │ ├── data_reader.hpp │ ├── data_readers │ │ ├── check_none.hpp │ │ ├── check_sum.hpp │ │ ├── checker.hpp │ │ ├── csr23.hpp │ │ ├── data_collector.hpp │ │ ├── data_container_interface.hpp │ │ ├── data_reader.hpp │ │ ├── data_reader_common.hpp │ │ ├── data_reader_worker_group.hpp │ │ ├── data_reader_worker_group_parquet.hpp │ │ ├── data_reader_worker_interface.hpp │ │ ├── dataframe_container.hpp │ │ ├── file_list.hpp │ │ ├── file_source.hpp │ │ ├── file_source_parquet.hpp │ │ ├── metadata.hpp │ │ ├── multi_hot │ │ │ ├── async_data_reader.hpp │ │ │ ├── async_reader_common.hpp │ │ │ ├── detail │ │ │ │ ├── aio_context.hpp │ │ │ │ ├── atomic_wrapper.hpp │ │ │ │ ├── batch_file_reader.hpp │ │ │ │ ├── batch_forward_iterator.hpp │ │ │ │ ├── batch_locations.hpp │ │ │ │ ├── data_reader_impl.hpp │ │ │ │ ├── device_transfer.hpp │ │ │ │ ├── file_batch_locations.hpp │ │ │ │ ├── io_context.hpp │ │ │ │ ├── system_latch.hpp │ │ │ │ ├── time_helper.hpp │ │ │ │ └── work_queue.hpp │ │ │ └── split_batch.hpp │ │ ├── parquet_data_converter.hpp │ │ ├── parquet_data_reader_worker.hpp │ │ ├── row_group_reading_thread.hpp │ │ └── source.hpp │ ├── data_simulator.hpp │ ├── device_map.hpp │ ├── diagnose.hpp │ ├── embedding.hpp │ ├── embedding_training_cache │ │ ├── embedding_training_cache.hpp │ │ ├── embedding_training_cache_impl.hpp │ │ ├── hmem_cache │ │ │ ├── hmem_cache.hpp │ │ │ └── sparse_model_file_ts.hpp │ │ ├── parameter_server.hpp │ │ ├── parameter_server_manager.hpp │ │ ├── sparse_model_entity.hpp │ │ └── sparse_model_file.hpp │ ├── embeddings │ │ ├── all2all_hierarchical.hpp │ │ ├── distributed_slot_sparse_embedding_hash.hpp │ │ ├── embedding_collection.hpp │ │ ├── embedding_data.hpp │ │ ├── localized_slot_sparse_embedding_hash.hpp │ │ └── sparse_embedding_functors.hpp │ ├── exchange_wgrad.hpp │ ├── general_buffer2.hpp │ ├── gpu_barrier.hpp │ ├── gpu_learning_rate_scheduler.hpp │ ├── gpu_resource.hpp │ ├── graph_wrapper.hpp │ ├── hashtable │ │ ├── cudf │ │ │ ├── LICENSE │ │ │ ├── concurrent_unordered_map.cuh │ │ │ ├── hash_functions.cuh │ │ │ ├── managed.cuh │ │ │ └── managed_allocator.cuh │ │ └── nv_hashtable.hpp │ ├── inference │ │ └── preallocated_buffer2.hpp │ ├── inference_key_generator.hpp │ ├── io │ │ ├── file_loader.hpp │ │ ├── filesystem.hpp │ │ ├── gcs_filesystem.hpp │ │ ├── hadoop_filesystem.hpp │ │ ├── io_utils.hpp │ │ ├── local_filesystem.hpp │ │ ├── s3_filesystem.hpp │ │ └── s3_utils.hpp │ ├── layer.hpp │ ├── layers │ │ ├── add_layer.hpp │ │ ├── batch_norm_layer.hpp │ │ ├── cast_layer.hpp │ │ ├── concat_3d_layer.hpp │ │ ├── concat_layer.hpp │ │ ├── dropout_layer.hpp │ │ ├── elementwise_multiply_layer.hpp │ │ ├── elu_layer.hpp │ │ ├── fm_order2_layer.hpp │ │ ├── fully_connected_layer.hpp │ │ ├── fully_connected_layer_half.hpp │ │ ├── functors │ │ │ ├── fused_fc_layer_functors.hpp │ │ │ └── fused_gemm_functors.hpp │ │ ├── fused_reshape_concat_general_layer.hpp │ │ ├── fused_reshape_concat_layer.hpp │ │ ├── gather_layer.hpp │ │ ├── gru_layer.hpp │ │ ├── interaction_layer.hpp │ │ ├── layer_norm_layer.hpp │ │ ├── masked_softmax_layer.hpp │ │ ├── matrix_multiply_layer.hpp │ │ ├── mlp_layer.hpp │ │ ├── multi_cross_layer.hpp │ │ ├── multi_head_attention_layer.hpp │ │ ├── prelu_dice_layer.hpp │ │ ├── reduce_mean_layer.hpp │ │ ├── reduce_sum_layer.hpp │ │ ├── relu_layer.hpp │ │ ├── reshape_layer.hpp │ │ ├── reshape_layer_v2.hpp │ │ ├── scale_layer.hpp │ │ ├── select_layer.hpp │ │ ├── sequence_mask_layer.hpp │ │ ├── sigmoid_layer.hpp │ │ ├── slice_layer.hpp │ │ ├── softmax_layer.hpp │ │ ├── sub_layer.hpp │ │ └── weight_multiply_layer.hpp │ ├── learning_rate_scheduler.hpp │ ├── loss.hpp │ ├── metrics.hpp │ ├── network_buffer_channels.hpp │ ├── network_helpers.hpp │ ├── optimizer.hpp │ ├── optimizers │ │ ├── adagrad_optimizer.hpp │ │ ├── adam_optimizer.hpp │ │ ├── ftrl_optimizer.hpp │ │ ├── momentum_sgd_optimizer.hpp │ │ ├── nesterov_optimizer.hpp │ │ └── sgd_optimizer.hpp │ ├── parser.hpp │ ├── pipeline.hpp │ ├── prims │ │ ├── cuda_utils.cuh │ │ └── linalg │ │ │ ├── binary_op.cuh │ │ │ ├── coalesced_reduction.cuh │ │ │ ├── matrix_multiplication.cuh │ │ │ ├── reduce.cuh │ │ │ └── strided_reduction.cuh │ ├── pybind │ │ ├── add_dense_layer_helpers.hpp │ │ ├── common_helpers.hpp │ │ ├── common_wrapper.hpp │ │ ├── data_generator_wrapper.hpp │ │ ├── data_reader_wrapper.hpp │ │ ├── data_source_wrapper.hpp │ │ ├── embedding_collection_wrapper.hpp │ │ ├── learning_rate_scheduler_wrapper.hpp │ │ ├── model.hpp │ │ ├── model_wrapper.hpp │ │ ├── optimizer_wrapper.hpp │ │ ├── solver_wrapper.hpp │ │ ├── training_callback.hpp │ │ └── training_callback_wrapper.hpp │ ├── regularizer.hpp │ ├── regularizer_factory.hpp │ ├── regularizers │ │ ├── l1_regularizer.hpp │ │ ├── l2_regularizer.hpp │ │ └── no_regularizer.hpp │ ├── resource_manager.hpp │ ├── resource_manager_base.hpp │ ├── resource_managers │ │ └── resource_manager_core.hpp │ ├── scheduleable.hpp │ ├── shuffle │ │ ├── configs.cuh │ │ ├── descriptors.cuh │ │ ├── shuffle.cuh │ │ └── vector_conversion.cuh │ ├── sparse_tensor.hpp │ ├── stream_event_manager.hpp │ ├── tensor2.hpp │ ├── thread_pool.hpp │ ├── trainable_layer.hpp │ ├── training_callback.hpp │ ├── utils.cuh │ └── utils.hpp └── src │ ├── CMakeLists.txt │ ├── base │ └── debug │ │ └── cuda_debugging.cu │ ├── collectives │ ├── all_reduce_comm.cu │ ├── collective.cpp │ ├── ib_comm.cu │ ├── ib_comm_ar.cu │ └── ib_proxy.cpp │ ├── core23_network.cpp │ ├── cpu_resource.cpp │ ├── data_generator.cpp │ ├── data_readers │ ├── data_collector.cpp │ ├── data_collector.cu │ ├── data_reader.cpp │ ├── dataframe_container.cu │ ├── file_source_parquet.cpp │ ├── metadata.cpp │ ├── multi_hot │ │ ├── async_data_reader.cpp │ │ ├── detail │ │ │ ├── aio_context.cpp │ │ │ ├── batch_file_reader.cpp │ │ │ ├── batch_forward_operator.cpp │ │ │ ├── data_reader_impl.cpp │ │ │ └── system_latch.cu │ │ └── split_batch.cu │ ├── parquet_data_converter.cu │ ├── parquet_data_reader_worker.cpp │ └── row_group_reading_thread.cpp │ ├── data_simulator.cu │ ├── diagnose.cu │ ├── embeddings │ ├── all2all_backward_functor.cu │ ├── all2all_forward_functor.cu │ ├── all_gather_functor.cu │ ├── all_reduce_functor.cu │ ├── backward_functor.cu │ ├── backward_fuse_per_gpu_functor.cu │ ├── backward_reorder_functor.cu │ ├── distributed_slot_sparse_embedding_hash.cu │ ├── embedding_collection.cpp │ ├── forward_fuse_per_gpu_functor.cu │ ├── forward_mapping_per_gpu_functor.cu │ ├── forward_per_gpu_functor.cu │ ├── forward_reorder_functor.cu │ ├── forward_scale_functor.cu │ ├── get_backward_results_functor.cu │ ├── get_forward_results_functor.cu │ ├── get_update_params_results_functor.cu │ ├── init_embedding_functor.cu │ ├── localized_slot_sparse_embedding_hash.cu │ ├── opt_states_functor.cu │ ├── reduce_scatter_functor.cu │ ├── store_slot_id_functor.cu │ ├── sync_all_gpus_functor.cu │ └── utils_functor.cu │ ├── exchange_wgrad.cpp │ ├── gpu_learning_rate_scheduler.cu │ ├── gpu_resource.cpp │ ├── graph_wrapper.cpp │ ├── hashtable │ └── nv_hashtable.cu │ ├── io │ ├── file_loader.cpp │ ├── filesystem.cpp │ ├── gcs_filesystem.cpp │ ├── hadoop_filesystem.cpp │ ├── local_filesystem.cpp │ └── s3_filesystem.cpp │ ├── layer.cpp │ ├── layers │ ├── add_layer.cu │ ├── batch_norm_layer.cu │ ├── cast_layer.cu │ ├── concat_3d_layer.cu │ ├── concat_layer.cu │ ├── dropout_layer.cu │ ├── elementwise_multiply_layer.cu │ ├── elu_layer.cu │ ├── fm_order2_layer.cu │ ├── fully_connected_layer.cu │ ├── fully_connected_layer_half.cu │ ├── functors │ │ ├── fused_fc_layer_functors.cu │ │ └── fused_gemm_functors.cu │ ├── fused_reshape_concat_general_layer.cu │ ├── fused_reshape_concat_layer.cu │ ├── gather_layer.cu │ ├── gru_layer.cu │ ├── interaction_layer.cu │ ├── layer_norm_layer.cu │ ├── masked_softmax_layer.cu │ ├── matrix_multiply_layer.cu │ ├── mlp_layer.cu │ ├── multi_cross_layer.cu │ ├── multi_head_attention_layer.cu │ ├── prelu_dice_layer.cu │ ├── reduce_mean_layer.cu │ ├── reduce_sum_layer.cu │ ├── relu_layer.cu │ ├── reshape_layer.cu │ ├── reshape_layer_v2.cu │ ├── scale_layer.cu │ ├── select_layer.cu │ ├── sequence_mask_layer.cu │ ├── sigmoid_layer.cu │ ├── slice_layer.cu │ ├── softmax_layer.cu │ ├── sub_layer.cu │ └── weight_multiply_layer.cu │ ├── loss.cu │ ├── metrics.cu │ ├── network.cu │ ├── network_buffer_channels.cpp │ ├── optimizer.cpp │ ├── optimizers │ ├── adagrad_optimizer.cu │ ├── adam_optimizer.cu │ ├── ftrl_optimizer.cu │ ├── momentum_sgd_optimizer.cu │ ├── nesterov_optimizer.cu │ ├── sgd_optimizer.cu │ └── sparse_optimizer.cu │ ├── parsers │ └── learning_rate_scheduler_parser.cpp │ ├── pipeline.cpp │ ├── pybind │ ├── add_dense_layer.cpp │ ├── add_dense_layer_helpers.cpp │ ├── add_input.cpp │ ├── add_sparse_embedding.cpp │ ├── model.cpp │ ├── model_compile.cpp │ ├── model_pipeline.cpp │ └── module_main.cpp │ ├── regularizer.cu │ ├── regularizer_factory.cpp │ ├── regularizers │ ├── l1_regularizer.cu │ ├── l2_regularizer.cu │ └── no_regularizer.cu │ ├── resource_manager.cpp │ ├── resource_managers │ └── resource_manager_core.cpp │ ├── thread_pool.cpp │ └── utils.cu ├── LICENSE ├── README.md ├── benchmarks ├── CMakeLists.txt ├── core23 │ ├── CMakeLists.txt │ ├── random_allocations.cpp │ ├── tensor_container_performance.cu │ └── tensor_performance.cu └── embedding_collection │ ├── README.md │ ├── benchmark.sh │ ├── dataset │ ├── 180table_70B_hotness80.py │ ├── 200table_100B_hotness20.py │ ├── 510table_110B_hotness5.py │ ├── 7table_470B_hotness20.py │ ├── dataset_inspector.py │ └── generation.sh │ └── hugectr │ ├── sharding │ ├── __init__.py │ ├── generate_plan.py │ ├── planner.py │ └── test_sharding_planner.py │ └── train.py ├── ci └── test_unit.sh ├── cmake └── Modules │ ├── ClangFormat.cmake │ ├── FindCUDNN.cmake │ ├── FindHWLOC.cmake │ ├── FindNCCL.cmake │ ├── FindSHARP.cmake │ ├── FindUCX.cmake │ ├── SetupGCS.cmake │ └── SetupS3.cmake ├── docs ├── .gitlab-docs.yaml ├── Makefile ├── README.md ├── check_for_broken_links.sh ├── false_positives.json ├── requirements-doc.txt └── source │ ├── QAList.md │ ├── _static │ ├── .gitkeep │ └── css │ │ └── custom.css │ ├── _templates │ ├── layout.html │ └── versions.html │ ├── additional_resources.md │ ├── api │ ├── hugectr_layer_book.md │ ├── index.rst │ └── python_interface.md │ ├── conf.py │ ├── hierarchical_parameter_server │ └── index.md │ ├── hugectr_contributor_guide.md │ ├── hugectr_core_features.md │ ├── hugectr_talks_blogs.md │ ├── hugectr_user_guide.md │ ├── index.rst │ ├── performance.md │ ├── sparse_operation_kit.md │ ├── toc.yaml │ └── user_guide_src │ ├── .gitkeep │ ├── DCN.JPG │ ├── WDL.JPG │ ├── a100_scaling.png │ ├── dataset.png │ ├── dataset_format.png │ ├── dataset_split.png │ ├── etc_pipeline.png │ ├── etc_preprocessing.png │ ├── fig12_multi_gpu_performance.PNG │ ├── fig1_hugectr_arch.png │ ├── fig2_embedding_mlp.png │ ├── fig3_embedding_mech.png │ ├── fig4_arithmetic_underflow.png │ ├── fig5_sample_config_json.png │ ├── hc_demo.gif │ ├── hc_diagram.png │ ├── hc_read.png │ ├── hc_write.png │ ├── hps_library.svg │ ├── learning_rate_scheduling.png │ ├── merlin_arch.png │ ├── merlin_logo.png │ ├── mlperf_10.PNG │ ├── mlperf_dlrm_training.png │ ├── raw_data_field.JPG │ ├── version.JPG │ └── workflow_of_embeddinglayer.png ├── gpu_cache ├── ReadMe.md ├── include │ ├── gpu_cache_api.hpp │ ├── hash_functions.cuh │ ├── nv_gpu_cache.hpp │ ├── nv_util.h │ ├── static_hash_table.hpp │ ├── static_table.hpp │ └── uvm_table.hpp └── src │ ├── CMakeLists.txt │ ├── nv_gpu_cache.cu │ ├── static_hash_table.cu │ ├── static_table.cu │ └── uvm_table.cu ├── notebooks ├── README.md ├── embedding_collection.ipynb ├── hugectr_e2e_demo_with_nvtabular.ipynb ├── multi-modal-data │ ├── 00-Intro.ipynb │ ├── 01-Download-Convert.ipynb │ ├── 02-Data-Enrichment.ipynb │ ├── 03-Feature-Extraction-Poster.ipynb │ ├── 04-Feature-Extraction-Text.ipynb │ ├── 05-Create-Feature-Store.ipynb │ ├── 06-ETL-with-NVTabular.ipynb │ ├── 07-Training-with-HugeCTR.ipynb │ └── README.md ├── prototype_embedding_collection │ ├── common.py │ ├── embedding.py │ ├── embedding_table.py │ ├── main.py │ ├── op.py │ ├── optimizer.py │ ├── plan_file_0.json │ ├── plan_file_1.json │ ├── plan_file_2.json │ └── utils.py ├── prototype_indices.ipynb └── training_with_remote_filesystem.ipynb ├── onnx_converter ├── README.md ├── hugectr2onnx │ ├── __init__.py │ ├── converter.py │ ├── graph_builder.py │ └── hugectr_loader.py ├── readme_src │ ├── .gitkeep │ └── wdl_onnx.png └── setup.py ├── release_notes.md ├── samples ├── bst │ ├── README.md │ ├── bst_avg_pooling.py │ ├── bst_concat.py │ └── utils │ │ ├── 1_convert_pd.py │ │ ├── 2_remap_id.py │ │ ├── 3_padding.py │ │ ├── 4_nvt_process.py │ │ └── preprocess.sh ├── criteo │ ├── README.md │ └── criteo_parquet.py ├── dcn │ ├── README.md │ ├── dcn_2node_8gpu.py │ ├── dcn_localized_embedding.py │ └── dcn_parquet.py ├── deepfm │ ├── README.md │ └── deepfm_parquet.py ├── din │ ├── README.md │ ├── din_parquet.py │ ├── din_try.py │ └── utils │ │ ├── 1_convert_pd.py │ │ ├── 2_remap_id.py │ │ ├── 3_padding.py │ │ ├── 4_nvt_process.py │ │ └── preprocess.sh ├── dlrm │ ├── README.md │ ├── config_DGXH100_16x8x1056.sh │ ├── config_DGXH100_1x8x6912.sh │ ├── config_DGXH100_8x8x2112.sh │ ├── mlperf_logger │ │ ├── __init__.py │ │ ├── callbacks.py │ │ ├── param_info.py │ │ └── utils.py │ ├── preprocessing │ │ ├── convert_to_raw.py │ │ └── md5sums_raw_dataset.txt │ ├── requirements.txt │ ├── run.sub │ ├── run_and_time.sh │ ├── run_with_docker.sh │ ├── sharding │ │ ├── __init__.py │ │ ├── generate_plan.py │ │ └── planner.py │ └── train.py ├── ftrl │ ├── README.md │ └── dlrm_train_ftrl.py ├── mmoe │ ├── README.md │ ├── get_census_data.sh │ ├── mmoe-hctr.png │ ├── mmoe_parquet.py │ ├── preprocess_census.py │ └── shared_bottom.py ├── ncf │ ├── README.md │ ├── gmf.py │ ├── ncf.py │ └── neumf.py └── wdl │ ├── README.md │ ├── wdl_1gpu.py │ └── wdl_8gpu.py ├── sbin ├── buildkitd.toml ├── docker_buildx.sh ├── hadoop.sh ├── ignore-words.txt ├── install-aws-sdk.sh ├── install-hadoop.sh └── install-jdk-and-maven.sh ├── sparse_operation_kit ├── .gitignore ├── .pypirc ├── CMakeLists.txt ├── LICENSE.txt ├── MANIFEST.in ├── ReadMe.md ├── SOK_DLRM_Benchmark │ ├── README.md │ ├── dataset.py │ ├── hvd_wrapper.sh │ ├── main.py │ ├── model.py │ ├── preprocess │ │ └── split_bin.py │ └── trainer.py ├── cmakes │ ├── FindNCCL.cmake │ ├── FindNVTX.cmake │ └── FindTensorFlow.cmake ├── documents │ ├── Makefile │ ├── ReadMe.md │ ├── make.bat │ ├── source │ │ ├── _static │ │ │ └── .gitkeep │ │ ├── _templates │ │ │ └── versions.html │ │ ├── api │ │ │ ├── dynamic_variable.rst │ │ │ ├── index.rst │ │ │ ├── init.rst │ │ │ ├── lookup.rst │ │ │ └── utils.rst │ │ ├── conf.py │ │ ├── env_vars │ │ │ └── env_vars.md │ │ ├── examples │ │ │ └── examples.md │ │ ├── features │ │ │ └── features.md │ │ ├── get_started │ │ │ └── get_started.md │ │ ├── images │ │ │ ├── all2all_dense_embedding.png │ │ │ ├── demo_model_structure.png │ │ │ ├── distributed_sparse_embedding.png │ │ │ └── workflow_of_embeddinglayer.png │ │ ├── index.rst │ │ ├── intro_link.md │ │ ├── release_notes │ │ │ └── release_notes.md │ │ └── util.py │ └── tutorials │ │ ├── DLRM │ │ ├── ReadMe.md │ │ ├── bin2csv.py │ │ ├── dataset.py │ │ ├── main.py │ │ ├── models.py │ │ └── utils.py │ │ ├── DLRM_Benchmark │ │ ├── README.md │ │ ├── dataset.py │ │ ├── hvd_wrapper.sh │ │ ├── main.py │ │ ├── model.py │ │ ├── preprocess │ │ │ ├── generate_random_dataset.py │ │ │ ├── parquet_to_binary.py │ │ │ └── split_bin.py │ │ └── trainer.py │ │ ├── DenseDemo │ │ ├── ReadMe.md │ │ ├── gen_data.py │ │ ├── models.py │ │ ├── run_sok_MirroredStrategy.py │ │ ├── run_sok_MultiWorker_mpi.py │ │ ├── run_sok_horovod.py │ │ ├── run_tf.py │ │ └── split_data.py │ │ ├── MixedPrecision │ │ ├── ReadMe.md │ │ ├── amp_tf1.py │ │ └── amp_tf2.py │ │ ├── SparseDemo │ │ └── ReadMe.md │ │ └── utility.py ├── example │ ├── ReadMe.md │ ├── sok_dump_load │ │ ├── ReadMe.md │ │ └── dump_load.py │ ├── sok_incremental_dump │ │ ├── ReadMe.md │ │ └── incremental_dump_test.py │ └── sok_train_hps_inference │ │ ├── ReadMe.md │ │ ├── hps_use_sok_weight_inference.py │ │ └── sok_train.py ├── kit_src │ ├── common │ │ ├── check.h │ │ └── utils_experiment.h │ ├── lookup │ │ ├── impl │ │ │ ├── core_impl │ │ │ │ ├── compat │ │ │ │ │ ├── gpu_device_context.h │ │ │ │ │ └── gpu_process_state.h │ │ │ │ ├── core23_allocator.hpp │ │ │ │ ├── gpu_resource_impl.hpp │ │ │ │ └── tf_backend.hpp │ │ │ ├── embedding_collection.hpp │ │ │ ├── embedding_collection_adapter.cu │ │ │ ├── embedding_collection_adapter.h │ │ │ ├── group_lookup.cu │ │ │ ├── group_lookup.h │ │ │ ├── hotness_calculate.cu │ │ │ ├── hotness_calculate.h │ │ │ ├── reorder_kernel.cu │ │ │ ├── reorder_kernel.h │ │ │ ├── select_kernel.cu │ │ │ └── select_kernel.h │ │ ├── kernels │ │ │ ├── embedding_collection.cc │ │ │ ├── group_lookup.cc │ │ │ ├── reorder.cc │ │ │ └── select.cc │ │ └── ops │ │ │ ├── embedding_collection.cc │ │ │ ├── group_lookup.cc │ │ │ ├── reorder.cc │ │ │ └── select.cc │ └── variable │ │ ├── impl │ │ ├── det_variable.cu │ │ ├── det_variable.h │ │ ├── dynamic_embedding_table │ │ │ ├── CMakeLists.txt │ │ │ ├── README.md │ │ │ ├── benchmark.cu │ │ │ ├── cuCollections │ │ │ │ ├── LICENSE │ │ │ │ └── include │ │ │ │ │ └── cuco │ │ │ │ │ ├── detail │ │ │ │ │ ├── dynamic_map.inl │ │ │ │ │ ├── dynamic_map_kernels.cuh │ │ │ │ │ ├── error.hpp │ │ │ │ │ ├── hash_functions.cuh │ │ │ │ │ ├── insert_result.cuh │ │ │ │ │ ├── iterator.cuh │ │ │ │ │ ├── lock.cuh │ │ │ │ │ ├── pair.cuh │ │ │ │ │ ├── static_map.inl │ │ │ │ │ ├── static_map_kernels.cuh │ │ │ │ │ └── utils.cuh │ │ │ │ │ ├── dynamic_map.cuh │ │ │ │ │ ├── initializer.cuh │ │ │ │ │ └── static_map.cuh │ │ │ ├── cudf │ │ │ │ ├── LICENSE │ │ │ │ ├── concurrent_unordered_map.cuh │ │ │ │ ├── hash_functions.cuh │ │ │ │ ├── managed.cuh │ │ │ │ └── managed_allocator.cuh │ │ │ ├── dynamic_embedding_table.cu │ │ │ ├── dynamic_embedding_table.hpp │ │ │ ├── hash_table.cu │ │ │ ├── hash_table.hpp │ │ │ ├── hash_table_benchmark.cu │ │ │ └── test.cu │ │ ├── hkv_variable.cu │ │ ├── hkv_variable.h │ │ ├── variable_base.cu │ │ └── variable_base.h │ │ ├── kernels │ │ ├── dummy_var.cc │ │ ├── dummy_var.h │ │ ├── dummy_var_handle.cc │ │ └── dummy_var_ops.cc │ │ └── ops │ │ ├── dummy_var_handle.cc │ │ └── dummy_var_ops.cc ├── notebooks │ ├── README.md │ ├── hps_inference_dlrm_with_sok_weight_demo.ipynb │ ├── sok_dump_load_demo.ipynb │ ├── sok_incremental_dump_demo.ipynb │ └── sok_train_dlrm_demo.ipynb ├── pyproject.toml ├── setup.py └── sparse_operation_kit │ ├── __init__.py │ ├── _version.py │ ├── communication.py │ ├── distributed_variable.py │ ├── dump_load.py │ ├── dynamic_variable.py │ ├── lookup.py │ ├── optimizer.py │ ├── test │ ├── function_test │ │ ├── run_dump_load_big_table_test_multi_process.sh │ │ ├── run_dump_load_test_multi_process.sh │ │ ├── run_function_test.sh │ │ ├── run_function_test_multi_process.sh │ │ ├── run_function_test_multi_process_sp_weight.sh │ │ ├── tf1 │ │ │ ├── lookup │ │ │ │ ├── all2all_dense_embedding_test.py │ │ │ │ ├── lookup_sparse_distributed_dynamic_test.py │ │ │ │ ├── lookup_sparse_distributed_hkv_test.py │ │ │ │ ├── lookup_sparse_distributed_test.py │ │ │ │ ├── lookup_sparse_hkv_incremental_dump_test.py │ │ │ │ ├── lookup_sparse_localized_dynamic_test.py │ │ │ │ ├── lookup_sparse_localized_hkv_test.py │ │ │ │ ├── lookup_sparse_localized_test.py │ │ │ │ └── sparse_read_evict.py │ │ │ ├── lookup_sp_weight │ │ │ │ ├── lookup_sparse_distributed_dynamic_test.py │ │ │ │ ├── lookup_sparse_distributed_test.py │ │ │ │ ├── lookup_sparse_localized_dynamic_test.py │ │ │ │ └── lookup_sparse_localized_test.py │ │ │ └── variable │ │ │ │ ├── assign_and_export_test.py │ │ │ │ ├── dynamic_variable_test.py │ │ │ │ ├── filter_variables_test.py │ │ │ │ ├── hkv_test.py │ │ │ │ └── sok_sgd_test.py │ │ └── tf2 │ │ │ ├── dump_load │ │ │ ├── dump_load_distribute_dynamic.py │ │ │ ├── dump_load_distribute_static.py │ │ │ ├── dump_load_distribute_static_big_table.py │ │ │ ├── dump_load_localized_dynamic.py │ │ │ └── dump_load_localized_static.py │ │ │ ├── lookup │ │ │ ├── all2all_dense_embedding_test.py │ │ │ ├── lookup_sparse_distributed_dynamic_test.py │ │ │ ├── lookup_sparse_distributed_dynamic_test_without_redefine.py │ │ │ ├── lookup_sparse_distributed_dynamic_with_sample_key_zero_test.py │ │ │ ├── lookup_sparse_distributed_hkv_test.py │ │ │ ├── lookup_sparse_distributed_test.py │ │ │ ├── lookup_sparse_hkv_incremental_dump_test.py │ │ │ ├── lookup_sparse_hkv_low_frequency_test.py │ │ │ ├── lookup_sparse_localized_dynamic_test.py │ │ │ ├── lookup_sparse_localized_hkv_test.py │ │ │ ├── lookup_sparse_localized_test.py │ │ │ └── sparse_read_evict.py │ │ │ ├── lookup_sp_weight │ │ │ ├── lookup_sparse_distributed_dynamic_test.py │ │ │ ├── lookup_sparse_distributed_test.py │ │ │ ├── lookup_sparse_localized_dynamic_test.py │ │ │ └── lookup_sparse_localized_test.py │ │ │ └── variable │ │ │ ├── assign_and_export_hkv_test.py │ │ │ ├── assign_and_export_test.py │ │ │ ├── dynamic_variable_test.py │ │ │ ├── filter_variables_test.py │ │ │ ├── hkv_test.py │ │ │ └── sok_sgd_test.py │ └── op_test │ │ ├── dummy_var │ │ ├── dummy_var_assign_hkv_test.py │ │ ├── dummy_var_assign_test.py │ │ ├── dummy_var_export_hkv_test.py │ │ ├── dummy_var_export_test.py │ │ ├── dummy_var_handle_test.py │ │ ├── dummy_var_initialize_hkv_test.py │ │ ├── dummy_var_initialize_test.py │ │ ├── dummy_var_scatter_add_hkv_test.py │ │ ├── dummy_var_scatter_add_test.py │ │ ├── dummy_var_scatter_update_hkv_test.py │ │ ├── dummy_var_scatter_update_test.py │ │ ├── dummy_var_shape_hkv_test.py │ │ ├── dummy_var_shape_test.py │ │ ├── dummy_var_sparse_read_hkv_test.py │ │ └── dummy_var_sparse_read_test.py │ │ ├── embedding_collection │ │ ├── lookup_backward_test.py │ │ ├── lookup_forward_dynamic_test.py │ │ ├── lookup_forward_test.py │ │ ├── postprocessing_backward_test.py │ │ ├── postprocessing_forward_test.py │ │ └── preprocessing_forward_test.py │ │ ├── lookup │ │ ├── dist_select_test.py │ │ ├── gather_ex_test.py │ │ ├── group_lookup_test.py │ │ └── reorder_test.py │ │ └── run_op_test.sh │ └── utils.py ├── test ├── embedding_collection_test │ ├── dgx_a100_one_hot.py │ └── dlrm_train_ftrl.py ├── notebook_test │ ├── e2e_test_with_nvt.py │ └── notebook_hugectr.py ├── onnx_converter_test │ ├── hugectr2onnx_bst_test.py │ ├── hugectr2onnx_dcn_test.py │ ├── hugectr2onnx_din_test.py │ ├── hugectr2onnx_mmoe_test.py │ ├── hugectr2onnx_ncf_test.py │ ├── hugectr2onnx_wdl_test.py │ ├── layer_type_test.py │ ├── train_scripts │ │ ├── bst_avg_pooling.py │ │ ├── dcn.py │ │ ├── deepfm.py │ │ ├── din_parquet.py │ │ ├── din_try.py │ │ ├── dlrm.py │ │ ├── dlrm_mlp.py │ │ ├── gmf.py │ │ ├── mmoe_parquet.py │ │ ├── ncf.py │ │ ├── neumf.py │ │ └── wdl.py │ └── utils.py ├── pybind_test │ ├── data_source_test.py │ ├── din_fp32.py │ ├── din_matmul_fp32_1gpu.py │ ├── mmoe_test.py │ └── model_test.py ├── sok_perf_test │ ├── .gitignore │ ├── ReadMe.md │ ├── demo │ │ ├── gen_data.py │ │ ├── model.py │ │ ├── performance_profiling.sh │ │ ├── run_sok.py │ │ ├── run_tf.py │ │ └── split_data.py │ └── dlrm │ │ ├── bin2csv.py │ │ ├── dataset.py │ │ ├── main.py │ │ ├── models.py │ │ ├── profiling.sh │ │ ├── run_tf_ranking.sh │ │ └── utils.py └── utest │ ├── CMakeLists.txt │ ├── checker │ ├── CMakeLists.txt │ └── checker_test.cpp │ ├── communication │ ├── CMakeLists.txt │ ├── ar_oneshot_test.cu │ ├── common.cu │ ├── ib_comms_a2a_v_integ_test.cu │ ├── ib_comms_a2a_v_test.cu │ └── ib_comms_ar_test.cu │ ├── core23 │ ├── CMakeLists.txt │ ├── basic_allocator_test.cu │ ├── basic_buffer_test.cpp │ ├── buffer_channel_test.cpp │ ├── cuda_stream_test.cpp │ ├── curand_generator_test.cpp │ ├── data_type_test.cpp │ ├── device_test.cpp │ ├── dynamic_buffer_client_test.cu │ ├── dynamic_tensor_test.cpp │ ├── legacy_tensor_test.cpp │ ├── low_level_primitive_test.cpp │ ├── multi_gpu_tensor_test.cu │ ├── multi_stream_allocator_test.cu │ ├── shape_test.cpp │ ├── sparse_tensor_test.cpp │ ├── tensor_container_test.cu │ ├── tensor_operation_test.cu │ ├── tensor_params_test.cpp │ └── tensor_view_test.cu │ ├── core23_dev_test │ └── CMakeLists.txt │ ├── core23_layer_test │ ├── CMakeLists.txt │ ├── add_layer_test.cpp │ ├── batch_norm_layer_test.cpp │ ├── cast_layer_test.cpp │ ├── concat_3d_layer_test.cpp │ ├── concat_layer_test.cpp │ ├── dropout_layer_test.cpp │ ├── elementwise_multiply_layer_test.cpp │ ├── elu_layer_test.cpp │ ├── fm_order2_layer_test.cpp │ ├── fully_connected_layer_half_test.cpp │ ├── fully_connected_layer_test.cpp │ ├── fused_reshape_concat_general_layer_test.cpp │ ├── fused_reshape_concat_layer_test.cpp │ ├── gather_layer_test.cpp │ ├── gru_layer_test.cpp │ ├── interaction_layer_test.cpp │ ├── layer_norm_layer_test.cpp │ ├── masked_softmax_layer_test.cpp │ ├── matrix_multiply_test.cpp │ ├── mlp_test.cpp │ ├── multi_cross_layer_test.cpp │ ├── multi_head_attention_layer_test.cpp │ ├── prelu_dice_layer_test.cpp │ ├── python_concat.py │ ├── reduce_mean_layer_test.cpp │ ├── reduce_sum_layer_test.cpp │ ├── relu_layer_test.cpp │ ├── reshape_layer_test.cpp │ ├── reshape_layer_test_sel.cpp │ ├── scale_layer_test.cpp │ ├── select_layer_test.cpp │ ├── sequence_mask_layer_test.cpp │ ├── sigmoid_layer_test.cpp │ ├── slice_layer_test.cpp │ ├── softmax_layer_test.cpp │ ├── sub_layer_test.cpp │ ├── trainable_layer_test.cpp │ └── weight_multiply_layer_test.cpp │ ├── data_distributor │ ├── CMakeLists.txt │ └── data_distributor_tests.cpp │ ├── data_reader │ ├── CMakeLists.txt │ ├── batch_locations_test.cpp │ ├── data_reader_benchmark.cu │ ├── data_reader_parquet_test.cpp │ ├── data_reader_v2_async_test.cpp │ ├── multi_hot_async_data_reader_test.cpp │ └── split_batch_test.cpp │ ├── dense_layer │ ├── CMakeLists.txt │ ├── dense_add_layer_test.cpp │ ├── dense_cast_layer_test.cpp │ ├── dense_concat_layer_test.cpp │ ├── dense_dropout_layer_test.cpp │ ├── dense_elu_layer_test.cpp │ ├── dense_fm_order2_layer_test.cpp │ ├── dense_interaction_layer_test.cpp │ ├── dense_layer_test_common.hpp │ ├── dense_loss_test.cpp │ ├── dense_reduce_mean_layer_test.cpp │ ├── dense_reduce_sum_layer_test.cpp │ ├── dense_relu_layer_test.cpp │ ├── dense_reshape_layer_test.cpp │ ├── dense_sequence_mask_layer_test.cpp │ ├── dense_sigmoid_layer_test.cpp │ └── dense_slice_layer_test.cpp │ ├── device_map │ ├── CMakeLists.txt │ └── device_map_test.cpp │ ├── embedding │ ├── CMakeLists.txt │ ├── cpu_hashtable.hpp │ ├── distributed_slot_sparse_embedding_hash_test.cu │ ├── embedding_test_utils.hpp │ ├── localized_slot_sparse_embedding_hash_test.cu │ ├── sparse_embedding_hash_cpu.hpp │ └── unified_embedding.hpp │ ├── embedding_collection │ ├── CMakeLists.txt │ ├── configuration.hpp │ ├── embedding_collection_utils.hpp │ ├── embedding_table_cpu.hpp │ ├── reference_embedding.cu │ ├── reference_embedding.hpp │ ├── test_compress_offset.cpp │ ├── test_embedding_collection_load_dump.cpp │ ├── test_embedding_collection_v2.cu │ ├── test_embedding_table.cpp │ └── test_embedding_table_optimizer.cpp │ ├── io │ ├── CMakeLists.txt │ ├── file_loader_test.cpp │ ├── gcs_backend_test.cpp │ ├── hdfs_backend_test.cpp │ ├── local_fs_test.cpp │ └── s3_backend_test.cpp │ ├── layers │ └── CMakeLists.txt │ ├── loss │ ├── CMakeLists.txt │ ├── loss_test.cpp │ ├── loss_with_regularizer_test.cpp │ └── multi_cross_entropy_loss_test.cpp │ ├── metrics │ ├── CMakeLists.txt │ ├── auc_test.cpp │ ├── averageloss_test.cpp │ └── python_sklearn.py │ ├── misc │ ├── CMakeLists.txt │ └── shuffle_test.cu │ ├── network │ ├── CMakeLists.txt │ └── network_build_test.cpp │ ├── optimizer │ ├── CMakeLists.txt │ ├── optimizer_cpu.hpp │ └── optimizer_test.cpp │ ├── pipeline │ ├── CMakeLists.txt │ └── pipeline_test.cu │ ├── prims │ ├── CMakeLists.txt │ ├── matrix_vector_op.cu │ ├── matrix_vector_op.h │ ├── reduce.cu │ └── reduce.h │ ├── regularizers │ ├── CMakeLists.txt │ ├── l1_regularizer_test.cpp │ ├── l2_regularizer_test.cpp │ ├── regularizer_test_common.cpp │ └── regularizer_test_common.hpp │ ├── resource_manager │ ├── CMakeLists.txt │ └── resource_manager_test.cpp │ ├── simple_inference_config.json │ ├── simple_sparse_embedding_fp16.json │ ├── simple_sparse_embedding_fp32.json │ ├── simple_sparse_embedding_sgd.json │ └── test_utils.hpp ├── third_party ├── CMakeLists.txt └── dynamic_embedding_table │ ├── cuCollections │ └── include │ │ └── cuco │ │ ├── detail │ │ ├── dynamic_map.inl │ │ ├── dynamic_map_kernels.cuh │ │ ├── error.hpp │ │ ├── hash_functions.cuh │ │ ├── insert_result.cuh │ │ ├── iterator.cuh │ │ ├── lock.cuh │ │ ├── pair.cuh │ │ ├── static_map.inl │ │ ├── static_map_kernels.cuh │ │ └── utils.cuh │ │ ├── dynamic_map.cuh │ │ ├── initializer.cuh │ │ └── static_map.cuh │ ├── dynamic_embedding_table.cu │ └── dynamic_embedding_table.hpp ├── tools ├── CMakeLists.txt ├── criteo_predict │ ├── criteo2predict.py │ ├── dcn_data.json │ └── wdl_data.json ├── criteo_script │ ├── README.md │ └── preprocess_nvt.py ├── data_generator │ └── dcn_parquet_generate_train.py ├── data_source │ └── test_data_source.py ├── dlrm_script │ ├── CMakeLists.txt │ ├── dlrm_raw.cu │ ├── dlrm_raw_utils.hpp │ └── hash │ │ ├── concurrent_unordered_map.cuh │ │ ├── hash_allocator.cuh │ │ ├── hash_constants.hpp │ │ ├── helper_functions.cuh │ │ └── managed.cuh ├── dockerfiles │ ├── Dockerfile.base │ ├── Dockerfile.optimized │ ├── Dockerfile.sok1 │ ├── Dockerfile.thirdparties │ ├── README.md │ ├── dockerfile.ctr │ └── support_matrix.md ├── embedding_workspace_calculator │ ├── README.md │ └── cal_vocabulary_size_per_gpu_and_workspace_size_per_gpu.py ├── model_generation │ └── embedding_gen.py ├── preprocess.sh └── raw_script │ ├── CMakeLists.txt │ └── criteo2raw.cpp └── tutorial └── multinode-training ├── Multinode Training with HugeCTR.md ├── README.md ├── config_DGX1.sh ├── config_DGXA100.sh ├── config_ib_device.sh └── run_multinode.sh /.clang-format: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/.clang-format -------------------------------------------------------------------------------- /.codespellrc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/.codespellrc -------------------------------------------------------------------------------- /.flake8_nb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/.flake8_nb -------------------------------------------------------------------------------- /.github/ISSUE_TEMPLATE/bug_report.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/.github/ISSUE_TEMPLATE/bug_report.md -------------------------------------------------------------------------------- /.github/ISSUE_TEMPLATE/feature_request.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/.github/ISSUE_TEMPLATE/feature_request.md -------------------------------------------------------------------------------- /.github/ISSUE_TEMPLATE/question.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/.github/ISSUE_TEMPLATE/question.md -------------------------------------------------------------------------------- /.github/workflows/docs-build.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/.github/workflows/docs-build.yaml -------------------------------------------------------------------------------- /.github/workflows/docs-preview-pr.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/.github/workflows/docs-preview-pr.yaml -------------------------------------------------------------------------------- /.github/workflows/docs-remove-stale-reviews.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/.github/workflows/docs-remove-stale-reviews.yaml -------------------------------------------------------------------------------- /.github/workflows/docs-sched-rebuild.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/.github/workflows/docs-sched-rebuild.yaml -------------------------------------------------------------------------------- /.github/workflows/triage.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/.github/workflows/triage.yml -------------------------------------------------------------------------------- /.gitignore: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/.gitignore -------------------------------------------------------------------------------- /.gitmodules: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/.gitmodules -------------------------------------------------------------------------------- /.pre-commit-config.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/.pre-commit-config.yaml -------------------------------------------------------------------------------- /CMakeLists.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/CMakeLists.txt -------------------------------------------------------------------------------- /Doxyfile: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/Doxyfile -------------------------------------------------------------------------------- /HugeCTR/core/core.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/HugeCTR/core/core.hpp -------------------------------------------------------------------------------- /HugeCTR/core/datatype.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/HugeCTR/core/datatype.hpp -------------------------------------------------------------------------------- /HugeCTR/core/hctr_impl/hctr_backend.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/HugeCTR/core/hctr_impl/hctr_backend.hpp -------------------------------------------------------------------------------- /HugeCTR/core/macro.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/HugeCTR/core/macro.hpp -------------------------------------------------------------------------------- /HugeCTR/core/memory.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/HugeCTR/core/memory.hpp -------------------------------------------------------------------------------- /HugeCTR/core23/CMakeLists.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/HugeCTR/core23/CMakeLists.txt -------------------------------------------------------------------------------- /HugeCTR/core23/allocator.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/HugeCTR/core23/allocator.hpp -------------------------------------------------------------------------------- /HugeCTR/core23/allocator_factory.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/HugeCTR/core23/allocator_factory.cpp -------------------------------------------------------------------------------- /HugeCTR/core23/allocator_factory.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/HugeCTR/core23/allocator_factory.hpp -------------------------------------------------------------------------------- /HugeCTR/core23/allocator_params.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/HugeCTR/core23/allocator_params.cpp -------------------------------------------------------------------------------- /HugeCTR/core23/allocator_params.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/HugeCTR/core23/allocator_params.hpp -------------------------------------------------------------------------------- /HugeCTR/core23/buffer.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/HugeCTR/core23/buffer.cpp -------------------------------------------------------------------------------- /HugeCTR/core23/buffer.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/HugeCTR/core23/buffer.hpp -------------------------------------------------------------------------------- /HugeCTR/core23/buffer_channel.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/HugeCTR/core23/buffer_channel.cpp -------------------------------------------------------------------------------- /HugeCTR/core23/buffer_channel.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/HugeCTR/core23/buffer_channel.hpp -------------------------------------------------------------------------------- /HugeCTR/core23/buffer_channel_helpers.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/HugeCTR/core23/buffer_channel_helpers.cpp -------------------------------------------------------------------------------- /HugeCTR/core23/buffer_channel_helpers.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/HugeCTR/core23/buffer_channel_helpers.hpp -------------------------------------------------------------------------------- /HugeCTR/core23/buffer_client.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/HugeCTR/core23/buffer_client.cpp -------------------------------------------------------------------------------- /HugeCTR/core23/buffer_client.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/HugeCTR/core23/buffer_client.hpp -------------------------------------------------------------------------------- /HugeCTR/core23/buffer_factory.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/HugeCTR/core23/buffer_factory.cpp -------------------------------------------------------------------------------- /HugeCTR/core23/buffer_factory.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/HugeCTR/core23/buffer_factory.hpp -------------------------------------------------------------------------------- /HugeCTR/core23/buffer_params.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/HugeCTR/core23/buffer_params.cpp -------------------------------------------------------------------------------- /HugeCTR/core23/buffer_params.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/HugeCTR/core23/buffer_params.hpp -------------------------------------------------------------------------------- /HugeCTR/core23/buffer_requirements.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/HugeCTR/core23/buffer_requirements.hpp -------------------------------------------------------------------------------- /HugeCTR/core23/cuda_primitives.cuh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/HugeCTR/core23/cuda_primitives.cuh -------------------------------------------------------------------------------- /HugeCTR/core23/cuda_stream.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/HugeCTR/core23/cuda_stream.hpp -------------------------------------------------------------------------------- /HugeCTR/core23/curand_generator.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/HugeCTR/core23/curand_generator.hpp -------------------------------------------------------------------------------- /HugeCTR/core23/data_type.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/HugeCTR/core23/data_type.cpp -------------------------------------------------------------------------------- /HugeCTR/core23/data_type.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/HugeCTR/core23/data_type.hpp -------------------------------------------------------------------------------- /HugeCTR/core23/data_type_helpers.cuh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/HugeCTR/core23/data_type_helpers.cuh -------------------------------------------------------------------------------- /HugeCTR/core23/details/confederal_buffer.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/HugeCTR/core23/details/confederal_buffer.cpp -------------------------------------------------------------------------------- /HugeCTR/core23/details/confederal_buffer.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/HugeCTR/core23/details/confederal_buffer.hpp -------------------------------------------------------------------------------- /HugeCTR/core23/details/host_launch_helpers.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/HugeCTR/core23/details/host_launch_helpers.cpp -------------------------------------------------------------------------------- /HugeCTR/core23/details/host_launch_helpers.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/HugeCTR/core23/details/host_launch_helpers.hpp -------------------------------------------------------------------------------- /HugeCTR/core23/details/low_level_cuda_allocator.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/HugeCTR/core23/details/low_level_cuda_allocator.cpp -------------------------------------------------------------------------------- /HugeCTR/core23/details/low_level_cuda_allocator.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/HugeCTR/core23/details/low_level_cuda_allocator.hpp -------------------------------------------------------------------------------- /HugeCTR/core23/details/managed_cuda_allocator.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/HugeCTR/core23/details/managed_cuda_allocator.cpp -------------------------------------------------------------------------------- /HugeCTR/core23/details/managed_cuda_allocator.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/HugeCTR/core23/details/managed_cuda_allocator.hpp -------------------------------------------------------------------------------- /HugeCTR/core23/details/new_delete_allocator.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/HugeCTR/core23/details/new_delete_allocator.cpp -------------------------------------------------------------------------------- /HugeCTR/core23/details/new_delete_allocator.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/HugeCTR/core23/details/new_delete_allocator.hpp -------------------------------------------------------------------------------- /HugeCTR/core23/details/pinned_host_allocator.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/HugeCTR/core23/details/pinned_host_allocator.cpp -------------------------------------------------------------------------------- /HugeCTR/core23/details/pinned_host_allocator.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/HugeCTR/core23/details/pinned_host_allocator.hpp -------------------------------------------------------------------------------- /HugeCTR/core23/details/pool_cuda_allocator.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/HugeCTR/core23/details/pool_cuda_allocator.cpp -------------------------------------------------------------------------------- /HugeCTR/core23/details/pool_cuda_allocator.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/HugeCTR/core23/details/pool_cuda_allocator.hpp -------------------------------------------------------------------------------- /HugeCTR/core23/details/simple_cuda_allocator.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/HugeCTR/core23/details/simple_cuda_allocator.cpp -------------------------------------------------------------------------------- /HugeCTR/core23/details/simple_cuda_allocator.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/HugeCTR/core23/details/simple_cuda_allocator.hpp -------------------------------------------------------------------------------- /HugeCTR/core23/details/tensor_helpers.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/HugeCTR/core23/details/tensor_helpers.cpp -------------------------------------------------------------------------------- /HugeCTR/core23/details/tensor_helpers.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/HugeCTR/core23/details/tensor_helpers.hpp -------------------------------------------------------------------------------- /HugeCTR/core23/details/tensor_impl.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/HugeCTR/core23/details/tensor_impl.cpp -------------------------------------------------------------------------------- /HugeCTR/core23/details/tensor_impl.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/HugeCTR/core23/details/tensor_impl.hpp -------------------------------------------------------------------------------- /HugeCTR/core23/details/unitary_buffer.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/HugeCTR/core23/details/unitary_buffer.cpp -------------------------------------------------------------------------------- /HugeCTR/core23/details/unitary_buffer.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/HugeCTR/core23/details/unitary_buffer.hpp -------------------------------------------------------------------------------- /HugeCTR/core23/device.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/HugeCTR/core23/device.cpp -------------------------------------------------------------------------------- /HugeCTR/core23/device.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/HugeCTR/core23/device.hpp -------------------------------------------------------------------------------- /HugeCTR/core23/device_guard.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/HugeCTR/core23/device_guard.cpp -------------------------------------------------------------------------------- /HugeCTR/core23/device_guard.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/HugeCTR/core23/device_guard.hpp -------------------------------------------------------------------------------- /HugeCTR/core23/device_type.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/HugeCTR/core23/device_type.cpp -------------------------------------------------------------------------------- /HugeCTR/core23/device_type.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/HugeCTR/core23/device_type.hpp -------------------------------------------------------------------------------- /HugeCTR/core23/error.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/HugeCTR/core23/error.hpp -------------------------------------------------------------------------------- /HugeCTR/core23/kernel_params.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/HugeCTR/core23/kernel_params.cpp -------------------------------------------------------------------------------- /HugeCTR/core23/kernel_params.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/HugeCTR/core23/kernel_params.hpp -------------------------------------------------------------------------------- /HugeCTR/core23/logger.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/HugeCTR/core23/logger.cpp -------------------------------------------------------------------------------- /HugeCTR/core23/logger.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/HugeCTR/core23/logger.hpp -------------------------------------------------------------------------------- /HugeCTR/core23/low_level_primitives.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/HugeCTR/core23/low_level_primitives.cpp -------------------------------------------------------------------------------- /HugeCTR/core23/low_level_primitives.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/HugeCTR/core23/low_level_primitives.cu -------------------------------------------------------------------------------- /HugeCTR/core23/low_level_primitives.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/HugeCTR/core23/low_level_primitives.hpp -------------------------------------------------------------------------------- /HugeCTR/core23/macros.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/HugeCTR/core23/macros.hpp -------------------------------------------------------------------------------- /HugeCTR/core23/mpi_init_service.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/HugeCTR/core23/mpi_init_service.cpp -------------------------------------------------------------------------------- /HugeCTR/core23/mpi_init_service.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/HugeCTR/core23/mpi_init_service.hpp -------------------------------------------------------------------------------- /HugeCTR/core23/offsetted_buffer.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/HugeCTR/core23/offsetted_buffer.cpp -------------------------------------------------------------------------------- /HugeCTR/core23/offsetted_buffer.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/HugeCTR/core23/offsetted_buffer.hpp -------------------------------------------------------------------------------- /HugeCTR/core23/registry.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/HugeCTR/core23/registry.hpp -------------------------------------------------------------------------------- /HugeCTR/core23/shape.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/HugeCTR/core23/shape.cpp -------------------------------------------------------------------------------- /HugeCTR/core23/shape.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/HugeCTR/core23/shape.hpp -------------------------------------------------------------------------------- /HugeCTR/core23/tensor.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/HugeCTR/core23/tensor.cpp -------------------------------------------------------------------------------- /HugeCTR/core23/tensor.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/HugeCTR/core23/tensor.hpp -------------------------------------------------------------------------------- /HugeCTR/core23/tensor_container.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/HugeCTR/core23/tensor_container.hpp -------------------------------------------------------------------------------- /HugeCTR/core23/tensor_operations.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/HugeCTR/core23/tensor_operations.cpp -------------------------------------------------------------------------------- /HugeCTR/core23/tensor_operations.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/HugeCTR/core23/tensor_operations.hpp -------------------------------------------------------------------------------- /HugeCTR/core23/tensor_params.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/HugeCTR/core23/tensor_params.hpp -------------------------------------------------------------------------------- /HugeCTR/core23/tensor_view.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/HugeCTR/core23/tensor_view.hpp -------------------------------------------------------------------------------- /HugeCTR/embedding/CMakeLists.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/HugeCTR/embedding/CMakeLists.txt -------------------------------------------------------------------------------- /HugeCTR/embedding/all2all_embedding_collection.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/HugeCTR/embedding/all2all_embedding_collection.cu -------------------------------------------------------------------------------- /HugeCTR/embedding/all2all_embedding_collection.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/HugeCTR/embedding/all2all_embedding_collection.hpp -------------------------------------------------------------------------------- /HugeCTR/embedding/common.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/HugeCTR/embedding/common.cpp -------------------------------------------------------------------------------- /HugeCTR/embedding/common.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/HugeCTR/embedding/common.hpp -------------------------------------------------------------------------------- /HugeCTR/embedding/data_parallel_embedding.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/HugeCTR/embedding/data_parallel_embedding.cpp -------------------------------------------------------------------------------- /HugeCTR/embedding/data_parallel_embedding.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/HugeCTR/embedding/data_parallel_embedding.hpp -------------------------------------------------------------------------------- /HugeCTR/embedding/dense_model_parallel_embedding.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/HugeCTR/embedding/dense_model_parallel_embedding.cpp -------------------------------------------------------------------------------- /HugeCTR/embedding/dense_model_parallel_embedding.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/HugeCTR/embedding/dense_model_parallel_embedding.hpp -------------------------------------------------------------------------------- /HugeCTR/embedding/embedding.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/HugeCTR/embedding/embedding.cpp -------------------------------------------------------------------------------- /HugeCTR/embedding/embedding.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/HugeCTR/embedding/embedding.hpp -------------------------------------------------------------------------------- /HugeCTR/embedding/embedding_table.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/HugeCTR/embedding/embedding_table.hpp -------------------------------------------------------------------------------- /HugeCTR/embedding/gpu_barrier/gpu_barrier.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/HugeCTR/embedding/gpu_barrier/gpu_barrier.cu -------------------------------------------------------------------------------- /HugeCTR/embedding/gpu_barrier/gpu_barrier.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/HugeCTR/embedding/gpu_barrier/gpu_barrier.hpp -------------------------------------------------------------------------------- /HugeCTR/embedding/hier_model_parallel_embedding.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/HugeCTR/embedding/hier_model_parallel_embedding.cpp -------------------------------------------------------------------------------- /HugeCTR/embedding/hier_model_parallel_embedding.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/HugeCTR/embedding/hier_model_parallel_embedding.hpp -------------------------------------------------------------------------------- /HugeCTR/embedding/model_parallel_embedding.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/HugeCTR/embedding/model_parallel_embedding.cpp -------------------------------------------------------------------------------- /HugeCTR/embedding/model_parallel_embedding.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/HugeCTR/embedding/model_parallel_embedding.hpp -------------------------------------------------------------------------------- /HugeCTR/embedding/operators/communication.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/HugeCTR/embedding/operators/communication.cpp -------------------------------------------------------------------------------- /HugeCTR/embedding/operators/communication.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/HugeCTR/embedding/operators/communication.hpp -------------------------------------------------------------------------------- /HugeCTR/embedding/operators/compress_offset.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/HugeCTR/embedding/operators/compress_offset.cu -------------------------------------------------------------------------------- /HugeCTR/embedding/operators/compress_offset.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/HugeCTR/embedding/operators/compress_offset.hpp -------------------------------------------------------------------------------- /HugeCTR/embedding/operators/dp_index_calculation.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/HugeCTR/embedding/operators/dp_index_calculation.cu -------------------------------------------------------------------------------- /HugeCTR/embedding/operators/dp_index_calculation.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/HugeCTR/embedding/operators/dp_index_calculation.hpp -------------------------------------------------------------------------------- /HugeCTR/embedding/operators/generic_lookup.cuh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/HugeCTR/embedding/operators/generic_lookup.cuh -------------------------------------------------------------------------------- /HugeCTR/embedding/operators/hier_model_backward.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/HugeCTR/embedding/operators/hier_model_backward.cu -------------------------------------------------------------------------------- /HugeCTR/embedding/operators/hier_model_backward.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/HugeCTR/embedding/operators/hier_model_backward.hpp -------------------------------------------------------------------------------- /HugeCTR/embedding/operators/hier_model_forward.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/HugeCTR/embedding/operators/hier_model_forward.cu -------------------------------------------------------------------------------- /HugeCTR/embedding/operators/hier_model_forward.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/HugeCTR/embedding/operators/hier_model_forward.hpp -------------------------------------------------------------------------------- /HugeCTR/embedding/operators/index_calculation.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/HugeCTR/embedding/operators/index_calculation.cu -------------------------------------------------------------------------------- /HugeCTR/embedding/operators/index_calculation.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/HugeCTR/embedding/operators/index_calculation.hpp -------------------------------------------------------------------------------- /HugeCTR/embedding/operators/keys_to_indices.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/HugeCTR/embedding/operators/keys_to_indices.cu -------------------------------------------------------------------------------- /HugeCTR/embedding/operators/keys_to_indices.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/HugeCTR/embedding/operators/keys_to_indices.hpp -------------------------------------------------------------------------------- /HugeCTR/embedding/operators/model_backward.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/HugeCTR/embedding/operators/model_backward.cu -------------------------------------------------------------------------------- /HugeCTR/embedding/operators/model_backward.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/HugeCTR/embedding/operators/model_backward.hpp -------------------------------------------------------------------------------- /HugeCTR/embedding/operators/model_forward.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/HugeCTR/embedding/operators/model_forward.cu -------------------------------------------------------------------------------- /HugeCTR/embedding/operators/model_forward.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/HugeCTR/embedding/operators/model_forward.hpp -------------------------------------------------------------------------------- /HugeCTR/embedding/operators/mp_index_calculation.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/HugeCTR/embedding/operators/mp_index_calculation.cu -------------------------------------------------------------------------------- /HugeCTR/embedding/operators/mp_index_calculation.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/HugeCTR/embedding/operators/mp_index_calculation.hpp -------------------------------------------------------------------------------- /HugeCTR/embedding/operators/multi_to_one_reduce.cuh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/HugeCTR/embedding/operators/multi_to_one_reduce.cuh -------------------------------------------------------------------------------- /HugeCTR/embedding/operators/network_backward.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/HugeCTR/embedding/operators/network_backward.cu -------------------------------------------------------------------------------- /HugeCTR/embedding/operators/network_backward.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/HugeCTR/embedding/operators/network_backward.hpp -------------------------------------------------------------------------------- /HugeCTR/embedding/operators/network_forward.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/HugeCTR/embedding/operators/network_forward.cu -------------------------------------------------------------------------------- /HugeCTR/embedding/operators/network_forward.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/HugeCTR/embedding/operators/network_forward.hpp -------------------------------------------------------------------------------- /HugeCTR/embedding/operators/transpose_input.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/HugeCTR/embedding/operators/transpose_input.cu -------------------------------------------------------------------------------- /HugeCTR/embedding/operators/transpose_input.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/HugeCTR/embedding/operators/transpose_input.hpp -------------------------------------------------------------------------------- /HugeCTR/embedding/operators/unique_op.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/HugeCTR/embedding/operators/unique_op.cu -------------------------------------------------------------------------------- /HugeCTR/embedding/operators/unique_op.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/HugeCTR/embedding/operators/unique_op.hpp -------------------------------------------------------------------------------- /HugeCTR/embedding/operators/weighted_model_forward.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/HugeCTR/embedding/operators/weighted_model_forward.cu -------------------------------------------------------------------------------- /HugeCTR/embedding/view.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/HugeCTR/embedding/view.hpp -------------------------------------------------------------------------------- /HugeCTR/embedding_storage/common.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/HugeCTR/embedding_storage/common.hpp -------------------------------------------------------------------------------- /HugeCTR/embedding_storage/dynamic_embedding.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/HugeCTR/embedding_storage/dynamic_embedding.cu -------------------------------------------------------------------------------- /HugeCTR/embedding_storage/dynamic_embedding.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/HugeCTR/embedding_storage/dynamic_embedding.hpp -------------------------------------------------------------------------------- /HugeCTR/embedding_storage/dynamic_embedding_cpu.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/HugeCTR/embedding_storage/dynamic_embedding_cpu.hpp -------------------------------------------------------------------------------- /HugeCTR/embedding_storage/embedding_table.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/HugeCTR/embedding_storage/embedding_table.cpp -------------------------------------------------------------------------------- /HugeCTR/embedding_storage/embedding_table.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/HugeCTR/embedding_storage/embedding_table.hpp -------------------------------------------------------------------------------- /HugeCTR/embedding_storage/optimizers.cuh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/HugeCTR/embedding_storage/optimizers.cuh -------------------------------------------------------------------------------- /HugeCTR/embedding_storage/optimizers.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/HugeCTR/embedding_storage/optimizers.hpp -------------------------------------------------------------------------------- /HugeCTR/embedding_storage/ragged_static_embedding.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/HugeCTR/embedding_storage/ragged_static_embedding.cu -------------------------------------------------------------------------------- /HugeCTR/embedding_storage/ragged_static_embedding.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/HugeCTR/embedding_storage/ragged_static_embedding.hpp -------------------------------------------------------------------------------- /HugeCTR/embedding_storage/weight_io/data_info.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/HugeCTR/embedding_storage/weight_io/data_info.hpp -------------------------------------------------------------------------------- /HugeCTR/embedding_storage/weight_io/fs_interface.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/HugeCTR/embedding_storage/weight_io/fs_interface.cpp -------------------------------------------------------------------------------- /HugeCTR/embedding_storage/weight_io/fs_interface.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/HugeCTR/embedding_storage/weight_io/fs_interface.hpp -------------------------------------------------------------------------------- /HugeCTR/embedding_storage/weight_io/parameter_IO.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/HugeCTR/embedding_storage/weight_io/parameter_IO.cpp -------------------------------------------------------------------------------- /HugeCTR/embedding_storage/weight_io/parameter_IO.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/HugeCTR/embedding_storage/weight_io/parameter_IO.hpp -------------------------------------------------------------------------------- /HugeCTR/include/base/debug/cuda_debugging.cuh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/HugeCTR/include/base/debug/cuda_debugging.cuh -------------------------------------------------------------------------------- /HugeCTR/include/base/debug/cuda_debugging.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/HugeCTR/include/base/debug/cuda_debugging.hpp -------------------------------------------------------------------------------- /HugeCTR/include/collectives/all_reduce_comm.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/HugeCTR/include/collectives/all_reduce_comm.hpp -------------------------------------------------------------------------------- /HugeCTR/include/collectives/collective.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/HugeCTR/include/collectives/collective.hpp -------------------------------------------------------------------------------- /HugeCTR/include/collectives/ib_comm.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/HugeCTR/include/collectives/ib_comm.hpp -------------------------------------------------------------------------------- /HugeCTR/include/collectives/ib_proxy.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/HugeCTR/include/collectives/ib_proxy.hpp -------------------------------------------------------------------------------- /HugeCTR/include/common.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/HugeCTR/include/common.hpp -------------------------------------------------------------------------------- /HugeCTR/include/config.hpp.in: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/HugeCTR/include/config.hpp.in -------------------------------------------------------------------------------- /HugeCTR/include/core23_helper.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/HugeCTR/include/core23_helper.hpp -------------------------------------------------------------------------------- /HugeCTR/include/core23_network.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/HugeCTR/include/core23_network.hpp -------------------------------------------------------------------------------- /HugeCTR/include/core23_wrapper.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/HugeCTR/include/core23_wrapper.hpp -------------------------------------------------------------------------------- /HugeCTR/include/cpu_resource.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/HugeCTR/include/cpu_resource.hpp -------------------------------------------------------------------------------- /HugeCTR/include/data_frame_prefetch_buffer.cpp: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /HugeCTR/include/data_generator.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/HugeCTR/include/data_generator.hpp -------------------------------------------------------------------------------- /HugeCTR/include/data_reader.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/HugeCTR/include/data_reader.hpp -------------------------------------------------------------------------------- /HugeCTR/include/data_readers/check_none.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/HugeCTR/include/data_readers/check_none.hpp -------------------------------------------------------------------------------- /HugeCTR/include/data_readers/check_sum.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/HugeCTR/include/data_readers/check_sum.hpp -------------------------------------------------------------------------------- /HugeCTR/include/data_readers/checker.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/HugeCTR/include/data_readers/checker.hpp -------------------------------------------------------------------------------- /HugeCTR/include/data_readers/csr23.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/HugeCTR/include/data_readers/csr23.hpp -------------------------------------------------------------------------------- /HugeCTR/include/data_readers/data_collector.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/HugeCTR/include/data_readers/data_collector.hpp -------------------------------------------------------------------------------- /HugeCTR/include/data_readers/data_reader.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/HugeCTR/include/data_readers/data_reader.hpp -------------------------------------------------------------------------------- /HugeCTR/include/data_readers/data_reader_common.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/HugeCTR/include/data_readers/data_reader_common.hpp -------------------------------------------------------------------------------- /HugeCTR/include/data_readers/dataframe_container.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/HugeCTR/include/data_readers/dataframe_container.hpp -------------------------------------------------------------------------------- /HugeCTR/include/data_readers/file_list.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/HugeCTR/include/data_readers/file_list.hpp -------------------------------------------------------------------------------- /HugeCTR/include/data_readers/file_source.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/HugeCTR/include/data_readers/file_source.hpp -------------------------------------------------------------------------------- /HugeCTR/include/data_readers/file_source_parquet.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/HugeCTR/include/data_readers/file_source_parquet.hpp -------------------------------------------------------------------------------- /HugeCTR/include/data_readers/metadata.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/HugeCTR/include/data_readers/metadata.hpp -------------------------------------------------------------------------------- /HugeCTR/include/data_readers/source.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/HugeCTR/include/data_readers/source.hpp -------------------------------------------------------------------------------- /HugeCTR/include/data_simulator.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/HugeCTR/include/data_simulator.hpp -------------------------------------------------------------------------------- /HugeCTR/include/device_map.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/HugeCTR/include/device_map.hpp -------------------------------------------------------------------------------- /HugeCTR/include/diagnose.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/HugeCTR/include/diagnose.hpp -------------------------------------------------------------------------------- /HugeCTR/include/embedding.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/HugeCTR/include/embedding.hpp -------------------------------------------------------------------------------- /HugeCTR/include/embeddings/all2all_hierarchical.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/HugeCTR/include/embeddings/all2all_hierarchical.hpp -------------------------------------------------------------------------------- /HugeCTR/include/embeddings/embedding_collection.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/HugeCTR/include/embeddings/embedding_collection.hpp -------------------------------------------------------------------------------- /HugeCTR/include/embeddings/embedding_data.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/HugeCTR/include/embeddings/embedding_data.hpp -------------------------------------------------------------------------------- /HugeCTR/include/exchange_wgrad.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/HugeCTR/include/exchange_wgrad.hpp -------------------------------------------------------------------------------- /HugeCTR/include/general_buffer2.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/HugeCTR/include/general_buffer2.hpp -------------------------------------------------------------------------------- /HugeCTR/include/gpu_barrier.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/HugeCTR/include/gpu_barrier.hpp -------------------------------------------------------------------------------- /HugeCTR/include/gpu_learning_rate_scheduler.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/HugeCTR/include/gpu_learning_rate_scheduler.hpp -------------------------------------------------------------------------------- /HugeCTR/include/gpu_resource.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/HugeCTR/include/gpu_resource.hpp -------------------------------------------------------------------------------- /HugeCTR/include/graph_wrapper.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/HugeCTR/include/graph_wrapper.hpp -------------------------------------------------------------------------------- /HugeCTR/include/hashtable/cudf/LICENSE: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/HugeCTR/include/hashtable/cudf/LICENSE -------------------------------------------------------------------------------- /HugeCTR/include/hashtable/cudf/hash_functions.cuh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/HugeCTR/include/hashtable/cudf/hash_functions.cuh -------------------------------------------------------------------------------- /HugeCTR/include/hashtable/cudf/managed.cuh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/HugeCTR/include/hashtable/cudf/managed.cuh -------------------------------------------------------------------------------- /HugeCTR/include/hashtable/cudf/managed_allocator.cuh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/HugeCTR/include/hashtable/cudf/managed_allocator.cuh -------------------------------------------------------------------------------- /HugeCTR/include/hashtable/nv_hashtable.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/HugeCTR/include/hashtable/nv_hashtable.hpp -------------------------------------------------------------------------------- /HugeCTR/include/inference/preallocated_buffer2.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/HugeCTR/include/inference/preallocated_buffer2.hpp -------------------------------------------------------------------------------- /HugeCTR/include/inference_key_generator.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/HugeCTR/include/inference_key_generator.hpp -------------------------------------------------------------------------------- /HugeCTR/include/io/file_loader.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/HugeCTR/include/io/file_loader.hpp -------------------------------------------------------------------------------- /HugeCTR/include/io/filesystem.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/HugeCTR/include/io/filesystem.hpp -------------------------------------------------------------------------------- /HugeCTR/include/io/gcs_filesystem.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/HugeCTR/include/io/gcs_filesystem.hpp -------------------------------------------------------------------------------- /HugeCTR/include/io/hadoop_filesystem.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/HugeCTR/include/io/hadoop_filesystem.hpp -------------------------------------------------------------------------------- /HugeCTR/include/io/io_utils.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/HugeCTR/include/io/io_utils.hpp -------------------------------------------------------------------------------- /HugeCTR/include/io/local_filesystem.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/HugeCTR/include/io/local_filesystem.hpp -------------------------------------------------------------------------------- /HugeCTR/include/io/s3_filesystem.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/HugeCTR/include/io/s3_filesystem.hpp -------------------------------------------------------------------------------- /HugeCTR/include/io/s3_utils.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/HugeCTR/include/io/s3_utils.hpp -------------------------------------------------------------------------------- /HugeCTR/include/layer.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/HugeCTR/include/layer.hpp -------------------------------------------------------------------------------- /HugeCTR/include/layers/add_layer.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/HugeCTR/include/layers/add_layer.hpp -------------------------------------------------------------------------------- /HugeCTR/include/layers/batch_norm_layer.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/HugeCTR/include/layers/batch_norm_layer.hpp -------------------------------------------------------------------------------- /HugeCTR/include/layers/cast_layer.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/HugeCTR/include/layers/cast_layer.hpp -------------------------------------------------------------------------------- /HugeCTR/include/layers/concat_3d_layer.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/HugeCTR/include/layers/concat_3d_layer.hpp -------------------------------------------------------------------------------- /HugeCTR/include/layers/concat_layer.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/HugeCTR/include/layers/concat_layer.hpp -------------------------------------------------------------------------------- /HugeCTR/include/layers/dropout_layer.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/HugeCTR/include/layers/dropout_layer.hpp -------------------------------------------------------------------------------- /HugeCTR/include/layers/elementwise_multiply_layer.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/HugeCTR/include/layers/elementwise_multiply_layer.hpp -------------------------------------------------------------------------------- /HugeCTR/include/layers/elu_layer.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/HugeCTR/include/layers/elu_layer.hpp -------------------------------------------------------------------------------- /HugeCTR/include/layers/fm_order2_layer.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/HugeCTR/include/layers/fm_order2_layer.hpp -------------------------------------------------------------------------------- /HugeCTR/include/layers/fully_connected_layer.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/HugeCTR/include/layers/fully_connected_layer.hpp -------------------------------------------------------------------------------- /HugeCTR/include/layers/fully_connected_layer_half.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/HugeCTR/include/layers/fully_connected_layer_half.hpp -------------------------------------------------------------------------------- /HugeCTR/include/layers/fused_reshape_concat_layer.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/HugeCTR/include/layers/fused_reshape_concat_layer.hpp -------------------------------------------------------------------------------- /HugeCTR/include/layers/gather_layer.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/HugeCTR/include/layers/gather_layer.hpp -------------------------------------------------------------------------------- /HugeCTR/include/layers/gru_layer.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/HugeCTR/include/layers/gru_layer.hpp -------------------------------------------------------------------------------- /HugeCTR/include/layers/interaction_layer.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/HugeCTR/include/layers/interaction_layer.hpp -------------------------------------------------------------------------------- /HugeCTR/include/layers/layer_norm_layer.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/HugeCTR/include/layers/layer_norm_layer.hpp -------------------------------------------------------------------------------- /HugeCTR/include/layers/masked_softmax_layer.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/HugeCTR/include/layers/masked_softmax_layer.hpp -------------------------------------------------------------------------------- /HugeCTR/include/layers/matrix_multiply_layer.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/HugeCTR/include/layers/matrix_multiply_layer.hpp -------------------------------------------------------------------------------- /HugeCTR/include/layers/mlp_layer.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/HugeCTR/include/layers/mlp_layer.hpp -------------------------------------------------------------------------------- /HugeCTR/include/layers/multi_cross_layer.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/HugeCTR/include/layers/multi_cross_layer.hpp -------------------------------------------------------------------------------- /HugeCTR/include/layers/multi_head_attention_layer.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/HugeCTR/include/layers/multi_head_attention_layer.hpp -------------------------------------------------------------------------------- /HugeCTR/include/layers/prelu_dice_layer.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/HugeCTR/include/layers/prelu_dice_layer.hpp -------------------------------------------------------------------------------- /HugeCTR/include/layers/reduce_mean_layer.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/HugeCTR/include/layers/reduce_mean_layer.hpp -------------------------------------------------------------------------------- /HugeCTR/include/layers/reduce_sum_layer.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/HugeCTR/include/layers/reduce_sum_layer.hpp -------------------------------------------------------------------------------- /HugeCTR/include/layers/relu_layer.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/HugeCTR/include/layers/relu_layer.hpp -------------------------------------------------------------------------------- /HugeCTR/include/layers/reshape_layer.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/HugeCTR/include/layers/reshape_layer.hpp -------------------------------------------------------------------------------- /HugeCTR/include/layers/reshape_layer_v2.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/HugeCTR/include/layers/reshape_layer_v2.hpp -------------------------------------------------------------------------------- /HugeCTR/include/layers/scale_layer.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/HugeCTR/include/layers/scale_layer.hpp -------------------------------------------------------------------------------- /HugeCTR/include/layers/select_layer.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/HugeCTR/include/layers/select_layer.hpp -------------------------------------------------------------------------------- /HugeCTR/include/layers/sequence_mask_layer.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/HugeCTR/include/layers/sequence_mask_layer.hpp -------------------------------------------------------------------------------- /HugeCTR/include/layers/sigmoid_layer.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/HugeCTR/include/layers/sigmoid_layer.hpp -------------------------------------------------------------------------------- /HugeCTR/include/layers/slice_layer.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/HugeCTR/include/layers/slice_layer.hpp -------------------------------------------------------------------------------- /HugeCTR/include/layers/softmax_layer.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/HugeCTR/include/layers/softmax_layer.hpp -------------------------------------------------------------------------------- /HugeCTR/include/layers/sub_layer.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/HugeCTR/include/layers/sub_layer.hpp -------------------------------------------------------------------------------- /HugeCTR/include/layers/weight_multiply_layer.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/HugeCTR/include/layers/weight_multiply_layer.hpp -------------------------------------------------------------------------------- /HugeCTR/include/learning_rate_scheduler.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/HugeCTR/include/learning_rate_scheduler.hpp -------------------------------------------------------------------------------- /HugeCTR/include/loss.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/HugeCTR/include/loss.hpp -------------------------------------------------------------------------------- /HugeCTR/include/metrics.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/HugeCTR/include/metrics.hpp -------------------------------------------------------------------------------- /HugeCTR/include/network_buffer_channels.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/HugeCTR/include/network_buffer_channels.hpp -------------------------------------------------------------------------------- /HugeCTR/include/network_helpers.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/HugeCTR/include/network_helpers.hpp -------------------------------------------------------------------------------- /HugeCTR/include/optimizer.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/HugeCTR/include/optimizer.hpp -------------------------------------------------------------------------------- /HugeCTR/include/optimizers/adagrad_optimizer.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/HugeCTR/include/optimizers/adagrad_optimizer.hpp -------------------------------------------------------------------------------- /HugeCTR/include/optimizers/adam_optimizer.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/HugeCTR/include/optimizers/adam_optimizer.hpp -------------------------------------------------------------------------------- /HugeCTR/include/optimizers/ftrl_optimizer.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/HugeCTR/include/optimizers/ftrl_optimizer.hpp -------------------------------------------------------------------------------- /HugeCTR/include/optimizers/momentum_sgd_optimizer.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/HugeCTR/include/optimizers/momentum_sgd_optimizer.hpp -------------------------------------------------------------------------------- /HugeCTR/include/optimizers/nesterov_optimizer.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/HugeCTR/include/optimizers/nesterov_optimizer.hpp -------------------------------------------------------------------------------- /HugeCTR/include/optimizers/sgd_optimizer.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/HugeCTR/include/optimizers/sgd_optimizer.hpp -------------------------------------------------------------------------------- /HugeCTR/include/parser.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/HugeCTR/include/parser.hpp -------------------------------------------------------------------------------- /HugeCTR/include/pipeline.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/HugeCTR/include/pipeline.hpp -------------------------------------------------------------------------------- /HugeCTR/include/prims/cuda_utils.cuh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/HugeCTR/include/prims/cuda_utils.cuh -------------------------------------------------------------------------------- /HugeCTR/include/prims/linalg/binary_op.cuh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/HugeCTR/include/prims/linalg/binary_op.cuh -------------------------------------------------------------------------------- /HugeCTR/include/prims/linalg/coalesced_reduction.cuh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/HugeCTR/include/prims/linalg/coalesced_reduction.cuh -------------------------------------------------------------------------------- /HugeCTR/include/prims/linalg/reduce.cuh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/HugeCTR/include/prims/linalg/reduce.cuh -------------------------------------------------------------------------------- /HugeCTR/include/prims/linalg/strided_reduction.cuh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/HugeCTR/include/prims/linalg/strided_reduction.cuh -------------------------------------------------------------------------------- /HugeCTR/include/pybind/add_dense_layer_helpers.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/HugeCTR/include/pybind/add_dense_layer_helpers.hpp -------------------------------------------------------------------------------- /HugeCTR/include/pybind/common_helpers.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/HugeCTR/include/pybind/common_helpers.hpp -------------------------------------------------------------------------------- /HugeCTR/include/pybind/common_wrapper.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/HugeCTR/include/pybind/common_wrapper.hpp -------------------------------------------------------------------------------- /HugeCTR/include/pybind/data_generator_wrapper.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/HugeCTR/include/pybind/data_generator_wrapper.hpp -------------------------------------------------------------------------------- /HugeCTR/include/pybind/data_reader_wrapper.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/HugeCTR/include/pybind/data_reader_wrapper.hpp -------------------------------------------------------------------------------- /HugeCTR/include/pybind/data_source_wrapper.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/HugeCTR/include/pybind/data_source_wrapper.hpp -------------------------------------------------------------------------------- /HugeCTR/include/pybind/model.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/HugeCTR/include/pybind/model.hpp -------------------------------------------------------------------------------- /HugeCTR/include/pybind/model_wrapper.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/HugeCTR/include/pybind/model_wrapper.hpp -------------------------------------------------------------------------------- /HugeCTR/include/pybind/optimizer_wrapper.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/HugeCTR/include/pybind/optimizer_wrapper.hpp -------------------------------------------------------------------------------- /HugeCTR/include/pybind/solver_wrapper.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/HugeCTR/include/pybind/solver_wrapper.hpp -------------------------------------------------------------------------------- /HugeCTR/include/pybind/training_callback.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/HugeCTR/include/pybind/training_callback.hpp -------------------------------------------------------------------------------- /HugeCTR/include/pybind/training_callback_wrapper.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/HugeCTR/include/pybind/training_callback_wrapper.hpp -------------------------------------------------------------------------------- /HugeCTR/include/regularizer.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/HugeCTR/include/regularizer.hpp -------------------------------------------------------------------------------- /HugeCTR/include/regularizer_factory.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/HugeCTR/include/regularizer_factory.hpp -------------------------------------------------------------------------------- /HugeCTR/include/regularizers/l1_regularizer.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/HugeCTR/include/regularizers/l1_regularizer.hpp -------------------------------------------------------------------------------- /HugeCTR/include/regularizers/l2_regularizer.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/HugeCTR/include/regularizers/l2_regularizer.hpp -------------------------------------------------------------------------------- /HugeCTR/include/regularizers/no_regularizer.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/HugeCTR/include/regularizers/no_regularizer.hpp -------------------------------------------------------------------------------- /HugeCTR/include/resource_manager.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/HugeCTR/include/resource_manager.hpp -------------------------------------------------------------------------------- /HugeCTR/include/resource_manager_base.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/HugeCTR/include/resource_manager_base.hpp -------------------------------------------------------------------------------- /HugeCTR/include/scheduleable.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/HugeCTR/include/scheduleable.hpp -------------------------------------------------------------------------------- /HugeCTR/include/shuffle/configs.cuh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/HugeCTR/include/shuffle/configs.cuh -------------------------------------------------------------------------------- /HugeCTR/include/shuffle/descriptors.cuh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/HugeCTR/include/shuffle/descriptors.cuh -------------------------------------------------------------------------------- /HugeCTR/include/shuffle/shuffle.cuh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/HugeCTR/include/shuffle/shuffle.cuh -------------------------------------------------------------------------------- /HugeCTR/include/shuffle/vector_conversion.cuh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/HugeCTR/include/shuffle/vector_conversion.cuh -------------------------------------------------------------------------------- /HugeCTR/include/sparse_tensor.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/HugeCTR/include/sparse_tensor.hpp -------------------------------------------------------------------------------- /HugeCTR/include/stream_event_manager.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/HugeCTR/include/stream_event_manager.hpp -------------------------------------------------------------------------------- /HugeCTR/include/tensor2.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/HugeCTR/include/tensor2.hpp -------------------------------------------------------------------------------- /HugeCTR/include/thread_pool.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/HugeCTR/include/thread_pool.hpp -------------------------------------------------------------------------------- /HugeCTR/include/trainable_layer.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/HugeCTR/include/trainable_layer.hpp -------------------------------------------------------------------------------- /HugeCTR/include/training_callback.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/HugeCTR/include/training_callback.hpp -------------------------------------------------------------------------------- /HugeCTR/include/utils.cuh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/HugeCTR/include/utils.cuh -------------------------------------------------------------------------------- /HugeCTR/include/utils.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/HugeCTR/include/utils.hpp -------------------------------------------------------------------------------- /HugeCTR/src/CMakeLists.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/HugeCTR/src/CMakeLists.txt -------------------------------------------------------------------------------- /HugeCTR/src/base/debug/cuda_debugging.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/HugeCTR/src/base/debug/cuda_debugging.cu -------------------------------------------------------------------------------- /HugeCTR/src/collectives/all_reduce_comm.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/HugeCTR/src/collectives/all_reduce_comm.cu -------------------------------------------------------------------------------- /HugeCTR/src/collectives/collective.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/HugeCTR/src/collectives/collective.cpp -------------------------------------------------------------------------------- /HugeCTR/src/collectives/ib_comm.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/HugeCTR/src/collectives/ib_comm.cu -------------------------------------------------------------------------------- /HugeCTR/src/collectives/ib_comm_ar.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/HugeCTR/src/collectives/ib_comm_ar.cu -------------------------------------------------------------------------------- /HugeCTR/src/collectives/ib_proxy.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/HugeCTR/src/collectives/ib_proxy.cpp -------------------------------------------------------------------------------- /HugeCTR/src/core23_network.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/HugeCTR/src/core23_network.cpp -------------------------------------------------------------------------------- /HugeCTR/src/cpu_resource.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/HugeCTR/src/cpu_resource.cpp -------------------------------------------------------------------------------- /HugeCTR/src/data_generator.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/HugeCTR/src/data_generator.cpp -------------------------------------------------------------------------------- /HugeCTR/src/data_readers/data_collector.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/HugeCTR/src/data_readers/data_collector.cpp -------------------------------------------------------------------------------- /HugeCTR/src/data_readers/data_collector.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/HugeCTR/src/data_readers/data_collector.cu -------------------------------------------------------------------------------- /HugeCTR/src/data_readers/data_reader.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/HugeCTR/src/data_readers/data_reader.cpp -------------------------------------------------------------------------------- /HugeCTR/src/data_readers/dataframe_container.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/HugeCTR/src/data_readers/dataframe_container.cu -------------------------------------------------------------------------------- /HugeCTR/src/data_readers/file_source_parquet.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/HugeCTR/src/data_readers/file_source_parquet.cpp -------------------------------------------------------------------------------- /HugeCTR/src/data_readers/metadata.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/HugeCTR/src/data_readers/metadata.cpp -------------------------------------------------------------------------------- /HugeCTR/src/data_readers/multi_hot/split_batch.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/HugeCTR/src/data_readers/multi_hot/split_batch.cu -------------------------------------------------------------------------------- /HugeCTR/src/data_readers/parquet_data_converter.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/HugeCTR/src/data_readers/parquet_data_converter.cu -------------------------------------------------------------------------------- /HugeCTR/src/data_readers/row_group_reading_thread.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/HugeCTR/src/data_readers/row_group_reading_thread.cpp -------------------------------------------------------------------------------- /HugeCTR/src/data_simulator.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/HugeCTR/src/data_simulator.cu -------------------------------------------------------------------------------- /HugeCTR/src/diagnose.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/HugeCTR/src/diagnose.cu -------------------------------------------------------------------------------- /HugeCTR/src/embeddings/all2all_backward_functor.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/HugeCTR/src/embeddings/all2all_backward_functor.cu -------------------------------------------------------------------------------- /HugeCTR/src/embeddings/all2all_forward_functor.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/HugeCTR/src/embeddings/all2all_forward_functor.cu -------------------------------------------------------------------------------- /HugeCTR/src/embeddings/all_gather_functor.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/HugeCTR/src/embeddings/all_gather_functor.cu -------------------------------------------------------------------------------- /HugeCTR/src/embeddings/all_reduce_functor.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/HugeCTR/src/embeddings/all_reduce_functor.cu -------------------------------------------------------------------------------- /HugeCTR/src/embeddings/backward_functor.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/HugeCTR/src/embeddings/backward_functor.cu -------------------------------------------------------------------------------- /HugeCTR/src/embeddings/backward_reorder_functor.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/HugeCTR/src/embeddings/backward_reorder_functor.cu -------------------------------------------------------------------------------- /HugeCTR/src/embeddings/embedding_collection.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/HugeCTR/src/embeddings/embedding_collection.cpp -------------------------------------------------------------------------------- /HugeCTR/src/embeddings/forward_per_gpu_functor.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/HugeCTR/src/embeddings/forward_per_gpu_functor.cu -------------------------------------------------------------------------------- /HugeCTR/src/embeddings/forward_reorder_functor.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/HugeCTR/src/embeddings/forward_reorder_functor.cu -------------------------------------------------------------------------------- /HugeCTR/src/embeddings/forward_scale_functor.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/HugeCTR/src/embeddings/forward_scale_functor.cu -------------------------------------------------------------------------------- /HugeCTR/src/embeddings/get_forward_results_functor.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/HugeCTR/src/embeddings/get_forward_results_functor.cu -------------------------------------------------------------------------------- /HugeCTR/src/embeddings/init_embedding_functor.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/HugeCTR/src/embeddings/init_embedding_functor.cu -------------------------------------------------------------------------------- /HugeCTR/src/embeddings/opt_states_functor.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/HugeCTR/src/embeddings/opt_states_functor.cu -------------------------------------------------------------------------------- /HugeCTR/src/embeddings/reduce_scatter_functor.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/HugeCTR/src/embeddings/reduce_scatter_functor.cu -------------------------------------------------------------------------------- /HugeCTR/src/embeddings/store_slot_id_functor.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/HugeCTR/src/embeddings/store_slot_id_functor.cu -------------------------------------------------------------------------------- /HugeCTR/src/embeddings/sync_all_gpus_functor.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/HugeCTR/src/embeddings/sync_all_gpus_functor.cu -------------------------------------------------------------------------------- /HugeCTR/src/embeddings/utils_functor.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/HugeCTR/src/embeddings/utils_functor.cu -------------------------------------------------------------------------------- /HugeCTR/src/exchange_wgrad.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/HugeCTR/src/exchange_wgrad.cpp -------------------------------------------------------------------------------- /HugeCTR/src/gpu_learning_rate_scheduler.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/HugeCTR/src/gpu_learning_rate_scheduler.cu -------------------------------------------------------------------------------- /HugeCTR/src/gpu_resource.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/HugeCTR/src/gpu_resource.cpp -------------------------------------------------------------------------------- /HugeCTR/src/graph_wrapper.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/HugeCTR/src/graph_wrapper.cpp -------------------------------------------------------------------------------- /HugeCTR/src/hashtable/nv_hashtable.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/HugeCTR/src/hashtable/nv_hashtable.cu -------------------------------------------------------------------------------- /HugeCTR/src/io/file_loader.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/HugeCTR/src/io/file_loader.cpp -------------------------------------------------------------------------------- /HugeCTR/src/io/filesystem.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/HugeCTR/src/io/filesystem.cpp -------------------------------------------------------------------------------- /HugeCTR/src/io/gcs_filesystem.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/HugeCTR/src/io/gcs_filesystem.cpp -------------------------------------------------------------------------------- /HugeCTR/src/io/hadoop_filesystem.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/HugeCTR/src/io/hadoop_filesystem.cpp -------------------------------------------------------------------------------- /HugeCTR/src/io/local_filesystem.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/HugeCTR/src/io/local_filesystem.cpp -------------------------------------------------------------------------------- /HugeCTR/src/io/s3_filesystem.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/HugeCTR/src/io/s3_filesystem.cpp -------------------------------------------------------------------------------- /HugeCTR/src/layer.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/HugeCTR/src/layer.cpp -------------------------------------------------------------------------------- /HugeCTR/src/layers/add_layer.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/HugeCTR/src/layers/add_layer.cu -------------------------------------------------------------------------------- /HugeCTR/src/layers/batch_norm_layer.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/HugeCTR/src/layers/batch_norm_layer.cu -------------------------------------------------------------------------------- /HugeCTR/src/layers/cast_layer.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/HugeCTR/src/layers/cast_layer.cu -------------------------------------------------------------------------------- /HugeCTR/src/layers/concat_3d_layer.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/HugeCTR/src/layers/concat_3d_layer.cu -------------------------------------------------------------------------------- /HugeCTR/src/layers/concat_layer.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/HugeCTR/src/layers/concat_layer.cu -------------------------------------------------------------------------------- /HugeCTR/src/layers/dropout_layer.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/HugeCTR/src/layers/dropout_layer.cu -------------------------------------------------------------------------------- /HugeCTR/src/layers/elementwise_multiply_layer.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/HugeCTR/src/layers/elementwise_multiply_layer.cu -------------------------------------------------------------------------------- /HugeCTR/src/layers/elu_layer.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/HugeCTR/src/layers/elu_layer.cu -------------------------------------------------------------------------------- /HugeCTR/src/layers/fm_order2_layer.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/HugeCTR/src/layers/fm_order2_layer.cu -------------------------------------------------------------------------------- /HugeCTR/src/layers/fully_connected_layer.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/HugeCTR/src/layers/fully_connected_layer.cu -------------------------------------------------------------------------------- /HugeCTR/src/layers/fully_connected_layer_half.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/HugeCTR/src/layers/fully_connected_layer_half.cu -------------------------------------------------------------------------------- /HugeCTR/src/layers/functors/fused_gemm_functors.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/HugeCTR/src/layers/functors/fused_gemm_functors.cu -------------------------------------------------------------------------------- /HugeCTR/src/layers/fused_reshape_concat_layer.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/HugeCTR/src/layers/fused_reshape_concat_layer.cu -------------------------------------------------------------------------------- /HugeCTR/src/layers/gather_layer.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/HugeCTR/src/layers/gather_layer.cu -------------------------------------------------------------------------------- /HugeCTR/src/layers/gru_layer.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/HugeCTR/src/layers/gru_layer.cu -------------------------------------------------------------------------------- /HugeCTR/src/layers/interaction_layer.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/HugeCTR/src/layers/interaction_layer.cu -------------------------------------------------------------------------------- /HugeCTR/src/layers/layer_norm_layer.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/HugeCTR/src/layers/layer_norm_layer.cu -------------------------------------------------------------------------------- /HugeCTR/src/layers/masked_softmax_layer.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/HugeCTR/src/layers/masked_softmax_layer.cu -------------------------------------------------------------------------------- /HugeCTR/src/layers/matrix_multiply_layer.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/HugeCTR/src/layers/matrix_multiply_layer.cu -------------------------------------------------------------------------------- /HugeCTR/src/layers/mlp_layer.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/HugeCTR/src/layers/mlp_layer.cu -------------------------------------------------------------------------------- /HugeCTR/src/layers/multi_cross_layer.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/HugeCTR/src/layers/multi_cross_layer.cu -------------------------------------------------------------------------------- /HugeCTR/src/layers/multi_head_attention_layer.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/HugeCTR/src/layers/multi_head_attention_layer.cu -------------------------------------------------------------------------------- /HugeCTR/src/layers/prelu_dice_layer.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/HugeCTR/src/layers/prelu_dice_layer.cu -------------------------------------------------------------------------------- /HugeCTR/src/layers/reduce_mean_layer.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/HugeCTR/src/layers/reduce_mean_layer.cu -------------------------------------------------------------------------------- /HugeCTR/src/layers/reduce_sum_layer.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/HugeCTR/src/layers/reduce_sum_layer.cu -------------------------------------------------------------------------------- /HugeCTR/src/layers/relu_layer.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/HugeCTR/src/layers/relu_layer.cu -------------------------------------------------------------------------------- /HugeCTR/src/layers/reshape_layer.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/HugeCTR/src/layers/reshape_layer.cu -------------------------------------------------------------------------------- /HugeCTR/src/layers/reshape_layer_v2.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/HugeCTR/src/layers/reshape_layer_v2.cu -------------------------------------------------------------------------------- /HugeCTR/src/layers/scale_layer.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/HugeCTR/src/layers/scale_layer.cu -------------------------------------------------------------------------------- /HugeCTR/src/layers/select_layer.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/HugeCTR/src/layers/select_layer.cu -------------------------------------------------------------------------------- /HugeCTR/src/layers/sequence_mask_layer.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/HugeCTR/src/layers/sequence_mask_layer.cu -------------------------------------------------------------------------------- /HugeCTR/src/layers/sigmoid_layer.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/HugeCTR/src/layers/sigmoid_layer.cu -------------------------------------------------------------------------------- /HugeCTR/src/layers/slice_layer.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/HugeCTR/src/layers/slice_layer.cu -------------------------------------------------------------------------------- /HugeCTR/src/layers/softmax_layer.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/HugeCTR/src/layers/softmax_layer.cu -------------------------------------------------------------------------------- /HugeCTR/src/layers/sub_layer.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/HugeCTR/src/layers/sub_layer.cu -------------------------------------------------------------------------------- /HugeCTR/src/layers/weight_multiply_layer.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/HugeCTR/src/layers/weight_multiply_layer.cu -------------------------------------------------------------------------------- /HugeCTR/src/loss.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/HugeCTR/src/loss.cu -------------------------------------------------------------------------------- /HugeCTR/src/metrics.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/HugeCTR/src/metrics.cu -------------------------------------------------------------------------------- /HugeCTR/src/network.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/HugeCTR/src/network.cu -------------------------------------------------------------------------------- /HugeCTR/src/network_buffer_channels.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/HugeCTR/src/network_buffer_channels.cpp -------------------------------------------------------------------------------- /HugeCTR/src/optimizer.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/HugeCTR/src/optimizer.cpp -------------------------------------------------------------------------------- /HugeCTR/src/optimizers/adagrad_optimizer.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/HugeCTR/src/optimizers/adagrad_optimizer.cu -------------------------------------------------------------------------------- /HugeCTR/src/optimizers/adam_optimizer.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/HugeCTR/src/optimizers/adam_optimizer.cu -------------------------------------------------------------------------------- /HugeCTR/src/optimizers/ftrl_optimizer.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/HugeCTR/src/optimizers/ftrl_optimizer.cu -------------------------------------------------------------------------------- /HugeCTR/src/optimizers/momentum_sgd_optimizer.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/HugeCTR/src/optimizers/momentum_sgd_optimizer.cu -------------------------------------------------------------------------------- /HugeCTR/src/optimizers/nesterov_optimizer.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/HugeCTR/src/optimizers/nesterov_optimizer.cu -------------------------------------------------------------------------------- /HugeCTR/src/optimizers/sgd_optimizer.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/HugeCTR/src/optimizers/sgd_optimizer.cu -------------------------------------------------------------------------------- /HugeCTR/src/optimizers/sparse_optimizer.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/HugeCTR/src/optimizers/sparse_optimizer.cu -------------------------------------------------------------------------------- /HugeCTR/src/pipeline.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/HugeCTR/src/pipeline.cpp -------------------------------------------------------------------------------- /HugeCTR/src/pybind/add_dense_layer.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/HugeCTR/src/pybind/add_dense_layer.cpp -------------------------------------------------------------------------------- /HugeCTR/src/pybind/add_dense_layer_helpers.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/HugeCTR/src/pybind/add_dense_layer_helpers.cpp -------------------------------------------------------------------------------- /HugeCTR/src/pybind/add_input.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/HugeCTR/src/pybind/add_input.cpp -------------------------------------------------------------------------------- /HugeCTR/src/pybind/add_sparse_embedding.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/HugeCTR/src/pybind/add_sparse_embedding.cpp -------------------------------------------------------------------------------- /HugeCTR/src/pybind/model.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/HugeCTR/src/pybind/model.cpp -------------------------------------------------------------------------------- /HugeCTR/src/pybind/model_compile.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/HugeCTR/src/pybind/model_compile.cpp -------------------------------------------------------------------------------- /HugeCTR/src/pybind/model_pipeline.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/HugeCTR/src/pybind/model_pipeline.cpp -------------------------------------------------------------------------------- /HugeCTR/src/pybind/module_main.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/HugeCTR/src/pybind/module_main.cpp -------------------------------------------------------------------------------- /HugeCTR/src/regularizer.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/HugeCTR/src/regularizer.cu -------------------------------------------------------------------------------- /HugeCTR/src/regularizer_factory.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/HugeCTR/src/regularizer_factory.cpp -------------------------------------------------------------------------------- /HugeCTR/src/regularizers/l1_regularizer.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/HugeCTR/src/regularizers/l1_regularizer.cu -------------------------------------------------------------------------------- /HugeCTR/src/regularizers/l2_regularizer.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/HugeCTR/src/regularizers/l2_regularizer.cu -------------------------------------------------------------------------------- /HugeCTR/src/regularizers/no_regularizer.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/HugeCTR/src/regularizers/no_regularizer.cu -------------------------------------------------------------------------------- /HugeCTR/src/resource_manager.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/HugeCTR/src/resource_manager.cpp -------------------------------------------------------------------------------- /HugeCTR/src/thread_pool.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/HugeCTR/src/thread_pool.cpp -------------------------------------------------------------------------------- /HugeCTR/src/utils.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/HugeCTR/src/utils.cu -------------------------------------------------------------------------------- /LICENSE: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/LICENSE -------------------------------------------------------------------------------- /README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/README.md -------------------------------------------------------------------------------- /benchmarks/CMakeLists.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/benchmarks/CMakeLists.txt -------------------------------------------------------------------------------- /benchmarks/core23/CMakeLists.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/benchmarks/core23/CMakeLists.txt -------------------------------------------------------------------------------- /benchmarks/core23/random_allocations.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/benchmarks/core23/random_allocations.cpp -------------------------------------------------------------------------------- /benchmarks/core23/tensor_container_performance.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/benchmarks/core23/tensor_container_performance.cu -------------------------------------------------------------------------------- /benchmarks/core23/tensor_performance.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/benchmarks/core23/tensor_performance.cu -------------------------------------------------------------------------------- /benchmarks/embedding_collection/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/benchmarks/embedding_collection/README.md -------------------------------------------------------------------------------- /benchmarks/embedding_collection/benchmark.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/benchmarks/embedding_collection/benchmark.sh -------------------------------------------------------------------------------- /benchmarks/embedding_collection/dataset/generation.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/benchmarks/embedding_collection/dataset/generation.sh -------------------------------------------------------------------------------- /benchmarks/embedding_collection/hugectr/train.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/benchmarks/embedding_collection/hugectr/train.py -------------------------------------------------------------------------------- /ci/test_unit.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/ci/test_unit.sh -------------------------------------------------------------------------------- /cmake/Modules/ClangFormat.cmake: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/cmake/Modules/ClangFormat.cmake -------------------------------------------------------------------------------- /cmake/Modules/FindCUDNN.cmake: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/cmake/Modules/FindCUDNN.cmake -------------------------------------------------------------------------------- /cmake/Modules/FindHWLOC.cmake: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/cmake/Modules/FindHWLOC.cmake -------------------------------------------------------------------------------- /cmake/Modules/FindNCCL.cmake: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/cmake/Modules/FindNCCL.cmake -------------------------------------------------------------------------------- /cmake/Modules/FindSHARP.cmake: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/cmake/Modules/FindSHARP.cmake -------------------------------------------------------------------------------- /cmake/Modules/FindUCX.cmake: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/cmake/Modules/FindUCX.cmake -------------------------------------------------------------------------------- /cmake/Modules/SetupGCS.cmake: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/cmake/Modules/SetupGCS.cmake -------------------------------------------------------------------------------- /cmake/Modules/SetupS3.cmake: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/cmake/Modules/SetupS3.cmake -------------------------------------------------------------------------------- /docs/.gitlab-docs.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/docs/.gitlab-docs.yaml -------------------------------------------------------------------------------- /docs/Makefile: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/docs/Makefile -------------------------------------------------------------------------------- /docs/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/docs/README.md -------------------------------------------------------------------------------- /docs/check_for_broken_links.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/docs/check_for_broken_links.sh -------------------------------------------------------------------------------- /docs/false_positives.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/docs/false_positives.json -------------------------------------------------------------------------------- /docs/requirements-doc.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/docs/requirements-doc.txt -------------------------------------------------------------------------------- /docs/source/QAList.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/docs/source/QAList.md -------------------------------------------------------------------------------- /docs/source/_static/.gitkeep: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /docs/source/_static/css/custom.css: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/docs/source/_static/css/custom.css -------------------------------------------------------------------------------- /docs/source/_templates/layout.html: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/docs/source/_templates/layout.html -------------------------------------------------------------------------------- /docs/source/_templates/versions.html: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/docs/source/_templates/versions.html -------------------------------------------------------------------------------- /docs/source/additional_resources.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/docs/source/additional_resources.md -------------------------------------------------------------------------------- /docs/source/api/hugectr_layer_book.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/docs/source/api/hugectr_layer_book.md -------------------------------------------------------------------------------- /docs/source/api/index.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/docs/source/api/index.rst -------------------------------------------------------------------------------- /docs/source/api/python_interface.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/docs/source/api/python_interface.md -------------------------------------------------------------------------------- /docs/source/conf.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/docs/source/conf.py -------------------------------------------------------------------------------- /docs/source/hierarchical_parameter_server/index.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/docs/source/hierarchical_parameter_server/index.md -------------------------------------------------------------------------------- /docs/source/hugectr_contributor_guide.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/docs/source/hugectr_contributor_guide.md -------------------------------------------------------------------------------- /docs/source/hugectr_core_features.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/docs/source/hugectr_core_features.md -------------------------------------------------------------------------------- /docs/source/hugectr_talks_blogs.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/docs/source/hugectr_talks_blogs.md -------------------------------------------------------------------------------- /docs/source/hugectr_user_guide.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/docs/source/hugectr_user_guide.md -------------------------------------------------------------------------------- /docs/source/index.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/docs/source/index.rst -------------------------------------------------------------------------------- /docs/source/performance.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/docs/source/performance.md -------------------------------------------------------------------------------- /docs/source/sparse_operation_kit.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/docs/source/sparse_operation_kit.md -------------------------------------------------------------------------------- /docs/source/toc.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/docs/source/toc.yaml -------------------------------------------------------------------------------- /docs/source/user_guide_src/.gitkeep: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /docs/source/user_guide_src/DCN.JPG: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/docs/source/user_guide_src/DCN.JPG -------------------------------------------------------------------------------- /docs/source/user_guide_src/WDL.JPG: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/docs/source/user_guide_src/WDL.JPG -------------------------------------------------------------------------------- /docs/source/user_guide_src/a100_scaling.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/docs/source/user_guide_src/a100_scaling.png -------------------------------------------------------------------------------- /docs/source/user_guide_src/dataset.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/docs/source/user_guide_src/dataset.png -------------------------------------------------------------------------------- /docs/source/user_guide_src/dataset_format.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/docs/source/user_guide_src/dataset_format.png -------------------------------------------------------------------------------- /docs/source/user_guide_src/dataset_split.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/docs/source/user_guide_src/dataset_split.png -------------------------------------------------------------------------------- /docs/source/user_guide_src/etc_pipeline.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/docs/source/user_guide_src/etc_pipeline.png -------------------------------------------------------------------------------- /docs/source/user_guide_src/etc_preprocessing.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/docs/source/user_guide_src/etc_preprocessing.png -------------------------------------------------------------------------------- /docs/source/user_guide_src/fig1_hugectr_arch.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/docs/source/user_guide_src/fig1_hugectr_arch.png -------------------------------------------------------------------------------- /docs/source/user_guide_src/fig2_embedding_mlp.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/docs/source/user_guide_src/fig2_embedding_mlp.png -------------------------------------------------------------------------------- /docs/source/user_guide_src/fig3_embedding_mech.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/docs/source/user_guide_src/fig3_embedding_mech.png -------------------------------------------------------------------------------- /docs/source/user_guide_src/hc_demo.gif: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/docs/source/user_guide_src/hc_demo.gif -------------------------------------------------------------------------------- /docs/source/user_guide_src/hc_diagram.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/docs/source/user_guide_src/hc_diagram.png -------------------------------------------------------------------------------- /docs/source/user_guide_src/hc_read.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/docs/source/user_guide_src/hc_read.png -------------------------------------------------------------------------------- /docs/source/user_guide_src/hc_write.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/docs/source/user_guide_src/hc_write.png -------------------------------------------------------------------------------- /docs/source/user_guide_src/hps_library.svg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/docs/source/user_guide_src/hps_library.svg -------------------------------------------------------------------------------- /docs/source/user_guide_src/merlin_arch.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/docs/source/user_guide_src/merlin_arch.png -------------------------------------------------------------------------------- /docs/source/user_guide_src/merlin_logo.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/docs/source/user_guide_src/merlin_logo.png -------------------------------------------------------------------------------- /docs/source/user_guide_src/mlperf_10.PNG: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/docs/source/user_guide_src/mlperf_10.PNG -------------------------------------------------------------------------------- /docs/source/user_guide_src/mlperf_dlrm_training.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/docs/source/user_guide_src/mlperf_dlrm_training.png -------------------------------------------------------------------------------- /docs/source/user_guide_src/raw_data_field.JPG: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/docs/source/user_guide_src/raw_data_field.JPG -------------------------------------------------------------------------------- /docs/source/user_guide_src/version.JPG: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/docs/source/user_guide_src/version.JPG -------------------------------------------------------------------------------- /gpu_cache/ReadMe.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/gpu_cache/ReadMe.md -------------------------------------------------------------------------------- /gpu_cache/include/gpu_cache_api.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/gpu_cache/include/gpu_cache_api.hpp -------------------------------------------------------------------------------- /gpu_cache/include/hash_functions.cuh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/gpu_cache/include/hash_functions.cuh -------------------------------------------------------------------------------- /gpu_cache/include/nv_gpu_cache.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/gpu_cache/include/nv_gpu_cache.hpp -------------------------------------------------------------------------------- /gpu_cache/include/nv_util.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/gpu_cache/include/nv_util.h -------------------------------------------------------------------------------- /gpu_cache/include/static_hash_table.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/gpu_cache/include/static_hash_table.hpp -------------------------------------------------------------------------------- /gpu_cache/include/static_table.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/gpu_cache/include/static_table.hpp -------------------------------------------------------------------------------- /gpu_cache/include/uvm_table.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/gpu_cache/include/uvm_table.hpp -------------------------------------------------------------------------------- /gpu_cache/src/CMakeLists.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/gpu_cache/src/CMakeLists.txt -------------------------------------------------------------------------------- /gpu_cache/src/nv_gpu_cache.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/gpu_cache/src/nv_gpu_cache.cu -------------------------------------------------------------------------------- /gpu_cache/src/static_hash_table.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/gpu_cache/src/static_hash_table.cu -------------------------------------------------------------------------------- /gpu_cache/src/static_table.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/gpu_cache/src/static_table.cu -------------------------------------------------------------------------------- /gpu_cache/src/uvm_table.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/gpu_cache/src/uvm_table.cu -------------------------------------------------------------------------------- /notebooks/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/notebooks/README.md -------------------------------------------------------------------------------- /notebooks/embedding_collection.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/notebooks/embedding_collection.ipynb -------------------------------------------------------------------------------- /notebooks/hugectr_e2e_demo_with_nvtabular.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/notebooks/hugectr_e2e_demo_with_nvtabular.ipynb -------------------------------------------------------------------------------- /notebooks/multi-modal-data/00-Intro.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/notebooks/multi-modal-data/00-Intro.ipynb -------------------------------------------------------------------------------- /notebooks/multi-modal-data/01-Download-Convert.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/notebooks/multi-modal-data/01-Download-Convert.ipynb -------------------------------------------------------------------------------- /notebooks/multi-modal-data/02-Data-Enrichment.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/notebooks/multi-modal-data/02-Data-Enrichment.ipynb -------------------------------------------------------------------------------- /notebooks/multi-modal-data/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/notebooks/multi-modal-data/README.md -------------------------------------------------------------------------------- /notebooks/prototype_embedding_collection/common.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/notebooks/prototype_embedding_collection/common.py -------------------------------------------------------------------------------- /notebooks/prototype_embedding_collection/embedding.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/notebooks/prototype_embedding_collection/embedding.py -------------------------------------------------------------------------------- /notebooks/prototype_embedding_collection/main.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/notebooks/prototype_embedding_collection/main.py -------------------------------------------------------------------------------- /notebooks/prototype_embedding_collection/op.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/notebooks/prototype_embedding_collection/op.py -------------------------------------------------------------------------------- /notebooks/prototype_embedding_collection/optimizer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/notebooks/prototype_embedding_collection/optimizer.py -------------------------------------------------------------------------------- /notebooks/prototype_embedding_collection/utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/notebooks/prototype_embedding_collection/utils.py -------------------------------------------------------------------------------- /notebooks/prototype_indices.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/notebooks/prototype_indices.ipynb -------------------------------------------------------------------------------- /notebooks/training_with_remote_filesystem.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/notebooks/training_with_remote_filesystem.ipynb -------------------------------------------------------------------------------- /onnx_converter/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/onnx_converter/README.md -------------------------------------------------------------------------------- /onnx_converter/hugectr2onnx/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/onnx_converter/hugectr2onnx/__init__.py -------------------------------------------------------------------------------- /onnx_converter/hugectr2onnx/converter.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/onnx_converter/hugectr2onnx/converter.py -------------------------------------------------------------------------------- /onnx_converter/hugectr2onnx/graph_builder.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/onnx_converter/hugectr2onnx/graph_builder.py -------------------------------------------------------------------------------- /onnx_converter/hugectr2onnx/hugectr_loader.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/onnx_converter/hugectr2onnx/hugectr_loader.py -------------------------------------------------------------------------------- /onnx_converter/readme_src/.gitkeep: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /onnx_converter/readme_src/wdl_onnx.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/onnx_converter/readme_src/wdl_onnx.png -------------------------------------------------------------------------------- /onnx_converter/setup.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/onnx_converter/setup.py -------------------------------------------------------------------------------- /release_notes.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/release_notes.md -------------------------------------------------------------------------------- /samples/bst/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/samples/bst/README.md -------------------------------------------------------------------------------- /samples/bst/bst_avg_pooling.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/samples/bst/bst_avg_pooling.py -------------------------------------------------------------------------------- /samples/bst/bst_concat.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/samples/bst/bst_concat.py -------------------------------------------------------------------------------- /samples/bst/utils/1_convert_pd.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/samples/bst/utils/1_convert_pd.py -------------------------------------------------------------------------------- /samples/bst/utils/2_remap_id.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/samples/bst/utils/2_remap_id.py -------------------------------------------------------------------------------- /samples/bst/utils/3_padding.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/samples/bst/utils/3_padding.py -------------------------------------------------------------------------------- /samples/bst/utils/4_nvt_process.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/samples/bst/utils/4_nvt_process.py -------------------------------------------------------------------------------- /samples/bst/utils/preprocess.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/samples/bst/utils/preprocess.sh -------------------------------------------------------------------------------- /samples/criteo/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/samples/criteo/README.md -------------------------------------------------------------------------------- /samples/criteo/criteo_parquet.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/samples/criteo/criteo_parquet.py -------------------------------------------------------------------------------- /samples/dcn/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/samples/dcn/README.md -------------------------------------------------------------------------------- /samples/dcn/dcn_2node_8gpu.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/samples/dcn/dcn_2node_8gpu.py -------------------------------------------------------------------------------- /samples/dcn/dcn_localized_embedding.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/samples/dcn/dcn_localized_embedding.py -------------------------------------------------------------------------------- /samples/dcn/dcn_parquet.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/samples/dcn/dcn_parquet.py -------------------------------------------------------------------------------- /samples/deepfm/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/samples/deepfm/README.md -------------------------------------------------------------------------------- /samples/deepfm/deepfm_parquet.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/samples/deepfm/deepfm_parquet.py -------------------------------------------------------------------------------- /samples/din/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/samples/din/README.md -------------------------------------------------------------------------------- /samples/din/din_parquet.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/samples/din/din_parquet.py -------------------------------------------------------------------------------- /samples/din/din_try.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/samples/din/din_try.py -------------------------------------------------------------------------------- /samples/din/utils/1_convert_pd.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/samples/din/utils/1_convert_pd.py -------------------------------------------------------------------------------- /samples/din/utils/2_remap_id.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/samples/din/utils/2_remap_id.py -------------------------------------------------------------------------------- /samples/din/utils/3_padding.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/samples/din/utils/3_padding.py -------------------------------------------------------------------------------- /samples/din/utils/4_nvt_process.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/samples/din/utils/4_nvt_process.py -------------------------------------------------------------------------------- /samples/din/utils/preprocess.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/samples/din/utils/preprocess.sh -------------------------------------------------------------------------------- /samples/dlrm/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/samples/dlrm/README.md -------------------------------------------------------------------------------- /samples/dlrm/config_DGXH100_16x8x1056.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/samples/dlrm/config_DGXH100_16x8x1056.sh -------------------------------------------------------------------------------- /samples/dlrm/config_DGXH100_1x8x6912.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/samples/dlrm/config_DGXH100_1x8x6912.sh -------------------------------------------------------------------------------- /samples/dlrm/config_DGXH100_8x8x2112.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/samples/dlrm/config_DGXH100_8x8x2112.sh -------------------------------------------------------------------------------- /samples/dlrm/mlperf_logger/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/samples/dlrm/mlperf_logger/__init__.py -------------------------------------------------------------------------------- /samples/dlrm/mlperf_logger/callbacks.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/samples/dlrm/mlperf_logger/callbacks.py -------------------------------------------------------------------------------- /samples/dlrm/mlperf_logger/param_info.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/samples/dlrm/mlperf_logger/param_info.py -------------------------------------------------------------------------------- /samples/dlrm/mlperf_logger/utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/samples/dlrm/mlperf_logger/utils.py -------------------------------------------------------------------------------- /samples/dlrm/preprocessing/convert_to_raw.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/samples/dlrm/preprocessing/convert_to_raw.py -------------------------------------------------------------------------------- /samples/dlrm/preprocessing/md5sums_raw_dataset.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/samples/dlrm/preprocessing/md5sums_raw_dataset.txt -------------------------------------------------------------------------------- /samples/dlrm/requirements.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/samples/dlrm/requirements.txt -------------------------------------------------------------------------------- /samples/dlrm/run.sub: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/samples/dlrm/run.sub -------------------------------------------------------------------------------- /samples/dlrm/run_and_time.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/samples/dlrm/run_and_time.sh -------------------------------------------------------------------------------- /samples/dlrm/run_with_docker.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/samples/dlrm/run_with_docker.sh -------------------------------------------------------------------------------- /samples/dlrm/sharding/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/samples/dlrm/sharding/__init__.py -------------------------------------------------------------------------------- /samples/dlrm/sharding/generate_plan.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/samples/dlrm/sharding/generate_plan.py -------------------------------------------------------------------------------- /samples/dlrm/sharding/planner.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/samples/dlrm/sharding/planner.py -------------------------------------------------------------------------------- /samples/dlrm/train.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/samples/dlrm/train.py -------------------------------------------------------------------------------- /samples/ftrl/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/samples/ftrl/README.md -------------------------------------------------------------------------------- /samples/ftrl/dlrm_train_ftrl.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/samples/ftrl/dlrm_train_ftrl.py -------------------------------------------------------------------------------- /samples/mmoe/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/samples/mmoe/README.md -------------------------------------------------------------------------------- /samples/mmoe/get_census_data.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/samples/mmoe/get_census_data.sh -------------------------------------------------------------------------------- /samples/mmoe/mmoe-hctr.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/samples/mmoe/mmoe-hctr.png -------------------------------------------------------------------------------- /samples/mmoe/mmoe_parquet.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/samples/mmoe/mmoe_parquet.py -------------------------------------------------------------------------------- /samples/mmoe/preprocess_census.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/samples/mmoe/preprocess_census.py -------------------------------------------------------------------------------- /samples/mmoe/shared_bottom.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/samples/mmoe/shared_bottom.py -------------------------------------------------------------------------------- /samples/ncf/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/samples/ncf/README.md -------------------------------------------------------------------------------- /samples/ncf/gmf.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/samples/ncf/gmf.py -------------------------------------------------------------------------------- /samples/ncf/ncf.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/samples/ncf/ncf.py -------------------------------------------------------------------------------- /samples/ncf/neumf.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/samples/ncf/neumf.py -------------------------------------------------------------------------------- /samples/wdl/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/samples/wdl/README.md -------------------------------------------------------------------------------- /samples/wdl/wdl_1gpu.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/samples/wdl/wdl_1gpu.py -------------------------------------------------------------------------------- /samples/wdl/wdl_8gpu.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/samples/wdl/wdl_8gpu.py -------------------------------------------------------------------------------- /sbin/buildkitd.toml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/sbin/buildkitd.toml -------------------------------------------------------------------------------- /sbin/docker_buildx.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/sbin/docker_buildx.sh -------------------------------------------------------------------------------- /sbin/hadoop.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/sbin/hadoop.sh -------------------------------------------------------------------------------- /sbin/ignore-words.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/sbin/ignore-words.txt -------------------------------------------------------------------------------- /sbin/install-aws-sdk.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/sbin/install-aws-sdk.sh -------------------------------------------------------------------------------- /sbin/install-hadoop.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/sbin/install-hadoop.sh -------------------------------------------------------------------------------- /sbin/install-jdk-and-maven.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/sbin/install-jdk-and-maven.sh -------------------------------------------------------------------------------- /sparse_operation_kit/.gitignore: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/sparse_operation_kit/.gitignore -------------------------------------------------------------------------------- /sparse_operation_kit/.pypirc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/sparse_operation_kit/.pypirc -------------------------------------------------------------------------------- /sparse_operation_kit/CMakeLists.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/sparse_operation_kit/CMakeLists.txt -------------------------------------------------------------------------------- /sparse_operation_kit/LICENSE.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/sparse_operation_kit/LICENSE.txt -------------------------------------------------------------------------------- /sparse_operation_kit/MANIFEST.in: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/sparse_operation_kit/MANIFEST.in -------------------------------------------------------------------------------- /sparse_operation_kit/ReadMe.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/sparse_operation_kit/ReadMe.md -------------------------------------------------------------------------------- /sparse_operation_kit/SOK_DLRM_Benchmark/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/sparse_operation_kit/SOK_DLRM_Benchmark/README.md -------------------------------------------------------------------------------- /sparse_operation_kit/SOK_DLRM_Benchmark/dataset.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/sparse_operation_kit/SOK_DLRM_Benchmark/dataset.py -------------------------------------------------------------------------------- /sparse_operation_kit/SOK_DLRM_Benchmark/main.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/sparse_operation_kit/SOK_DLRM_Benchmark/main.py -------------------------------------------------------------------------------- /sparse_operation_kit/SOK_DLRM_Benchmark/model.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/sparse_operation_kit/SOK_DLRM_Benchmark/model.py -------------------------------------------------------------------------------- /sparse_operation_kit/SOK_DLRM_Benchmark/trainer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/sparse_operation_kit/SOK_DLRM_Benchmark/trainer.py -------------------------------------------------------------------------------- /sparse_operation_kit/cmakes/FindNCCL.cmake: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/sparse_operation_kit/cmakes/FindNCCL.cmake -------------------------------------------------------------------------------- /sparse_operation_kit/cmakes/FindNVTX.cmake: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/sparse_operation_kit/cmakes/FindNVTX.cmake -------------------------------------------------------------------------------- /sparse_operation_kit/cmakes/FindTensorFlow.cmake: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/sparse_operation_kit/cmakes/FindTensorFlow.cmake -------------------------------------------------------------------------------- /sparse_operation_kit/documents/Makefile: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/sparse_operation_kit/documents/Makefile -------------------------------------------------------------------------------- /sparse_operation_kit/documents/ReadMe.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/sparse_operation_kit/documents/ReadMe.md -------------------------------------------------------------------------------- /sparse_operation_kit/documents/make.bat: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/sparse_operation_kit/documents/make.bat -------------------------------------------------------------------------------- /sparse_operation_kit/documents/source/_static/.gitkeep: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /sparse_operation_kit/documents/source/api/index.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/sparse_operation_kit/documents/source/api/index.rst -------------------------------------------------------------------------------- /sparse_operation_kit/documents/source/api/init.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/sparse_operation_kit/documents/source/api/init.rst -------------------------------------------------------------------------------- /sparse_operation_kit/documents/source/api/lookup.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/sparse_operation_kit/documents/source/api/lookup.rst -------------------------------------------------------------------------------- /sparse_operation_kit/documents/source/api/utils.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/sparse_operation_kit/documents/source/api/utils.rst -------------------------------------------------------------------------------- /sparse_operation_kit/documents/source/conf.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/sparse_operation_kit/documents/source/conf.py -------------------------------------------------------------------------------- /sparse_operation_kit/documents/source/index.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/sparse_operation_kit/documents/source/index.rst -------------------------------------------------------------------------------- /sparse_operation_kit/documents/source/intro_link.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/sparse_operation_kit/documents/source/intro_link.md -------------------------------------------------------------------------------- /sparse_operation_kit/documents/source/util.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/sparse_operation_kit/documents/source/util.py -------------------------------------------------------------------------------- /sparse_operation_kit/documents/tutorials/DLRM/main.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/sparse_operation_kit/documents/tutorials/DLRM/main.py -------------------------------------------------------------------------------- /sparse_operation_kit/documents/tutorials/utility.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/sparse_operation_kit/documents/tutorials/utility.py -------------------------------------------------------------------------------- /sparse_operation_kit/example/ReadMe.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/sparse_operation_kit/example/ReadMe.md -------------------------------------------------------------------------------- /sparse_operation_kit/example/sok_dump_load/ReadMe.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/sparse_operation_kit/example/sok_dump_load/ReadMe.md -------------------------------------------------------------------------------- /sparse_operation_kit/kit_src/common/check.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/sparse_operation_kit/kit_src/common/check.h -------------------------------------------------------------------------------- /sparse_operation_kit/kit_src/lookup/kernels/select.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/sparse_operation_kit/kit_src/lookup/kernels/select.cc -------------------------------------------------------------------------------- /sparse_operation_kit/kit_src/lookup/ops/reorder.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/sparse_operation_kit/kit_src/lookup/ops/reorder.cc -------------------------------------------------------------------------------- /sparse_operation_kit/kit_src/lookup/ops/select.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/sparse_operation_kit/kit_src/lookup/ops/select.cc -------------------------------------------------------------------------------- /sparse_operation_kit/notebooks/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/sparse_operation_kit/notebooks/README.md -------------------------------------------------------------------------------- /sparse_operation_kit/pyproject.toml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/sparse_operation_kit/pyproject.toml -------------------------------------------------------------------------------- /sparse_operation_kit/setup.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/sparse_operation_kit/setup.py -------------------------------------------------------------------------------- /sparse_operation_kit/sparse_operation_kit/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/sparse_operation_kit/sparse_operation_kit/__init__.py -------------------------------------------------------------------------------- /sparse_operation_kit/sparse_operation_kit/_version.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/sparse_operation_kit/sparse_operation_kit/_version.py -------------------------------------------------------------------------------- /sparse_operation_kit/sparse_operation_kit/lookup.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/sparse_operation_kit/sparse_operation_kit/lookup.py -------------------------------------------------------------------------------- /sparse_operation_kit/sparse_operation_kit/utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/sparse_operation_kit/sparse_operation_kit/utils.py -------------------------------------------------------------------------------- /test/embedding_collection_test/dgx_a100_one_hot.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/test/embedding_collection_test/dgx_a100_one_hot.py -------------------------------------------------------------------------------- /test/embedding_collection_test/dlrm_train_ftrl.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/test/embedding_collection_test/dlrm_train_ftrl.py -------------------------------------------------------------------------------- /test/notebook_test/e2e_test_with_nvt.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/test/notebook_test/e2e_test_with_nvt.py -------------------------------------------------------------------------------- /test/notebook_test/notebook_hugectr.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/test/notebook_test/notebook_hugectr.py -------------------------------------------------------------------------------- /test/onnx_converter_test/hugectr2onnx_bst_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/test/onnx_converter_test/hugectr2onnx_bst_test.py -------------------------------------------------------------------------------- /test/onnx_converter_test/hugectr2onnx_dcn_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/test/onnx_converter_test/hugectr2onnx_dcn_test.py -------------------------------------------------------------------------------- /test/onnx_converter_test/hugectr2onnx_din_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/test/onnx_converter_test/hugectr2onnx_din_test.py -------------------------------------------------------------------------------- /test/onnx_converter_test/hugectr2onnx_mmoe_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/test/onnx_converter_test/hugectr2onnx_mmoe_test.py -------------------------------------------------------------------------------- /test/onnx_converter_test/hugectr2onnx_ncf_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/test/onnx_converter_test/hugectr2onnx_ncf_test.py -------------------------------------------------------------------------------- /test/onnx_converter_test/hugectr2onnx_wdl_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/test/onnx_converter_test/hugectr2onnx_wdl_test.py -------------------------------------------------------------------------------- /test/onnx_converter_test/layer_type_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/test/onnx_converter_test/layer_type_test.py -------------------------------------------------------------------------------- /test/onnx_converter_test/train_scripts/dcn.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/test/onnx_converter_test/train_scripts/dcn.py -------------------------------------------------------------------------------- /test/onnx_converter_test/train_scripts/deepfm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/test/onnx_converter_test/train_scripts/deepfm.py -------------------------------------------------------------------------------- /test/onnx_converter_test/train_scripts/din_parquet.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/test/onnx_converter_test/train_scripts/din_parquet.py -------------------------------------------------------------------------------- /test/onnx_converter_test/train_scripts/din_try.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/test/onnx_converter_test/train_scripts/din_try.py -------------------------------------------------------------------------------- /test/onnx_converter_test/train_scripts/dlrm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/test/onnx_converter_test/train_scripts/dlrm.py -------------------------------------------------------------------------------- /test/onnx_converter_test/train_scripts/dlrm_mlp.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/test/onnx_converter_test/train_scripts/dlrm_mlp.py -------------------------------------------------------------------------------- /test/onnx_converter_test/train_scripts/gmf.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/test/onnx_converter_test/train_scripts/gmf.py -------------------------------------------------------------------------------- /test/onnx_converter_test/train_scripts/ncf.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/test/onnx_converter_test/train_scripts/ncf.py -------------------------------------------------------------------------------- /test/onnx_converter_test/train_scripts/neumf.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/test/onnx_converter_test/train_scripts/neumf.py -------------------------------------------------------------------------------- /test/onnx_converter_test/train_scripts/wdl.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/test/onnx_converter_test/train_scripts/wdl.py -------------------------------------------------------------------------------- /test/onnx_converter_test/utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/test/onnx_converter_test/utils.py -------------------------------------------------------------------------------- /test/pybind_test/data_source_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/test/pybind_test/data_source_test.py -------------------------------------------------------------------------------- /test/pybind_test/din_fp32.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/test/pybind_test/din_fp32.py -------------------------------------------------------------------------------- /test/pybind_test/din_matmul_fp32_1gpu.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/test/pybind_test/din_matmul_fp32_1gpu.py -------------------------------------------------------------------------------- /test/pybind_test/mmoe_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/test/pybind_test/mmoe_test.py -------------------------------------------------------------------------------- /test/pybind_test/model_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/test/pybind_test/model_test.py -------------------------------------------------------------------------------- /test/sok_perf_test/.gitignore: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/test/sok_perf_test/.gitignore -------------------------------------------------------------------------------- /test/sok_perf_test/ReadMe.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/test/sok_perf_test/ReadMe.md -------------------------------------------------------------------------------- /test/sok_perf_test/demo/gen_data.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/test/sok_perf_test/demo/gen_data.py -------------------------------------------------------------------------------- /test/sok_perf_test/demo/model.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/test/sok_perf_test/demo/model.py -------------------------------------------------------------------------------- /test/sok_perf_test/demo/performance_profiling.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/test/sok_perf_test/demo/performance_profiling.sh -------------------------------------------------------------------------------- /test/sok_perf_test/demo/run_sok.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/test/sok_perf_test/demo/run_sok.py -------------------------------------------------------------------------------- /test/sok_perf_test/demo/run_tf.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/test/sok_perf_test/demo/run_tf.py -------------------------------------------------------------------------------- /test/sok_perf_test/demo/split_data.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/test/sok_perf_test/demo/split_data.py -------------------------------------------------------------------------------- /test/sok_perf_test/dlrm/bin2csv.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/test/sok_perf_test/dlrm/bin2csv.py -------------------------------------------------------------------------------- /test/sok_perf_test/dlrm/dataset.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/test/sok_perf_test/dlrm/dataset.py -------------------------------------------------------------------------------- /test/sok_perf_test/dlrm/main.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/test/sok_perf_test/dlrm/main.py -------------------------------------------------------------------------------- /test/sok_perf_test/dlrm/models.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/test/sok_perf_test/dlrm/models.py -------------------------------------------------------------------------------- /test/sok_perf_test/dlrm/profiling.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/test/sok_perf_test/dlrm/profiling.sh -------------------------------------------------------------------------------- /test/sok_perf_test/dlrm/run_tf_ranking.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/test/sok_perf_test/dlrm/run_tf_ranking.sh -------------------------------------------------------------------------------- /test/sok_perf_test/dlrm/utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/test/sok_perf_test/dlrm/utils.py -------------------------------------------------------------------------------- /test/utest/CMakeLists.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/test/utest/CMakeLists.txt -------------------------------------------------------------------------------- /test/utest/checker/CMakeLists.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/test/utest/checker/CMakeLists.txt -------------------------------------------------------------------------------- /test/utest/checker/checker_test.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/test/utest/checker/checker_test.cpp -------------------------------------------------------------------------------- /test/utest/communication/CMakeLists.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/test/utest/communication/CMakeLists.txt -------------------------------------------------------------------------------- /test/utest/communication/ar_oneshot_test.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/test/utest/communication/ar_oneshot_test.cu -------------------------------------------------------------------------------- /test/utest/communication/common.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/test/utest/communication/common.cu -------------------------------------------------------------------------------- /test/utest/communication/ib_comms_a2a_v_integ_test.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/test/utest/communication/ib_comms_a2a_v_integ_test.cu -------------------------------------------------------------------------------- /test/utest/communication/ib_comms_a2a_v_test.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/test/utest/communication/ib_comms_a2a_v_test.cu -------------------------------------------------------------------------------- /test/utest/communication/ib_comms_ar_test.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/test/utest/communication/ib_comms_ar_test.cu -------------------------------------------------------------------------------- /test/utest/core23/CMakeLists.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/test/utest/core23/CMakeLists.txt -------------------------------------------------------------------------------- /test/utest/core23/basic_allocator_test.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/test/utest/core23/basic_allocator_test.cu -------------------------------------------------------------------------------- /test/utest/core23/basic_buffer_test.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/test/utest/core23/basic_buffer_test.cpp -------------------------------------------------------------------------------- /test/utest/core23/buffer_channel_test.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/test/utest/core23/buffer_channel_test.cpp -------------------------------------------------------------------------------- /test/utest/core23/cuda_stream_test.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/test/utest/core23/cuda_stream_test.cpp -------------------------------------------------------------------------------- /test/utest/core23/curand_generator_test.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/test/utest/core23/curand_generator_test.cpp -------------------------------------------------------------------------------- /test/utest/core23/data_type_test.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/test/utest/core23/data_type_test.cpp -------------------------------------------------------------------------------- /test/utest/core23/device_test.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/test/utest/core23/device_test.cpp -------------------------------------------------------------------------------- /test/utest/core23/dynamic_buffer_client_test.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/test/utest/core23/dynamic_buffer_client_test.cu -------------------------------------------------------------------------------- /test/utest/core23/dynamic_tensor_test.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/test/utest/core23/dynamic_tensor_test.cpp -------------------------------------------------------------------------------- /test/utest/core23/legacy_tensor_test.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/test/utest/core23/legacy_tensor_test.cpp -------------------------------------------------------------------------------- /test/utest/core23/low_level_primitive_test.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/test/utest/core23/low_level_primitive_test.cpp -------------------------------------------------------------------------------- /test/utest/core23/multi_gpu_tensor_test.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/test/utest/core23/multi_gpu_tensor_test.cu -------------------------------------------------------------------------------- /test/utest/core23/multi_stream_allocator_test.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/test/utest/core23/multi_stream_allocator_test.cu -------------------------------------------------------------------------------- /test/utest/core23/shape_test.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/test/utest/core23/shape_test.cpp -------------------------------------------------------------------------------- /test/utest/core23/sparse_tensor_test.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/test/utest/core23/sparse_tensor_test.cpp -------------------------------------------------------------------------------- /test/utest/core23/tensor_container_test.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/test/utest/core23/tensor_container_test.cu -------------------------------------------------------------------------------- /test/utest/core23/tensor_operation_test.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/test/utest/core23/tensor_operation_test.cu -------------------------------------------------------------------------------- /test/utest/core23/tensor_params_test.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/test/utest/core23/tensor_params_test.cpp -------------------------------------------------------------------------------- /test/utest/core23/tensor_view_test.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/test/utest/core23/tensor_view_test.cu -------------------------------------------------------------------------------- /test/utest/core23_dev_test/CMakeLists.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/test/utest/core23_dev_test/CMakeLists.txt -------------------------------------------------------------------------------- /test/utest/core23_layer_test/CMakeLists.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/test/utest/core23_layer_test/CMakeLists.txt -------------------------------------------------------------------------------- /test/utest/core23_layer_test/add_layer_test.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/test/utest/core23_layer_test/add_layer_test.cpp -------------------------------------------------------------------------------- /test/utest/core23_layer_test/cast_layer_test.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/test/utest/core23_layer_test/cast_layer_test.cpp -------------------------------------------------------------------------------- /test/utest/core23_layer_test/concat_3d_layer_test.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/test/utest/core23_layer_test/concat_3d_layer_test.cpp -------------------------------------------------------------------------------- /test/utest/core23_layer_test/concat_layer_test.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/test/utest/core23_layer_test/concat_layer_test.cpp -------------------------------------------------------------------------------- /test/utest/core23_layer_test/dropout_layer_test.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/test/utest/core23_layer_test/dropout_layer_test.cpp -------------------------------------------------------------------------------- /test/utest/core23_layer_test/elu_layer_test.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/test/utest/core23_layer_test/elu_layer_test.cpp -------------------------------------------------------------------------------- /test/utest/core23_layer_test/fm_order2_layer_test.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/test/utest/core23_layer_test/fm_order2_layer_test.cpp -------------------------------------------------------------------------------- /test/utest/core23_layer_test/gather_layer_test.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/test/utest/core23_layer_test/gather_layer_test.cpp -------------------------------------------------------------------------------- /test/utest/core23_layer_test/gru_layer_test.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/test/utest/core23_layer_test/gru_layer_test.cpp -------------------------------------------------------------------------------- /test/utest/core23_layer_test/matrix_multiply_test.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/test/utest/core23_layer_test/matrix_multiply_test.cpp -------------------------------------------------------------------------------- /test/utest/core23_layer_test/mlp_test.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/test/utest/core23_layer_test/mlp_test.cpp -------------------------------------------------------------------------------- /test/utest/core23_layer_test/python_concat.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/test/utest/core23_layer_test/python_concat.py -------------------------------------------------------------------------------- /test/utest/core23_layer_test/relu_layer_test.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/test/utest/core23_layer_test/relu_layer_test.cpp -------------------------------------------------------------------------------- /test/utest/core23_layer_test/reshape_layer_test.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/test/utest/core23_layer_test/reshape_layer_test.cpp -------------------------------------------------------------------------------- /test/utest/core23_layer_test/scale_layer_test.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/test/utest/core23_layer_test/scale_layer_test.cpp -------------------------------------------------------------------------------- /test/utest/core23_layer_test/select_layer_test.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/test/utest/core23_layer_test/select_layer_test.cpp -------------------------------------------------------------------------------- /test/utest/core23_layer_test/slice_layer_test.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/test/utest/core23_layer_test/slice_layer_test.cpp -------------------------------------------------------------------------------- /test/utest/core23_layer_test/sub_layer_test.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/test/utest/core23_layer_test/sub_layer_test.cpp -------------------------------------------------------------------------------- /test/utest/data_distributor/CMakeLists.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/test/utest/data_distributor/CMakeLists.txt -------------------------------------------------------------------------------- /test/utest/data_reader/CMakeLists.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/test/utest/data_reader/CMakeLists.txt -------------------------------------------------------------------------------- /test/utest/data_reader/batch_locations_test.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/test/utest/data_reader/batch_locations_test.cpp -------------------------------------------------------------------------------- /test/utest/data_reader/data_reader_benchmark.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/test/utest/data_reader/data_reader_benchmark.cu -------------------------------------------------------------------------------- /test/utest/data_reader/split_batch_test.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/test/utest/data_reader/split_batch_test.cpp -------------------------------------------------------------------------------- /test/utest/dense_layer/CMakeLists.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/test/utest/dense_layer/CMakeLists.txt -------------------------------------------------------------------------------- /test/utest/dense_layer/dense_add_layer_test.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/test/utest/dense_layer/dense_add_layer_test.cpp -------------------------------------------------------------------------------- /test/utest/dense_layer/dense_cast_layer_test.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/test/utest/dense_layer/dense_cast_layer_test.cpp -------------------------------------------------------------------------------- /test/utest/dense_layer/dense_concat_layer_test.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/test/utest/dense_layer/dense_concat_layer_test.cpp -------------------------------------------------------------------------------- /test/utest/dense_layer/dense_elu_layer_test.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/test/utest/dense_layer/dense_elu_layer_test.cpp -------------------------------------------------------------------------------- /test/utest/dense_layer/dense_layer_test_common.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/test/utest/dense_layer/dense_layer_test_common.hpp -------------------------------------------------------------------------------- /test/utest/dense_layer/dense_loss_test.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/test/utest/dense_layer/dense_loss_test.cpp -------------------------------------------------------------------------------- /test/utest/dense_layer/dense_relu_layer_test.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/test/utest/dense_layer/dense_relu_layer_test.cpp -------------------------------------------------------------------------------- /test/utest/dense_layer/dense_slice_layer_test.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/test/utest/dense_layer/dense_slice_layer_test.cpp -------------------------------------------------------------------------------- /test/utest/device_map/CMakeLists.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/test/utest/device_map/CMakeLists.txt -------------------------------------------------------------------------------- /test/utest/device_map/device_map_test.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/test/utest/device_map/device_map_test.cpp -------------------------------------------------------------------------------- /test/utest/embedding/CMakeLists.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/test/utest/embedding/CMakeLists.txt -------------------------------------------------------------------------------- /test/utest/embedding/cpu_hashtable.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/test/utest/embedding/cpu_hashtable.hpp -------------------------------------------------------------------------------- /test/utest/embedding/embedding_test_utils.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/test/utest/embedding/embedding_test_utils.hpp -------------------------------------------------------------------------------- /test/utest/embedding/sparse_embedding_hash_cpu.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/test/utest/embedding/sparse_embedding_hash_cpu.hpp -------------------------------------------------------------------------------- /test/utest/embedding/unified_embedding.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/test/utest/embedding/unified_embedding.hpp -------------------------------------------------------------------------------- /test/utest/embedding_collection/CMakeLists.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/test/utest/embedding_collection/CMakeLists.txt -------------------------------------------------------------------------------- /test/utest/embedding_collection/configuration.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/test/utest/embedding_collection/configuration.hpp -------------------------------------------------------------------------------- /test/utest/io/CMakeLists.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/test/utest/io/CMakeLists.txt -------------------------------------------------------------------------------- /test/utest/io/file_loader_test.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/test/utest/io/file_loader_test.cpp -------------------------------------------------------------------------------- /test/utest/io/gcs_backend_test.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/test/utest/io/gcs_backend_test.cpp -------------------------------------------------------------------------------- /test/utest/io/hdfs_backend_test.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/test/utest/io/hdfs_backend_test.cpp -------------------------------------------------------------------------------- /test/utest/io/local_fs_test.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/test/utest/io/local_fs_test.cpp -------------------------------------------------------------------------------- /test/utest/io/s3_backend_test.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/test/utest/io/s3_backend_test.cpp -------------------------------------------------------------------------------- /test/utest/layers/CMakeLists.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/test/utest/layers/CMakeLists.txt -------------------------------------------------------------------------------- /test/utest/loss/CMakeLists.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/test/utest/loss/CMakeLists.txt -------------------------------------------------------------------------------- /test/utest/loss/loss_test.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/test/utest/loss/loss_test.cpp -------------------------------------------------------------------------------- /test/utest/loss/loss_with_regularizer_test.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/test/utest/loss/loss_with_regularizer_test.cpp -------------------------------------------------------------------------------- /test/utest/loss/multi_cross_entropy_loss_test.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/test/utest/loss/multi_cross_entropy_loss_test.cpp -------------------------------------------------------------------------------- /test/utest/metrics/CMakeLists.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/test/utest/metrics/CMakeLists.txt -------------------------------------------------------------------------------- /test/utest/metrics/auc_test.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/test/utest/metrics/auc_test.cpp -------------------------------------------------------------------------------- /test/utest/metrics/averageloss_test.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/test/utest/metrics/averageloss_test.cpp -------------------------------------------------------------------------------- /test/utest/metrics/python_sklearn.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/test/utest/metrics/python_sklearn.py -------------------------------------------------------------------------------- /test/utest/misc/CMakeLists.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/test/utest/misc/CMakeLists.txt -------------------------------------------------------------------------------- /test/utest/misc/shuffle_test.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/test/utest/misc/shuffle_test.cu -------------------------------------------------------------------------------- /test/utest/network/CMakeLists.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/test/utest/network/CMakeLists.txt -------------------------------------------------------------------------------- /test/utest/network/network_build_test.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/test/utest/network/network_build_test.cpp -------------------------------------------------------------------------------- /test/utest/optimizer/CMakeLists.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/test/utest/optimizer/CMakeLists.txt -------------------------------------------------------------------------------- /test/utest/optimizer/optimizer_cpu.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/test/utest/optimizer/optimizer_cpu.hpp -------------------------------------------------------------------------------- /test/utest/optimizer/optimizer_test.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/test/utest/optimizer/optimizer_test.cpp -------------------------------------------------------------------------------- /test/utest/pipeline/CMakeLists.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/test/utest/pipeline/CMakeLists.txt -------------------------------------------------------------------------------- /test/utest/pipeline/pipeline_test.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/test/utest/pipeline/pipeline_test.cu -------------------------------------------------------------------------------- /test/utest/prims/CMakeLists.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/test/utest/prims/CMakeLists.txt -------------------------------------------------------------------------------- /test/utest/prims/matrix_vector_op.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/test/utest/prims/matrix_vector_op.cu -------------------------------------------------------------------------------- /test/utest/prims/matrix_vector_op.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/test/utest/prims/matrix_vector_op.h -------------------------------------------------------------------------------- /test/utest/prims/reduce.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/test/utest/prims/reduce.cu -------------------------------------------------------------------------------- /test/utest/prims/reduce.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/test/utest/prims/reduce.h -------------------------------------------------------------------------------- /test/utest/regularizers/CMakeLists.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/test/utest/regularizers/CMakeLists.txt -------------------------------------------------------------------------------- /test/utest/regularizers/l1_regularizer_test.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/test/utest/regularizers/l1_regularizer_test.cpp -------------------------------------------------------------------------------- /test/utest/regularizers/l2_regularizer_test.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/test/utest/regularizers/l2_regularizer_test.cpp -------------------------------------------------------------------------------- /test/utest/resource_manager/CMakeLists.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/test/utest/resource_manager/CMakeLists.txt -------------------------------------------------------------------------------- /test/utest/simple_inference_config.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/test/utest/simple_inference_config.json -------------------------------------------------------------------------------- /test/utest/simple_sparse_embedding_fp16.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/test/utest/simple_sparse_embedding_fp16.json -------------------------------------------------------------------------------- /test/utest/simple_sparse_embedding_fp32.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/test/utest/simple_sparse_embedding_fp32.json -------------------------------------------------------------------------------- /test/utest/simple_sparse_embedding_sgd.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/test/utest/simple_sparse_embedding_sgd.json -------------------------------------------------------------------------------- /test/utest/test_utils.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/test/utest/test_utils.hpp -------------------------------------------------------------------------------- /third_party/CMakeLists.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/third_party/CMakeLists.txt -------------------------------------------------------------------------------- /tools/CMakeLists.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/tools/CMakeLists.txt -------------------------------------------------------------------------------- /tools/criteo_predict/criteo2predict.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/tools/criteo_predict/criteo2predict.py -------------------------------------------------------------------------------- /tools/criteo_predict/dcn_data.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/tools/criteo_predict/dcn_data.json -------------------------------------------------------------------------------- /tools/criteo_predict/wdl_data.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/tools/criteo_predict/wdl_data.json -------------------------------------------------------------------------------- /tools/criteo_script/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/tools/criteo_script/README.md -------------------------------------------------------------------------------- /tools/criteo_script/preprocess_nvt.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/tools/criteo_script/preprocess_nvt.py -------------------------------------------------------------------------------- /tools/data_generator/dcn_parquet_generate_train.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/tools/data_generator/dcn_parquet_generate_train.py -------------------------------------------------------------------------------- /tools/data_source/test_data_source.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/tools/data_source/test_data_source.py -------------------------------------------------------------------------------- /tools/dlrm_script/CMakeLists.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/tools/dlrm_script/CMakeLists.txt -------------------------------------------------------------------------------- /tools/dlrm_script/dlrm_raw.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/tools/dlrm_script/dlrm_raw.cu -------------------------------------------------------------------------------- /tools/dlrm_script/dlrm_raw_utils.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/tools/dlrm_script/dlrm_raw_utils.hpp -------------------------------------------------------------------------------- /tools/dlrm_script/hash/hash_allocator.cuh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/tools/dlrm_script/hash/hash_allocator.cuh -------------------------------------------------------------------------------- /tools/dlrm_script/hash/hash_constants.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/tools/dlrm_script/hash/hash_constants.hpp -------------------------------------------------------------------------------- /tools/dlrm_script/hash/helper_functions.cuh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/tools/dlrm_script/hash/helper_functions.cuh -------------------------------------------------------------------------------- /tools/dlrm_script/hash/managed.cuh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/tools/dlrm_script/hash/managed.cuh -------------------------------------------------------------------------------- /tools/dockerfiles/Dockerfile.base: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/tools/dockerfiles/Dockerfile.base -------------------------------------------------------------------------------- /tools/dockerfiles/Dockerfile.optimized: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/tools/dockerfiles/Dockerfile.optimized -------------------------------------------------------------------------------- /tools/dockerfiles/Dockerfile.sok1: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/tools/dockerfiles/Dockerfile.sok1 -------------------------------------------------------------------------------- /tools/dockerfiles/Dockerfile.thirdparties: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/tools/dockerfiles/Dockerfile.thirdparties -------------------------------------------------------------------------------- /tools/dockerfiles/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/tools/dockerfiles/README.md -------------------------------------------------------------------------------- /tools/dockerfiles/dockerfile.ctr: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/tools/dockerfiles/dockerfile.ctr -------------------------------------------------------------------------------- /tools/dockerfiles/support_matrix.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/tools/dockerfiles/support_matrix.md -------------------------------------------------------------------------------- /tools/embedding_workspace_calculator/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/tools/embedding_workspace_calculator/README.md -------------------------------------------------------------------------------- /tools/model_generation/embedding_gen.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/tools/model_generation/embedding_gen.py -------------------------------------------------------------------------------- /tools/preprocess.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/tools/preprocess.sh -------------------------------------------------------------------------------- /tools/raw_script/CMakeLists.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/tools/raw_script/CMakeLists.txt -------------------------------------------------------------------------------- /tools/raw_script/criteo2raw.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/tools/raw_script/criteo2raw.cpp -------------------------------------------------------------------------------- /tutorial/multinode-training/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/tutorial/multinode-training/README.md -------------------------------------------------------------------------------- /tutorial/multinode-training/config_DGX1.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/tutorial/multinode-training/config_DGX1.sh -------------------------------------------------------------------------------- /tutorial/multinode-training/config_DGXA100.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/tutorial/multinode-training/config_DGXA100.sh -------------------------------------------------------------------------------- /tutorial/multinode-training/config_ib_device.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/tutorial/multinode-training/config_ib_device.sh -------------------------------------------------------------------------------- /tutorial/multinode-training/run_multinode.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA-Merlin/HugeCTR/HEAD/tutorial/multinode-training/run_multinode.sh --------------------------------------------------------------------------------