Releases: huggingface/accelerate
v1.11.0: TE MXFP8, FP16/BF16 with MPS, Python 3.10
TE MXFP8 support
We've added support for MXFP8 in our TransformerEngine integration. To use that, you need to set use_mxfp8_block_scaling in fp8_config. See nvidia docs [here]. (https://docs.nvidia.com/deeplearning/transformer-engine/user-guide/examples/fp8_primer.html#MXFP8-and-block-scaling)
FP16/BF16 Training for MPS devices
BF16 and FP16 support for MPS devices is finally here. You can now pass mixed_precision = "fp16" or "bf16" when training on a mac (fp16 requires torch 2.8 and bf16 requires torch 2.6)
FSDP updates
The following PRs add respectively support to ignored_params and no_sync() for FSDPv2:
- feat: add ignored_params support for fsdp2 by @kmehant in #3731
- fix: model.set_requires_gradient_sync(False) should be called to turn off gradient synchronization in FSDP2 by @EquationWalker in #3762
Mixed precision can now be passed as a dtype string from accelerate cli flag or fsdp_config in accelerate config file:
Nd-parallel updates
Some minor updates concerning nd-parallelism.
- Context Parallelism docs typos fixed by @sergiopaniego in #3761
- Feat: add to_json by @S1ro1 in #3743
- make torch_native_parallelism examples device agnostic by @yao-matrix in #3759
- [ND Parallel] Update examples, cleanup by @S1ro1 in #3737
Bump to Python 3.10
We've dropped support for python 3.9 as it reached EOL in October.
Lots of minor fixes:
- fix: CPU RAM efficient loading for nd or HSDP parallelisms by @kmehant in #3740
- xpu INT64 all_gather issue fixed in 2.9 by @yao-matrix in #3756
- Specify device_ids in torch.distributed.barrier for PartialState by @qgallouedec in #3744
- fix: specify device for process_tensor in example usage by @qgallouedec in #3755
- Lower complexity of get_balanced_memory by adding a set by @SamuelBarryCS in #3776
- Fix (skip) cuda cache flush when origin device is
cpuand offloaded tometaby @Qubitium in #3796 - Fix convert LayerNorm without bias to fp8 by @mjun0812 in #3725
- Add optional typing by @cyyever in #3769
- refactor: Use
within Accelerator.autocast()instead of__enter__()and__exit__()for more elegant style. by @EquationWalker in #3767 - switch XPU ccl backend to torch-builtin xccl in test_zero3_integration by @yao-matrix in #3773
- fix FSDP2 test case failure on XPU by @yao-matrix in #3771
- Fix tests by @SunMarc in #3722
- Protect import for device_mesh by @SunMarc in #3742
- Fix
SWANLAB_MODEby @SunMarc in #3808 - Fix tracking swanlab by @SunMarc in #3810
- refactor: nit change for get_parameters_from_modules (code debt) by @kmehant in #3815
- Remove deprecated FindTiedParametersResult by @cyyever in #3786
- Add optional typing by @cyyever in #3769
- remove mlflow from testing by @SunMarc in #3783
- enable 2 model hook ut cases on XPU by @yao-matrix in #3774
- Added Tip for better rendering by @sergiopaniego in #3781
- Fix typos by @cyyever in #3753
- fix: torch_npu import error in some envs by @yanyongyu in #3764
- Fix: typo makes tests fail by @S1ro1 in #3765
- fix Muti node CUDA error: invalid device ordinal #3775 by @RicardoDominguez in #3779
- use reset_peak_memory_stats on xpu by @yao-matrix in #3772
New Contributors
- @mjun0812 made their first contribution in #3725
- @sergiopaniego made their first contribution in #3761
- @EquationWalker made their first contribution in #3762
- @yanyongyu made their first contribution in #3764
- @RicardoDominguez made their first contribution in #3779
- @SamuelBarryCS made their first contribution in #3776
- @Qubitium made their first contribution in #3796
Full Changelog: v1.10.1...v1.11.0
v1.10.1: Patchfix
Full Changelog: v1.10.0...v1.10.1
v1.10.0: N-D Parallelism
N-D Parallelism
Training large models across multiple GPUs can be complex, especially when combining different parallelism strategies (e.g TP, CP, DP). To simplify this process, we've collaborated with Axolotl to introduce an easy-to-use integration that allows you to apply any combination of parallelism strategies directly in your training script. Just pass a ParallelismConfig specifying the size of each parallelism type—it's that simple.
Learn more about how it works in our latest blogpost.
parallelism_config = ParallelismConfig(
dp_shard_size=2,
dp_replicate_size=2,
cp_size=2,
tp_size=2,
)
accelerator = Accelerator(
parallelism_config=parallelism_config,
...
)
model = AutoModelForCausalLM.from_pretrained("your-model-name", device_mesh=accelerator.torch_device_mesh)
model = accelerator.prepare(model)- Parallelism config + TP + HSDP + BYODM (Bring Your Own Device Mesh) by @SalmanMohammadi in #3682
- Feat: context parallel v2.0 by @S1ro1 in #3700
- set default submesh_tp_size to prevent unset local variable error by @winglian in #3687
- Add Parallelism getter property to Accelerator class by @WoosungMyung in #3703
- Fix: prepare works even if nothing except tp specified (rare) by @S1ro1 in #3707
- Set parallelism_config in constructor due to Trainer reset of State by @winglian in #3713
- Fix: tp size wouldn't read from env by @S1ro1 in #3716
- Remove
ParallelismConfigfromPartialStateby @SunMarc in #3720
FSDP improvements
We've fixed ignored modules attribute. With this, it is now possible to train PEFT model that moe layers that contrains q_proj and v_proj parameters. This is especially important for fine-tuning gpt-oss model.
- ENH: Allow FSDP ignored modules to be regex by @BenjaminBossan in #3698
- TST Add test for FSDP ignored_modules as str by @BenjaminBossan in #3719
Minor improvements
- feature: CpuOffload pre_forward don't attempt to move if already on device by @JoeGaffney in #3695
- Fix: Ensure environment variable values are case-insensitive in Accelerate by @jp1924 in #3712
- remove use_ipex by @SunMarc in #3721
New Contributors
- @SalmanMohammadi made their first contribution in #3682
- @WoosungMyung made their first contribution in #3703
- @jp1924 made their first contribution in #3712
- @JoeGaffney made their first contribution in #3695
Full Changelog: v1.9.0...v1.10.0
v1.9.0: Trackio support, Model loading speedup, Minor distributed improvements
Trackio tracker support
We've added support for a trackio, lightweight, 💯 free experiment tracking Python library built on top of 🤗 Datasets and Spaces.
Main features are:
- Local-first design: dashboard runs locally by default. You can also host it on Spaces by specifying a
space_id. - Persists logs locally (or in a private Hugging Face Dataset)
- Visualize experiments with a Gradio dashboard locally (or on Hugging Face Spaces)
- Everything here, including hosting on Hugging Faces, is free!
To use it with accelerate, you need to set log_with and initialize the trackers
accelerator = Accelerator(log_with="trackio")
config={"learning_rate": 0.001, "batch_size": 32}
# init_kwargs in order to host the dashboard on spaces
init_kwargs = {"trackio": {"space_id": "hf_username/space_name"}
accelerator.init_trackers("example_project", config=config, init_kwargs=init_kwargs})Thanks @pcuenca for the integration !
Model loading speedup when relying set_module_tensor_to_device
Setting tensor while clearing cache is very slow, so we added clear_device option to disable it.
Another small optimization is using non_blocking everywhere and syncing just before returning control to the user. This makes the loading slightly faster.
- Speedup model loading by 4-5x in Diffusers ⚡ by @a-r-r-o-w in #3674
FDSP, Deepspeed, FP8 minor improvements
- Add support for e5e2 and default to hybrid when launcher is used by @IlyasMoutawwakil in #3640
- Fix FP8 tests, enable FP8 to be used without direct
Accelerator()configuring by @pstjohn in #3677 - Bunch of FSDP improvements by @S1ro1 in #3671
- Fix: properly error when DDP + Dtensor model by @S1ro1 in #3629
- Fix fsdp2 example typo by @shimizust in #3657
- Added a check in no_sync() to avoid errors when using deepspeed zero2/3 by @xliu0105 in #3656
🚨🚨🚨 Breaking changes 🚨🚨🚨
find_executable_batch_size() will no longer halves the batch after every OOM. Instead, we will multiply the batch size by 0.9. This should help user not waste gpu capacity.
What's Changed
- [typo] shards instead of shard by @SunMarc in #3645
- Docs: Fix typos in gradient accumulation guide by @kilavvy in #3649
- xpu enablement on left cases by @yao-matrix in #3654
- unpin datasets in examples requirements by @SunMarc in #3681
- fix: wandb config not saved in offline mode by @ved1beta in #3648
- accelerate/data_loader.py: do not yield if the base_dataloader is empty by @0xnightwind in #3659
- warn for invalid keys by @ved1beta in #3613
- Update Gaudi runner image to latest SynapseAI and enable previously disabled tests by @IlyasMoutawwakil in #3653
New Contributors
- @kilavvy made their first contribution in #3649
- @shimizust made their first contribution in #3657
- @xliu0105 made their first contribution in #3656
- @0xnightwind made their first contribution in #3659
Full Changelog: v1.8.1...v1.9.0
v1.8.1: Patchfix
- Add support for e5e2 and default to hybrid when launcher is used by @IlyasMoutawwakil in #3640
- shards by @SunMarc in #3645
Full Changelog: v1.8.0...v1.8.1
v1.8.0: FSDPv2 + FP8, Regional Compilation for DeepSpeed, Faster Distributed Training on Intel CPUs, ipex.optimize deprecation
FSDPv2 refactor + FP8 support
We've simplified how to prepare FSDPv2 models, as there were too many ways to compose FSDP2 with other features (e.g., FP8, torch.compile, activation checkpointing, etc.). Although the setup is now more restrictive, it leads to fewer errors and a more performant user experience. We’ve also added support for FP8. You can read about the results here. Thanks to @S1ro1 for this contribution!
Faster Distributed Training on Intel CPUs
We updated the CCL_WORKER_COUNT variable and added KMP parameters for Intel CPU users. This significantly improves distributed training performance (e.g., Tensor Parallelism), with up to a 40% speed-up on Intel 4th Gen Xeon when training transformer TP models.
- Set ccl and KMP param in simple launch by @jiqing-feng in #3575
Regional Compilation for DeepSpeed
We added support for regional compilation with the DeepSpeed engine. DeepSpeed’s .compile() modifies models in-place using torch.nn.Module.compile(...), rather than the out-of-place torch.compile(...), so we had to account for that. Thanks @IlyasMoutawwakil for this feature!
- Fix deepspeed regional compilation by @IlyasMoutawwakil in #3609
ipex.optimize deprecation
ipex.optimize is being deprecated. Most optimizations have been upstreamed to PyTorch, and future improvements will land there directly. For users without PyTorch 2.8, we’ll continue to rely on IPEX for now.
- remove ipex.optimize in accelerate by @yao-matrix in #3608
Better XPU Support
We've greatly expanded and stabilized support for Intel XPUs:
- enable fsdp2 benchmark on XPU by @yao-matrix in #3590
- enable big_model_inference on xpu by @yao-matrix in #3595
- enable test_load_checkpoint_and_dispatch_with_broadcast cases on XPU by @yao-matrix in
- enable test_cli & test_example cases on XPU by @yao-matrix in #3578
- enable torchao and pippy test cases on XPU by @yao-matrix in #3599
- enable regional_compilation benchmark on xpu by @yao-matrix in #3592
- fix xpu 8bit value loading by @jiqing-feng in #3623
- add device-agnostic GradScaler by @yao-matrix in #3588
- add xpu support in TorchTensorParallelPlugin by @yao-matrix in #3627
Trackers
We've added support for SwanLab as an experiment tracking backend. Huge thanks to @ShaohonChen for this contribution ! We also deferred all tracker initializations to prevent premature setup of distributed environments.
- Integrate SwanLab for offline/online experiment tracking for Accelerate by @ShaohonChen in #3605
- Fix: Defer Tracker Initialization to Prevent Premature Distributed Setup by @yuanjua in #3581
What's Changed
- Fix bf16 training with TP by @SunMarc in #3610
- better handle FP8 with and without deepspeed by @IlyasMoutawwakil in #3611
- Update Gaudi Runners by @IlyasMoutawwakil in #3593
- goodbye torch_ccl by @yao-matrix in #3580
- Add support for standalone mode when default port is occupied on single node by @laitifranz in #3576
- Resolve logger warnings by @emmanuel-ferdman in #3582
- Add kwargs to optimizer, scheduler and dataloader using function
accelerator().load_state()by @luiz0992 in #3540 - [docs] no hard-coded cuda in the ddp documentation by @faaany in #3589
- change to use torch.device by @yao-matrix in #3594
- Fix: list object has no attribute keys by @S1ro1 in #3603
- Update Gaudi Runners by @IlyasMoutawwakil in #3593
- Fix bf16 training with TP by @SunMarc in #3610
- better handle FP8 with and without deepspeed by @IlyasMoutawwakil in #3611
- Remove device_count for TPU launcher to avoid initializing runtime by @sorgfresser in #3587
- Fix missing te.LayerNorm in intel_transformer_engine by @IlyasMoutawwakil in #3619
- Add fp8_e5m2 support in
dtype_byte_sizeby @SunMarc in #3625 - [Deepspeed] deepspeed auto grad accum by @kashif in #3630
- Remove hardcoded cuda from fsdpv2 by @IlyasMoutawwakil in #3631
- Integrate SwanLab for offline/online experiment tracking for Accelerate by @ShaohonChen in #3605
- Fix Typos in Documentation and Comments by @leopardracer in #3621
- feat: use datasets.IterableDataset shard if possible by @SunMarc in #3635
- [DeepSpeed] sync gradient accum steps from deepspeed plugin by @kashif in #3632
- Feat: add cpu offload by @S1ro1 in #3636
- Fix: correct labels for fsdp2 examples by @S1ro1 in #3637
- fix grad acc deepspeed by @SunMarc in #3638
New Contributors
- @laitifranz made their first contribution in #3576
- @emmanuel-ferdman made their first contribution in #3582
- @yuanjua made their first contribution in #3581
- @sorgfresser made their first contribution in #3587
- @ShaohonChen made their first contribution in #3605
- @leopardracer made their first contribution in #3621
Full Changelog: v1.7.0...v1.8.0
v1.7.0 : Regional compilation, Layerwise casting hook, FSDPv2 + QLoRA
Regional compilation
Instead of compiling the entire model at once, regional compilation targets repeated blocks (such as decoder layers) first. This allows the compiler to cache and reuse optimized code for subsequent blocks, significantly reducing the cold start compilation time typically seen during the first inference. Thanks @IlyasMoutawwakil for the feature ! You can view the full benchmark here, and check out our updated compilation guide for more details!
To enable this feature, set use_regional_compilation=True in the TorchDynamoPlugin configuration.
# Configure the compilation backend
dynamo_plugin = TorchDynamoPlugin(
use_regional_compilation=True,
... # other parameters
)
# Initialize accelerator with the plugin
accelerator = Accelerator(dynamo_plugin=dynamo_plugin)
# This will apply compile_regions to your model
model = accelerator.prepare(model)Layerwise casting hook
We've introduced a new hook that enables per-layer upcasting and downcasting (e.g., for Linear layers) during inference. This allows users to run models with separate storage and compute dtypes, resulting in memory savings. The concept was first implemented in diffusers, where downcasting models to FP8 proved effective without major quality degradation. Contributed by @sayakpaul in #3427
model = ....
storage_dtype = torch.float8_e4m3fn
compute_dtype = torch.bfloat16
attach_layerwise_casting_hooks(
model,
storage_dtype=storage_dtype,
compute_dtype=compute_dtype,
)Better FSDP2 support
This release includes numerous new features and bug fixes. Notably, we’ve added support for FULL_STATE_DICT, a widely used option in FSDP, now enabling .save_pretrained() in transformers to work with FSDP2 wrapped models. QLoRA training is now supported as well but more testing is needed. We have also resolved a backend issue related to parameter offloading to CPU. Additionally, a significant memory spike that occurred when cpu_ram_efficient_loading=True was enabled has been fixed. Several other minor improvements and fixes are also included—see the What’s Changed section for full details.
FULL_STATE_DICThave been enabled by @S1ro1 in #3527- QLoRA support by @winglian in #3546
- set backend correctly for CUDA+FSDP2+cpu-offload in #3574
- memory spike fixed when using
cpu_ram_efficient_loading=Trueby @S1ro1 in #3482
Better HPU support:
We have added a documentation for Intel Gaudi hardware !
The support is already available since v1.5.0 through this PR.
- Add the HPU into accelerate config by @yuanwu2017 in #3495
- Add Gaudi doc by @regisss in #3537
Torch.compile breaking change for dynamic argument
We've updated the logic for setting self.dynamic to explicitly preserve None rather than defaulting to False when the USE_DYNAMIC environment variable is unset. This change aligns the behavior with the PyTorch documentation for torch.compile. Thanks to @yafshar for contributing this improvement in #3567.
What's Changed
- use device agnostic torch.OutOfMemoryError from pytorch 2.5.0 by @yao-matrix in #3475
- Adds style bot by @zach-huggingface in #3478
- Fix a tiny typo in
low_precision_trainingguide by @sadra-barikbin in #3488 - Fix check_tied_parameters_in_config for multimodal models by @SunMarc in #3479
- Don't create new param for TorchAO sequential offloading due to weak BC guarantees by @a-r-r-o-w in #3444
- add support for custom function for reducing the batch size by @winglian in #3071
- Fix fp8 deepspeed config by @SunMarc in #3492
- fix warning error by @faaany in #3491
- [bug] unsafe_serialization option in "merge-weights" doesn't work by @cyr0930 in #3496
- Add the HPU into accelerate config by @yuanwu2017 in #3495
- Use
torch.distributed.checkpoint.state_dict.set_model_state_dictinload_checkpoint_in_modelby @ringohoffman in #3432 - nit: needed sanity checks for fsdp2 by @kmehant in #3499
- (Part 1) fix: make TP training compatible with new transformers by @kmehant in #3457
- Fix deepspeed tests by @S1ro1 in #3503
- Add FP8 runners + tweak building FP8 image by @zach-huggingface in #3493
- fix: apply torchfix to set
weights_only=Trueby @bzhong-solink in #3497 - Fix: require transformers version for tp tests by @S1ro1 in #3504
- Remove deprecated PyTorch/XLA APIs by @zpcore in #3484
- Fix cache issue by upgrading github actions version by @SunMarc in #3513
- [Feat] Layerwise casting hook by @sayakpaul in #3427
- Add torchao to FP8 error message by @jphme in #3514
- Fix unwanted cuda init due to torchao by @SunMarc in #3530
- Solve link error in internal_mechanism documentation (#3506) by @alvaro-mazcu in #3507
- [FSDP2] Enable FULL_STATE_DICT by @S1ro1 in #3527
- [FSDP2] Fix memory spike with
cpu_ram_efficient_loading=Trueby @S1ro1 in #3482 - [FSDP2] Issues in Wrap Policy and Mixed Precision by @jhliu17 in #3528
- Fix logic in
accelerator.prepare+ IPEX for 2+nn.Modelsand/oroptim.Optimizersby @mariusarvinte in #3517 - Update Docker builds to align with CI requirements by @matthewdouglas in #3532
- Fix CI due to missing package by @SunMarc in #3535
- Update big_modeling.md for layerwise casting by @sayakpaul in #3548
- [FSDP2] Fix: "..." is not a buffer or a paremeter by @S1ro1 in
- fix notebook_launcher for Colab TPU compatibility. by @BogdanDidenko in #3541
- Fix typos by @omahs in #3549
- Dynamo regional compilation by @IlyasMoutawwakil in #3529
- add support for port 0 auto-selection in multi-GPU environments by @hellobiondi in #3501
- Fix the issue where
set_epochdoes not take effect. by @hongjx175 in #3556 - [FSDP2] Fix casting in
_cast_and_contiguousby @dlvp in #3559 - [FSDP] Make env var and dataclass flag consistent for
cpu_ram_efficient_loadingby @SumanthRH in #3307 - canonicalize optimized names before fixing optimizer in fdsp2 by @pstjohn in #3560
- [docs] update deepspeed config path by @faaany in #3561
- preserve parameter keys when removing prefix by @mjkvaak-amd in #3564
- Add Gaudi doc by @regisss in #3537
- Update dynamic env handling to preserve None when USE_DYNAMIC is unset by @yafshar in #3567
- add a
synchronizecall for xpu in_gpu_gatherby @faaany in #3563 - simplify model.to logic by @yao-matrix in #3562
- tune env command output by @yao-matrix in #3570
- Add regional compilation to cli tools and env vars by @IlyasMoutawwakil in #3572
- reenable FSDP2+qlora support by @winglian in #3546
- Fix prevent duplicate GPU usage in distributed processing by @ved1beta in #3526
- set backend correctly for CUDA+FSDP2+cpu-offload by @SunMarc in #3574
- enable test_dispatch_model_tied_weights_memory_with_nested_offload_cpu on xpu by @yao-matrix i...
v1.6.0: FSDPv2, DeepSpeed TP and XCCL backend support
FSDPv2 support
This release introduces the support for FSDPv2 thanks to @S1ro1.
If you are using python code, you need to set fsdp_version=2 in FullyShardedDataParallelPlugin:
from accelerate import FullyShardedDataParallelPlugin, Accelerator
fsdp_plugin = FullyShardedDataParallelPlugin(
fsdp_version=2
# other options...
)
accelerator = Accelerator(fsdp_plugin=fsdp_plugin)If want to convert a YAML config that contains the FSDPv1 config to FSDPv2 one , use our conversion tool:
accelerate to-fsdp2 --config_file config.yaml --output_file new_config.yaml`
To learn more about the difference between FSDPv1 and FSDPv2, read the following documentation.
DeepSpeed TP support
We have added initial support for DeepSpeed + TP. Not many changes were required as the DeepSpeed APIs was already compatible. We only needed to make sure that the dataloader was compatible with TP and that we were able to save the TP weights. Thanks @inkcherry for the work ! #3390.
To use TP with deepspeed, you need to update the setting in the deepspeed config file by including tensor_parallel key:
....
"tensor_parallel":{
"autotp_size": ${autotp_size}
},
...
More details in this deepspeed PR.
Support for XCCL distributed backend
We've added support for XCCL which is an Intel distributed backend which can be used with XPU devices. More details in this torch PR. Thanks @dvrogozh for the integration !
What's Changed
- Add
log_artifact,log_artifactsandlog_figurecapabilities to the MLflowTracker. by @luiz0992 in #3419 - tensor parallel dataloder for deepspeed accelerator by @inkcherry in #3390
- Fix prod issues by @muellerzr in #3441
- Fix attribute issue with deepspeed tp by @SunMarc in #3443
- Fixed typo in the multi node FSDP slurm example script by @JacobB33 in #3447
- feat: Add no_ssh and slurm multinode launcher options for deepspeed by @hsmallbone in #3329
- Fixup ao module filter func by @muellerzr in #3450
- remove device index workaround on xpu since xpu supports integer device index as cuda now by @yao-matrix in #3448
- enable 2 UT cases on XPU by @yao-matrix in #3445
- Fix AMD GPU support with should_reduce_batch_size() by @cameronshinn in #3405
- Fix device KeyError in tied_params_map by @dvrogozh in #3403
- Initial FSDP2 support by @S1ro1 in #3394
- Fix: clip grad norm in fsdp2 by @S1ro1 in #3465
- Update @ by @muellerzr in #3466
- Fix seeding of new generator for multi GPU by @albertcthomas in #3459
- Fix get_balanced_memory for MPS by @booxter in #3464
- Update CometMLTracker to allow re-using experiment by @Lothiraldan in #3328
- Apply ruff py39 fixes by @cyyever in #3461
- xpu: enable xccl distributed backend by @dvrogozh in #3401
- Update ruff target-version to py39 and apply more fixes by @cyyever in #3470
- [MLU] fix deepspeed dependency by @huismiling in #3472
- remove use_xpu to fix ut issues, we don't need this since XPU is OOB … by @yao-matrix in #3460
- Bump ruff to 0.11.2 by @cyyever in #3471
New Contributors
- @luiz0992 made their first contribution in #3419
- @inkcherry made their first contribution in #3390
- @JacobB33 made their first contribution in #3447
- @hsmallbone made their first contribution in #3329
- @yao-matrix made their first contribution in #3448
- @cameronshinn made their first contribution in #3405
- @S1ro1 made their first contribution in #3394
- @albertcthomas made their first contribution in #3459
- @booxter made their first contribution in #3464
- @Lothiraldan made their first contribution in #3328
- @cyyever made their first contribution in #3461
Full Changelog: v1.5.2...v1.6.0
Patch: v1.5.2
Bug Fixes:
- Fixed an issue with
torch.get_default_device()requiring a higher version than what we support - Fixed a broken
pytestimport in prod
Full Changelog: v1.5.0...v1.5.2
v1.5.0: HPU support
HPU Support
- Adds in HPU accelerator support for 🤗 Accelerate
What's Changed
- [bug] fix device index bug for model training loaded with bitsandbytes by @faaany in #3408
- [docs] add the missing
import torchby @faaany in #3396 - minor doc fixes by @nbroad1881 in #3365
- fix: ensure CLI args take precedence over config file. by @cyr0930 in #3409
- fix: Add
device=torch.get_default_device()intorch.Generators by @saforem2 in #3420 - Add Tecorigin SDAA accelerator support by @siqi654321 in #3330
- fix typo : thier -> their by @hackty in #3423
- Fix quality by @muellerzr in #3424
- Distributed inference example for llava_next by @VladOS95-cyber in #3417
- HPU support by @IlyasMoutawwakil in #3378
New Contributors
- @cyr0930 made their first contribution in #3409
- @saforem2 made their first contribution in #3420
- @siqi654321 made their first contribution in #3330
- @hackty made their first contribution in #3423
- @VladOS95-cyber made their first contribution in #3417
- @IlyasMoutawwakil made their first contribution in #3378
Full Changelog: v1.4.0...v1.5.0

