DeepSpeed
af4bfb7d
- Merge branch 'master' into remove-unused-quantize-settings
Go
Login via GitHub
Home
Pricing
FAQ
Install
Login
via GitHub
Commit
View On
GitHub
Hide Comment Changes
Previous Change (CTRL+↑)
Next Change (CTRL+↓)
Expand Context Lines
Collapse Context Lines
Hide Minimap (CTRL+M)
Commit
2 years ago
Merge branch 'master' into remove-unused-quantize-settings
References
#2555 - Remove all unused quantize settings and flags.
Author
awan-10
Parents
34ec4b13
4ae3a3da
Files
345
.github/workflows
amd.yml
auto-sync.yml
nv-torch-latest-cpu.yml
setup-venv
action.yml
.pre-commit-config.yaml
README.md
accelerator
__init__.py
abstract_accelerator.py
cuda_accelerator.py
real_accelerator.py
benchmarks
__init__.py
communication
__init__.py
all_gather.py
all_reduce.py
all_to_all.py
broadcast.py
constants.py
pt2pt.py
run_all.py
utils.py
inference
bert-bench.py
collect_results.py
gpt-bench.py
csrc
aio
common
deepspeed_aio_utils.cpp
py_lib
deepspeed_pin_tensor.cpp
deepspeed_pin_tensor.h
deepspeed_py_aio_handle.cpp
deepspeed_py_aio_handle.h
py_ds_aio.cpp
py_test
ds_aio_handle.py
perf_sweep_utils.py
test_ds_aio.py
common
custom_cuda_kernel.cu
includes
StopWatch.h
Timer.h
context.h
cpu_adagrad.h
cpu_adam.h
cublas_wrappers.h
dropout.h
ds_transformer_cuda.h
feed_forward.h
gelu.h
gemm_test.h
general_kernels.h
normalize_layer.h
quantization.h
quantizer.h
simd.h
softmax.h
strided_batch_gemm.h
type_shim.h
quantization
fake_quantizer.cu
transformer
cublas_wrappers.cu
dropout_kernels.cu
gelu_kernels.cu
general_kernels.cu
inference/csrc
apply_rotary_pos_emb.cu
pt_binding.cpp
normalize_kernels.cu
softmax_kernels.cu
transform_kernels.cu
deepspeed
autotuning
__init__.py
autotuner.py
config.py
constants.py
scheduler.py
tuner
__init__.py
base_tuner.py
cost_model.py
index_based_tuner.py
model_based_tuner.py
utils.py
utils.py
checkpoint
__init__.py
constants.py
deepspeed_checkpoint.py
reshape_3d_utils.py
reshape_meg_2d.py
reshape_utils.py
utils.py
zero_checkpoint.py
comm
__init__.py
backend.py
config.py
constants.py
utils.py
compression
__init__.py
basic_layer.py
compress.py
config.py
constants.py
helper.py
scheduler.py
utils.py
elasticity
__init__.py
elastic_agent.py
utils.py
env_report.py
git_version_info.py
inference
__init__.py
config.py
engine.py
launcher
__init__.py
constants.py
multinode_runner.py
runner.py
model_implementations
__init__.py
diffusers
__init__.py
transformers
__init__.py
ds_base.py
module_inject
__init__.py
auto_tp.py
containers
__init__.py
base.py
base_moe.py
bert.py
bloom.py
clip.py
distil_bert.py
features
__init__.py
megatron.py
meta_tensor.py
gpt2.py
gptj.py
gptneo.py
gptneox.py
megatron_gpt.py
megatron_gpt_moe.py
opt.py
inject.py
layers.py
load_checkpoint.py
module_quantize.py
policy.py
replace_module.py
utils.py
moe
__init__.py
utils.py
monitor
__init__.py
config.py
csv_monitor.py
monitor.py
tensorboard.py
utils.py
wandb.py
nebula
__init__.py
config.py
constants.py
ops
__init__.py
adagrad
__init__.py
adam
__init__.py
cpu_adam.py
lamb
__init__.py
quantizer
__init__.py
random_ltd
__init__.py
sparse_attention
__init__.py
matmul.py
softmax.py
trsrc
__init__.py
transformer
__init__.py
inference
__init__.py
ds_attention.py
op_binding
__init__.py
base.py
gelu_gemm.py
linear.py
mlp_gemm.py
qkv_gemm.py
residual_add.py
softmax.py
softmax_context.py
vector_matmul.py
triton_ops.py
pipe
__init__.py
profiling
__init__.py
config.py
constants.py
flops_profiler
__init__.py
profiler.py
runtime
__init__.py
activation_checkpointing
__init__.py
checkpointing.py
config.py
bf16_optimizer.py
checkpoint_engine
__init__.py
checkpoint_engine.py
nebula_checkpoint_engine.py
torch_checkpoint_engine.py
comm
__init__.py
coalesced_collectives.py
compression
__init__.py
config.py
config_utils.py
constants.py
data_pipeline
__init__.py
data_routing
__init__.py
data_sampling
__init__.py
data_analyzer.py
dataloader.py
eigenvalue.py
engine.py
fp16
__init__.py
onebit
__init__.py
pipe
__init__.py
module.py
schedule.py
progressive_layer_drop.py
quantize.py
utils.py
weight_quantizer.py
zero
config.py
contiguous_memory_allocator.py
linear.py
offload_config.py
stage3.py
stage_1_and_2.py
test.py
tiling.py
utils.py
utils
__init__.py
comms_logging.py
debug.py
logging.py
mixed_precision_linkage.py
nvtx.py
tensor_fragment.py
types.py
zero_to_fp32.py
docs
_config.yml
_data
navigation.yml
_posts
2022-12-12-data-efficiency.md
_tutorials
automatic-tensor-parallelism.md
curriculum-learning.md
data-efficiency.md
inference-tutorial.md
mixture-of-experts-inference.md
code-docs/source
conf.py
inference-init.rst
zero3.rst
index.md
op_builder
async_io.py
quantizer.py
transformer_inference.py
release
bump_patch_version.py
scripts
check-license.py
check-torchdist.py
setup.py
tests
benchmarks
flatten_bench.py
unflatten_bench.py
conftest.py
lightning
test_simple.py
model/BingBertSquad
test_e2e_squad.py
onebit
test_mpi_backend.py
test_mpi_perf.py
test_nccl_backend.py
test_nccl_perf.py
perf
adagrad_test.py
adam_test.py
adam_test1.py
small_model_debugging
stage3_test.py
test.py
test_model.py
unit
__init__.py
alexnet_model.py
autotuning
test_autotuning.py
checkpoint
common.py
test_latest_checkpoint.py
test_lr_scheduler.py
test_moe_checkpoint.py
test_other_optimizer.py
test_pipeline.py
test_reshape_checkpoint.py
test_sparse.py
test_tag_validation.py
test_zero_optimizer.py
comm
test_dist.py
common.py
compression
test_compression.py
elasticity
test_elastic.py
inference
test_checkpoint_sharding.py
test_inference.py
test_inference_config.py
test_model_profiling.py
launcher
test_ds_arguments.py
test_multinode_runner.py
test_run.py
megatron_model.py
model_parallelism
test_configurable_parallel_mp.py
test_configurable_parallel_pp.py
modeling.py
modelingpreln.py
moe
test_moe.py
test_moe_tp.py
monitor
test_monitor.py
multi_output_model.py
ops
adagrad
test_cpu_adagrad.py
adam
test_adamw.py
test_cpu_adam.py
aio
test_aio.py
cuda
test_cuda_backward.py
test_cuda_forward.py
quantizer
test_fake_quantization.py
sparse_attention
test_sparse_attention.py
transformer/inference
test_bias_add.py
pipe
test_pipe_module.py
profiling/flops_profiler
test_flops_profiler.py
runtime
activation_checkpointing
test_activation_checkpointing.py
comm
test_coalesced_collectives.py
half_precision
onebit
test_onebit.py
test_bf16.py
test_dynamic_loss_scale.py
test_fp16.py
pipe
test_pipe.py
test_pipe_schedule.py
test_topology.py
sparse_tensor
test_averaging_sparse_gradients.py
test_csr.py
test_sparse_grads.py
test_autocast.py
test_data.py
test_data_efficiency.py
test_ds_config_dict.py
test_ds_config_model.py
test_ds_initialize.py
test_lr_schedulers.py
test_multi_output_model.py
test_pld.py
test_runtime_utils.py
utils
test_partition.py
zero
test_ignore_unused_parameters.py
test_zero.py
test_zero_config.py
test_zero_context.py
test_zero_context_ancestry.py
test_zero_context_return.py
test_zero_tensor_fragment.py
test_zero_tiled.py
utils.py
simple_model.py
util.py
utils
test_get_optim_files.py
test_groups.py
test_init_on_device.py
version.txt
Loading