Changelog
### 3.2.0
```
What changed
- Introduce QLoRA-like technique for LoRA fine-tuning of `Dense` and `EinsumDense` layers (thereby any LLM) in int8 precision.
- Extend `keras.ops.custom_gradient` support to PyTorch.
- Add `keras.layers.JaxLayer` and `keras.layers.FlaxLayer` to wrap JAX/Flax modules as Keras layers.
- Allow `save_model` & `load_model` to accept a file-like object.
- Add quantization support to the `Embedding` layer.
- Make it possible to update metrics inside a custom `compute_loss` method with all backends.
- Make it possible to access `self.losses` inside a custom `compute_loss` method with the JAX backend.
- Add `keras.losses.Dice` loss.
- Add `keras.ops.correlate`.
- Make it possible to use cuDNN LSTM & GRU with a mask with the TensorFlow backend.
- Better JAX support in `model.export()`: add support for aliases, finer control over `jax2tf` options, and dynamic batch shapes.
- Bug fixes and performance improvements.
New Contributors
* abhaskumarsinha made their first contribution in https://github.com/keras-team/keras/pull/19302
* qaqland made their first contribution in https://github.com/keras-team/keras/pull/19378
* tvogel made their first contribution in https://github.com/keras-team/keras/pull/19310
* lpizzinidev made their first contribution in https://github.com/keras-team/keras/pull/19409
* Murhaf made their first contribution in https://github.com/keras-team/keras/pull/19444
**Full Changelog**: https://github.com/keras-team/keras/compare/v3.1.1...v3.2.0
```
### 3.1.1
```
This is a minor bugfix release over 3.1.0.
What's Changed
* Unwrap variable values in all stateless calls. by hertschuh in https://github.com/keras-team/keras/pull/19287
* Fix `draw_seed` causing device discrepancy issue during `torch`'s symbolic execution by KhawajaAbaid in https://github.com/keras-team/keras/pull/19289
* Fix TestCase.run_layer_test for multi-output layers by shkarupa-alex in https://github.com/keras-team/keras/pull/19293
* Sine docstring by grasskin in https://github.com/keras-team/keras/pull/19295
* Fix `keras.ops.softmax` for the tensorflow backend by tirthasheshpatel in https://github.com/keras-team/keras/pull/19300
* Fix mixed precision check in TestCase.run_layer_test: compare with output_spec dtype instead of hardcoded float16 by shkarupa-alex in https://github.com/keras-team/keras/pull/19297
* ArrayDataAdapter no longer converts to NumPy and supports sparse tens… by hertschuh in https://github.com/keras-team/keras/pull/19298
* add token to codecov by haifeng-jin in https://github.com/keras-team/keras/pull/19312
* Add Tensorflow support for variable `scatter_update` in optimizers. by hertschuh in https://github.com/keras-team/keras/pull/19313
* Replace `dm-tree` with `optree` by james77777778 in https://github.com/keras-team/keras/pull/19306
* downgrade codecov to v3 by haifeng-jin in https://github.com/keras-team/keras/pull/19319
* Allow tensors in `tf.Dataset`s to have different dimensions. by hertschuh in https://github.com/keras-team/keras/pull/19318
* update codecov setting by haifeng-jin in https://github.com/keras-team/keras/pull/19320
* Set dtype policy for uint8 by sampathweb in https://github.com/keras-team/keras/pull/19327
* Use Value dim shape for Attention compute_output_shape by sampathweb in https://github.com/keras-team/keras/pull/19284
New Contributors
* tirthasheshpatel made their first contribution in https://github.com/keras-team/keras/pull/19300
**Full Changelog**: https://github.com/keras-team/keras/compare/v3.1.0...v3.1.1
```
### 3.1.0
```
New features
* Add support for `int8` inference. Just call `model.quantize("int8")` to do an in-place conversion of a bfloat16 or float32 model to an int8 model. Note that only `Dense` and `EinsumDense` layers will be converted (this covers LLMs and all Transformers in general). We may add more supported layers over time.
* Add `keras.config.set_backend(backend)` utility to reload a different backend.
* Add `keras.layers.MelSpectrogram` layer for turning raw audio data into Mel spectrogram representation.
* Add `keras.ops.custom_gradient` decorator (only for JAX and TensorFlow).
* Add `keras.ops.image.crop_images`.
* Add `pad_to_aspect_ratio` argument to `image_dataset_from_directory`.
* Add `keras.random.binomial` and `keras.random.beta` functions.
* Enable `keras.ops.einsum` to run with int8 x int8 inputs and int32 output.
* Add `verbose` argument in all dataset-creation utilities.
Notable fixes
* Fix Functional model slicing
* Fix for TF XLA compilation error for `SpectralNormalization`
* Refactor `axis` logic across all backends and add support for multiple axes in `expand_dims` and `squeeze`
New Contributors
* mykolaskrynnyk made their first contribution in https://github.com/keras-team/keras/pull/19190
* chicham made their first contribution in https://github.com/keras-team/keras/pull/19201
* joycebrum made their first contribution in https://github.com/keras-team/keras/pull/19214
* EtiNL made their first contribution in https://github.com/keras-team/keras/pull/19228
**Full Changelog**: https://github.com/keras-team/keras/compare/v3.0.5...v3.1.0
```
### 3.0.5
```
This release brings many bug fixes and performance improvements, new linear algebra ops, and sparse tensor support for the JAX backend.
Highlights
* Add support for sparse tensors with the JAX backend.
* Add support for saving/loading in bfloat16.
* Add linear algebra ops in `keras.ops.linalg`.
* Support nested structures in `while_loop` op.
* Add `erfinv` op.
* Add `normalize` op.
* Add support for `IterableDataset` to `TorchDataLoaderAdapter`.
New Contributors
* frazane made their first contribution in https://github.com/keras-team/keras/pull/19107
* SamanehSaadat made their first contribution in https://github.com/keras-team/keras/pull/19111
* sitamgithub-MSIT made their first contribution in https://github.com/keras-team/keras/pull/19142
* timotheeMM made their first contribution in https://github.com/keras-team/keras/pull/19169
**Full Changelog**: https://github.com/keras-team/keras/compare/v3.0.4...v3.0.5
```
### 3.0.4
```
This is a minor release with improvements to the LoRA API required by the next release of KerasNLP.
**Full Changelog**: https://github.com/keras-team/keras/compare/v3.0.3...v3.0.4
```
### 3.0.3
```
This is a minor Keras release.
What's Changed
* Add built-in LoRA (low-rank adaptation) API to all relevant layers (`Dense`, `EinsumDense`, `Embedding`).
* Add `SwapEMAWeights` callback to make it easier to evaluate model metrics using EMA weights during training.
* All `DataAdapters` now create a native iterator for each backend, improving performance.
* Add built-in prefetching for JAX, improving performance.
* The `bfloat16` dtype is now allowed in the global `set_dtype` configuration utility.
* Bug fixes and performance improvements.
New Contributors
* kiraksi made their first contribution in https://github.com/keras-team/keras/pull/18977
* dugujiujian1999 made their first contribution in https://github.com/keras-team/keras/pull/19010
* neo-alex made their first contribution in https://github.com/keras-team/keras/pull/18997
* anas-rz made their first contribution in https://github.com/keras-team/keras/pull/19057
**Full Changelog**: https://github.com/keras-team/keras/compare/v3.0.2...v3.0.3
```
### 3.0.2
```
Breaking changes
There are no known breaking changes in this release compared to 3.0.1.
API changes
- Add `keras.random.binomial` and `keras.random.beta` RNG functions.
- Add masking support to `BatchNormalization`.
- Add `keras.losses.CTC` (loss function for sequence-to-sequence tasks) as well as the lower-level operation `keras.ops.ctc_loss`.
- Add `ops.random.alpha_dropout` and `layers.AlphaDropout`.
- Add gradient accumulation support for all backends, and enable optimizer EMA for JAX and torch
**Full Changelog**: https://github.com/keras-team/keras/compare/v3.0.1...v3.0.2
```
### 3.0.1
```
This is a minor release focused on bug fixes and performance improvements.
What's Changed
* Bug fixes and performance improvements.
* Add `stop_evaluating` and `stop_predicting` model attributes for callbacks, similar to `stop_training`.
* Add `keras.device()` scope for managing device placement in a multi-backend way.
* Support dict items in `PyDataset`.
* Add `hard_swish` activation and op.
* Fix cuDNN LSTM performance on TensorFlow backend.
* Add a `force_download` arg to `get_file` to force cache invalidation.
**Full Changelog**: https://github.com/keras-team/keras/compare/v3.0.0...v3.0.1
```
### 3.0.0
```
Major updates
See the [release announcement](https://keras.io/keras_3/) for a detailed list of major changes. Main highlights compared to Keras 2 are:
- Keras can now be run on top of JAX, PyTorch, TensorFlow, and even NumPy (note that the NumPy backend is inference-only).
- New low-level `keras.ops` API for building cross-framework components.
- New large-scale model distribution `keras.distribution` based on JAX.
- New stateless API for layers, models, optimizers, and metrics.
Breaking changes
See [this thread](https://github.com/keras-team/keras/issues/18467) for a complete list of breaking changes, as well as the [Keras 3 migration guide](https://keras.io/guides/migrating_to_keras_3/).
```
### 2.15.0
```
What's Changed
* Typofixes for `StringLookup` documentation by cw118 in https://github.com/keras-team/keras/pull/18333
* Fix ModelCheckpoint trained-on batch counting when using steps_per_execution>1 by jasnyj in https://github.com/keras-team/keras/pull/17632
* Fix legacy optimizer handling in `compile_from_config()`. by nkovela1 in https://github.com/keras-team/keras/pull/18492
* Remove options arg from ModelCheckpoint callback for Keras V3 saving, streamline ModelCheckpoint saving flow. Parameterize associated tests. by nkovela1 in https://github.com/keras-team/keras/pull/18545
* Use TENSORFLOW_VERSION when available during pip_build script by sampathweb in https://github.com/keras-team/keras/pull/18739
New Contributors
* cw118 made their first contribution in https://github.com/keras-team/keras/pull/18333
* jasnyj made their first contribution in https://github.com/keras-team/keras/pull/17632
**Full Changelog**: https://github.com/keras-team/keras/compare/v2.14.0...v2.15.0
```
### 2.14.0
```
What's Changed
* [keras/layers/normalization] Standardise docstring usage of "Default to" by SamuelMarks in https://github.com/keras-team/keras/pull/17965
* Update Python ver to 3.9 in Dockerfile by sampathweb in https://github.com/keras-team/keras/pull/18076
* [keras/saving/legacy/saved_model] Standardise docstring usage of "Default to" by SamuelMarks in https://github.com/keras-team/keras/pull/17978
* [keras/metrics] Standardise docstring usage of "Default to" by SamuelMarks in https://github.com/keras-team/keras/pull/17972
* Update example losses to bce- metrics/confusion_metrics.py by Frightera in https://github.com/keras-team/keras/pull/18045
* [keras/layers/regularization] Standardise docstring usage of "Default to" by SamuelMarks in https://github.com/keras-team/keras/pull/17968
* [keras/applications/efficientnet.py] Standardise docstring usage of "Default to" by SamuelMarks in https://github.com/keras-team/keras/pull/17758
* [keras/models] Standardise docstring usage of "Default to" by SamuelMarks in https://github.com/keras-team/keras/pull/17974
* [keras/mixed_precision] Standardise docstring usage of "Default to" by SamuelMarks in https://github.com/keras-team/keras/pull/17973
* Update indentation level - losses.py by Frightera in https://github.com/keras-team/keras/pull/18043
* Remove github user sushreebarsa from assignees. by shmishra99 in https://github.com/keras-team/keras/pull/18058
* [keras/preprocessing] Standardise docstring usage of "Default to" by SamuelMarks in https://github.com/keras-team/keras/pull/17977
* [keras/testing_infra] Standardise docstring usage of "Default to" by SamuelMarks in https://github.com/keras-team/keras/pull/17979
* [keras/benchmarks/benchmark_util.py] Use var rather than string literal for `is None` checks on `measure_performance` by SamuelMarks in https://github.com/keras-team/keras/pull/17980
* Some cleanup // Optimizers by Frightera in https://github.com/keras-team/keras/pull/18124
* [keras/layers/preprocessing] fix comments in RandomWidth, change to 'horizontally' instead of 'vertically' by qibolee in https://github.com/keras-team/keras/pull/18113
* [keras/applications] Standardise docstring usage of "Default to" by SamuelMarks in https://github.com/keras-team/keras/pull/17954
* [keras/estimator] Standardise docstring usage of "Default to" by SamuelMarks in https://github.com/keras-team/keras/pull/17957
* Fix CategoricalFocalCE documentation by Frightera in https://github.com/keras-team/keras/pull/18144
* [keras/utils] Standardise docstring usage of "Default to" by SamuelMarks in https://github.com/keras-team/keras/pull/17953
* [keras/layers/pooling] Standardise docstring usage of "Default to" by SamuelMarks in https://github.com/keras-team/keras/pull/17966
* use io_utils.print_msg in datset_utils by pedrobrs in https://github.com/keras-team/keras/pull/18054
* Update indentation level - activations.py by Frightera in https://github.com/keras-team/keras/pull/18036
* [keras/legacy_tf_layers] Standardise docstring usage of "Default to" by SamuelMarks in https://github.com/keras-team/keras/pull/17971
* [keras/layers/convolutional] Standardise docstring usage of "Default to" by SamuelMarks in https://github.com/keras-team/keras/pull/17963
* [keras/engine] Standardise docstring usage of "Default to" by SamuelMarks in https://github.com/keras-team/keras/pull/17956
* [keras/feature_column] Standardise docstring usage of "Default to" by SamuelMarks in https://github.com/keras-team/keras/pull/17958
* Fix markdown rendering issue by sachinprasadhs in https://github.com/keras-team/keras/pull/18205
* Consistently use "pickleable" instead of "picklable" by NicoWeio in https://github.com/keras-team/keras/pull/18140
* Use prefetch() after batching // image_dataset.py by Frightera in https://github.com/keras-team/keras/pull/18160
* Update Argument padding for zero_padding1d.py by SuryanarayanaY in https://github.com/keras-team/keras/pull/18223
* RGB image data is not grayscale image data by misterrioes in https://github.com/keras-team/keras/pull/18133
* updated read.me by VaishnaviMudaliar in https://github.com/keras-team/keras/pull/18226
* Fixed the typo in policy.py by tilakrayal in https://github.com/keras-team/keras/pull/18233
* Update example losses probabilistic_metrics.py by Frightera in https://github.com/keras-team/keras/pull/18234
* Fixed "reset_state" of R2Score metric by pdyakov in https://github.com/keras-team/keras/pull/18251
* Ignore hidden folders for image_dataset_from_directory by sachinprasadhs in https://github.com/keras-team/keras/pull/18177
* Improve error message for input data to fit. by tomrtk in https://github.com/keras-team/keras/pull/18042
* refactor: _log_epoch_metrics() by arjun-234 in https://github.com/keras-team/keras/pull/18274
* Refactor test cases to improve unit test quality by freddiewanah in https://github.com/keras-team/keras/pull/18303
* typo in disable_interactie_logging by ganeshiva in https://github.com/keras-team/keras/pull/18314
* Removes Python 3.8 support by sampathweb in https://github.com/keras-team/keras/pull/18332
* Update requirements.txt by qlzh727 in https://github.com/keras-team/keras/pull/18382
New Contributors
* sampathweb made their first contribution in https://github.com/keras-team/keras/pull/18076
* shmishra99 made their first contribution in https://github.com/keras-team/keras/pull/18058
* qibolee made their first contribution in https://github.com/keras-team/keras/pull/18113
* pedrobrs made their first contribution in https://github.com/keras-team/keras/pull/18054
* NicoWeio made their first contribution in https://github.com/keras-team/keras/pull/18140
* SuryanarayanaY made their first contribution in https://github.com/keras-team/keras/pull/18223
* misterrioes made their first contribution in https://github.com/keras-team/keras/pull/18133
* VaishnaviMudaliar made their first contribution in https://github.com/keras-team/keras/pull/18226
* pdyakov made their first contribution in https://github.com/keras-team/keras/pull/18251
* tomrtk made their first contribution in https://github.com/keras-team/keras/pull/18042
* arjun-234 made their first contribution in https://github.com/keras-team/keras/pull/18274
* freddiewanah made their first contribution in https://github.com/keras-team/keras/pull/18303
* ganeshiva made their first contribution in https://github.com/keras-team/keras/pull/18314
**Full Changelog**: https://github.com/keras-team/keras/compare/v2.13.1...v2.14.0
```
### 2.14.0rc0
```
What's Changed
* [keras/layers/normalization] Standardise docstring usage of "Default to" by SamuelMarks in https://github.com/keras-team/keras/pull/17965
* Update Python ver to 3.9 in Dockerfile by sampathweb in https://github.com/keras-team/keras/pull/18076
* [keras/saving/legacy/saved_model] Standardise docstring usage of "Default to" by SamuelMarks in https://github.com/keras-team/keras/pull/17978
* [keras/metrics] Standardise docstring usage of "Default to" by SamuelMarks in https://github.com/keras-team/keras/pull/17972
* Update example losses to bce- metrics/confusion_metrics.py by Frightera in https://github.com/keras-team/keras/pull/18045
* [keras/layers/regularization] Standardise docstring usage of "Default to" by SamuelMarks in https://github.com/keras-team/keras/pull/17968
* [keras/applications/efficientnet.py] Standardise docstring usage of "Default to" by SamuelMarks in https://github.com/keras-team/keras/pull/17758
* [keras/models] Standardise docstring usage of "Default to" by SamuelMarks in https://github.com/keras-team/keras/pull/17974
* [keras/mixed_precision] Standardise docstring usage of "Default to" by SamuelMarks in https://github.com/keras-team/keras/pull/17973
* Update indentation level - losses.py by Frightera in https://github.com/keras-team/keras/pull/18043
* Remove github user sushreebarsa from assignees. by shmishra99 in https://github.com/keras-team/keras/pull/18058
* [keras/preprocessing] Standardise docstring usage of "Default to" by SamuelMarks in https://github.com/keras-team/keras/pull/17977
* [keras/testing_infra] Standardise docstring usage of "Default to" by SamuelMarks in https://github.com/keras-team/keras/pull/17979
* [keras/benchmarks/benchmark_util.py] Use var rather than string literal for `is None` checks on `measure_performance` by SamuelMarks in https://github.com/keras-team/keras/pull/17980
* Some cleanup // Optimizers by Frightera in https://github.com/keras-team/keras/pull/18124
* [keras/layers/preprocessing] fix comments in RandomWidth, change to 'horizontally' instead of 'vertically' by qibolee in https://github.com/keras-team/keras/pull/18113
* [keras/applications] Standardise docstring usage of "Default to" by SamuelMarks in https://github.com/keras-team/keras/pull/17954
* [keras/estimator] Standardise docstring usage of "Default to" by SamuelMarks in https://github.com/keras-team/keras/pull/17957
* Fix CategoricalFocalCE documentation by Frightera in https://github.com/keras-team/keras/pull/18144
* [keras/utils] Standardise docstring usage of "Default to" by SamuelMarks in https://github.com/keras-team/keras/pull/17953
* [keras/layers/pooling] Standardise docstring usage of "Default to" by SamuelMarks in https://github.com/keras-team/keras/pull/17966
* use io_utils.print_msg in datset_utils by pedrobrs in https://github.com/keras-team/keras/pull/18054
* Update indentation level - activations.py by Frightera in https://github.com/keras-team/keras/pull/18036
* [keras/legacy_tf_layers] Standardise docstring usage of "Default to" by SamuelMarks in https://github.com/keras-team/keras/pull/17971
* [keras/layers/convolutional] Standardise docstring usage of "Default to" by SamuelMarks in https://github.com/keras-team/keras/pull/17963
* [keras/engine] Standardise docstring usage of "Default to" by SamuelMarks in https://github.com/keras-team/keras/pull/17956
* [keras/feature_column] Standardise docstring usage of "Default to" by SamuelMarks in https://github.com/keras-team/keras/pull/17958
* Fix markdown rendering issue by sachinprasadhs in https://github.com/keras-team/keras/pull/18205
* Consistently use "pickleable" instead of "picklable" by NicoWeio in https://github.com/keras-team/keras/pull/18140
* Use prefetch() after batching // image_dataset.py by Frightera in https://github.com/keras-team/keras/pull/18160
* Update Argument padding for zero_padding1d.py by SuryanarayanaY in https://github.com/keras-team/keras/pull/18223
* RGB image data is not grayscale image data by misterrioes in https://github.com/keras-team/keras/pull/18133
* updated read.me by VaishnaviMudaliar in https://github.com/keras-team/keras/pull/18226
* Fixed the typo in policy.py by tilakrayal in https://github.com/keras-team/keras/pull/18233
* Update example losses probabilistic_metrics.py by Frightera in https://github.com/keras-team/keras/pull/18234
* Fixed "reset_state" of R2Score metric by pdyakov in https://github.com/keras-team/keras/pull/18251
* Ignore hidden folders for image_dataset_from_directory by sachinprasadhs in https://github.com/keras-team/keras/pull/18177
* Improve error message for input data to fit. by tomrtk in https://github.com/keras-team/keras/pull/18042
* refactor: _log_epoch_metrics() by arjun-234 in https://github.com/keras-team/keras/pull/18274
* Refactor test cases to improve unit test quality by freddiewanah in https://github.com/keras-team/keras/pull/18303
* typo in disable_interactie_logging by ganeshiva in https://github.com/keras-team/keras/pull/18314
* Removes Python 3.8 support by sampathweb in https://github.com/keras-team/keras/pull/18332
New Contributors
* sampathweb made their first contribution in https://github.com/keras-team/keras/pull/18076
* shmishra99 made their first contribution in https://github.com/keras-team/keras/pull/18058
* qibolee made their first contribution in https://github.com/keras-team/keras/pull/18113
* pedrobrs made their first contribution in https://github.com/keras-team/keras/pull/18054
* NicoWeio made their first contribution in https://github.com/keras-team/keras/pull/18140
* SuryanarayanaY made their first contribution in https://github.com/keras-team/keras/pull/18223
* misterrioes made their first contribution in https://github.com/keras-team/keras/pull/18133
* VaishnaviMudaliar made their first contribution in https://github.com/keras-team/keras/pull/18226
* pdyakov made their first contribution in https://github.com/keras-team/keras/pull/18251
* tomrtk made their first contribution in https://github.com/keras-team/keras/pull/18042
* arjun-234 made their first contribution in https://github.com/keras-team/keras/pull/18274
* freddiewanah made their first contribution in https://github.com/keras-team/keras/pull/18303
* ganeshiva made their first contribution in https://github.com/keras-team/keras/pull/18314
**Full Changelog**: https://github.com/keras-team/keras/compare/v2.13.1...v2.14.0-rc0
```
### 2.13.1
```
What's Changed
* Fix timeseries_dataset_from_array counts when sequence_stride > 1 by basjacobs93 in https://github.com/keras-team/keras/pull/17396
* Fix doc for MultiHeadAttention's output_shape arg by tsdeng in https://github.com/keras-team/keras/pull/17432
* Added a link to the TextVectorization API Reference Page. by Neeshamraghav012 in https://github.com/keras-team/keras/pull/17540
* Fix ConvNeXt classifier activation bug by Frightera in https://github.com/keras-team/keras/pull/17544
* Activations clean up by joesho112358 in https://github.com/keras-team/keras/pull/17545
* Perform all ops in apply_gradient in a given tf.name_scope. by foxik in https://github.com/keras-team/keras/pull/17550
* Bugfix/normalization invert by jerabaul29 in https://github.com/keras-team/keras/pull/17501
* OptimizerV2: Allow deepcopy by jschueller in https://github.com/keras-team/keras/pull/17463
* keras.models.clone_model creates different weight names for RNN layers by mergian in https://github.com/keras-team/keras/pull/17465
* Fix spelling error in Initializer warning by edknv in https://github.com/keras-team/keras/pull/17568
* LayerScale fix to support pretrained ConvNeXt models with mixed precision by andreped in https://github.com/keras-team/keras/pull/17547
* Softmax fix in Mixed Precision by dsr-lab in https://github.com/keras-team/keras/pull/17571
* Less restrictive ROCm+GRU/LSTM fallback logic by ekuznetsov139 in https://github.com/keras-team/keras/pull/17587
* Update security section. by sachinprasadhs in https://github.com/keras-team/keras/pull/17522
* Fix serialization error with EfficientNet by RocketDelivery in https://github.com/keras-team/keras/pull/17498
* grammar corrections by egurnick in https://github.com/keras-team/keras/pull/17595
* Update documentation to keras reuters dataset by hxy9243 in https://github.com/keras-team/keras/pull/17635
* Add Lion optimizer by drauh in https://github.com/keras-team/keras/pull/17605
* Correct the docstring of Head func in convnext.py by Frightera in https://github.com/keras-team/keras/pull/17667
* keras.layers.Bidirectional is missing argument "states", which is defined for keras.layers.RNN by mergian in https://github.com/keras-team/keras/pull/17469
* fix a small bug in tf.keras.layer.Layer.compute_output_signature by yamanoko in https://github.com/keras-team/keras/pull/17636
* Optimize mixed-precision finite check for sparse tensors. by nluehr in https://github.com/keras-team/keras/pull/17638
* Typo Lion docstring by drauh in https://github.com/keras-team/keras/pull/17726
* Raise ValueError if reducing axis dimension is 0 by old-school-kid in https://github.com/keras-team/keras/pull/16755
* Add CategoricalFocalCrossentropy to Losses API by Frightera in https://github.com/keras-team/keras/pull/17651
* Unifying interpolation selection by jpodivin in https://github.com/keras-team/keras/pull/17742
* Add a missing space by sudoLife in https://github.com/keras-team/keras/pull/17744
* [keras/initializers/initializers_v1.py] Standardise docstring usage of "Default to" by SamuelMarks in https://github.com/keras-team/keras/pull/17785
* [keras/layers/convolutional/conv3d_transpose.py] Standardise docstring usage of "Default to" by SamuelMarks in https://github.com/keras-team/keras/pull/17797
* [keras/engine/training.py] Standardise docstring usage of "Default to" by SamuelMarks in https://github.com/keras-team/keras/pull/17780
* [keras/feature_column/dense_features.py] Standardise docstring usage of "Default to" by SamuelMarks in https://github.com/keras-team/keras/pull/17783
* [keras/datasets/imdb.py] Standardise docstring usage of "Default to" by SamuelMarks in https://github.com/keras-team/keras/pull/17771
* [keras/backend.py] Standardise docstring usage of "Default to" by SamuelMarks in https://github.com/keras-team/keras/pull/17769
* [keras/engine/base_layer_utils.py] Standardise docstring usage of "Default to" by SamuelMarks in https://github.com/keras-team/keras/pull/17774
* [keras/layers/activation/leaky_relu.py] Standardise docstring usage of "Default to" by SamuelMarks in https://github.com/keras-team/keras/pull/17786
* [keras/engine/training_v1.py] Standardise docstring usage of "Default to" by SamuelMarks in https://github.com/keras-team/keras/pull/17781
* [keras/layers/activation/relu.py] Standardise docstring usage of "Default to" by SamuelMarks in https://github.com/keras-team/keras/pull/17787
* [keras/layers/convolutional/conv2d_transpose.py] Standardise docstring usage of "Default to" by SamuelMarks in https://github.com/keras-team/keras/pull/17795
* [keras/layers/convolutional/conv3d.py] Standardise docstring usage of "Default to" by SamuelMarks in https://github.com/keras-team/keras/pull/17796
* [keras/layers/activation/softmax.py] Standardise docstring usage of "Default to" by SamuelMarks in https://github.com/keras-team/keras/pull/17788
* [keras/layers/convolutional/depthwise_conv2d.py] Standardise docstring usage of "Default to" by SamuelMarks in https://github.com/keras-team/keras/pull/17799
* [keras/layers/convolutional/separable_conv2d.py] Standardise docstring usage of "Default to" by SamuelMarks in https://github.com/keras-team/keras/pull/17800
* [keras/layers/locally_connected/locally_connected2d.py] Standardise docstring usage of "Default to" by SamuelMarks in https://github.com/keras-team/keras/pull/17803
* [keras/layers/locally_connected/locally_connected1d.py] Standardise docstring usage of "Default to" by SamuelMarks in https://github.com/keras-team/keras/pull/17802
* Fix performance issue with sample weights in model.fit() by nershman in https://github.com/keras-team/keras/pull/17357
* [keras/datasets/reuters.py] Standardise docstring usage of "Default to" by SamuelMarks in https://github.com/keras-team/keras/pull/17772
* [keras/applications/mobilenet.py] Standardise docstring usage of "Default to" by SamuelMarks in https://github.com/keras-team/keras/pull/17763
* [keras/applications/inception_v3.py] Standardise docstring usage of "Default to" by SamuelMarks in https://github.com/keras-team/keras/pull/17762
* [keras/engine/input_layer.py] Standardise docstring usage of "Default to" by SamuelMarks in https://github.com/keras-team/keras/pull/17779
* [keras/engine/data_adapter.py] Standardise docstring usage of "Default to" by SamuelMarks in https://github.com/keras-team/keras/pull/17777
* [keras/applications/imagenet_utils.py] Standardise docstring usage of "Default to" by SamuelMarks in https://github.com/keras-team/keras/pull/17760
* [keras/layers/attention/additive_attention.py] Standardise docstring usage of "Default to" by SamuelMarks in https://github.com/keras-team/keras/pull/17789
* [keras/engine/base_layer.py] Standardise docstring usage of "Default to" by SamuelMarks in https://github.com/keras-team/keras/pull/17773
* [keras/layers/kernelized.py] Standardise docstring usage of "Default to" by SamuelMarks in https://github.com/keras-team/keras/pull/17801
* [keras/engine/functional.py] Standardise docstring usage of "Default to" by SamuelMarks in https://github.com/keras-team/keras/pull/17778
* [keras/layers/attention/multi_head_attention.py] Standardise docstring usage of "Default to" by SamuelMarks in https://github.com/keras-team/keras/pull/17791
* Minor improvements and code refactoring in backend.py by Frightera in https://github.com/keras-team/keras/pull/17746
* Update indentation level - layers/attention by Frightera in https://github.com/keras-team/keras/pull/17945
* Update indentation level - layers/activation by Frightera in https://github.com/keras-team/keras/pull/17943
* [keras/layers/preprocessing/image_preprocessing_test.py] Standardise docstring usage of "Default to" by SamuelMarks in https://github.com/keras-team/keras/pull/17820
* [keras/layers/preprocessing/text_vectorization.py] Standardise docstring usage of "Default to" by SamuelMarks in https://github.com/keras-team/keras/pull/17825
* [keras/optimizers/ftrl.py] Standardise docstring usage of "Default to" by SamuelMarks in https://github.com/keras-team/keras/pull/17864
* [keras/optimizers/adam.py] Standardise docstring usage of "Default to" by SamuelMarks in https://github.com/keras-team/keras/pull/17861
* [keras/optimizers/adamax.py] Standardise docstring usage of "Default to" by SamuelMarks in https://github.com/keras-team/keras/pull/17862
* [keras/optimizers/legacy/adam.py] Standardise docstring usage of "Default to" by SamuelMarks in https://github.com/keras-team/keras/pull/17867
* [keras/optimizers/legacy/ftrl.py] Standardise docstring usage of "Default to" by SamuelMarks in https://github.com/keras-team/keras/pull/17868
* [keras/utils/dataset_utils.py] Standardise docstring usage of "Default to" by SamuelMarks in https://github.com/keras-team/keras/pull/17895
* [keras/utils/feature_space.py] Standardise docstring usage of "Default to" by SamuelMarks in https://github.com/keras-team/keras/pull/17896
* [keras/optimizers/nadam.py] Standardise docstring usage of "Default to" by SamuelMarks in https://github.com/keras-team/keras/pull/17875
* [keras/saving/serialization_lib.py] Standardise docstring usage of "Default to" by SamuelMarks in https://github.com/keras-team/keras/pull/17889
* [keras/metrics/base_metric.py] Standardise docstring usage of "Default to" by SamuelMarks in https://github.com/keras-team/keras/pull/17850
* Update indentation level - utils/image_dataset by Frightera in https://github.com/keras-team/keras/pull/18005
* [keras/optimizers/schedules] Standardise docstring usage of "Default to" by SamuelMarks in https://github.com/keras-team/keras/pull/17976
* [keras/layers/reshaping] Standardise docstring usage of "Default to" by SamuelMarks in https://github.com/keras-team/keras/pull/17969
* [keras/optimizers/legacy] Standardise docstring usage of "Default to" by SamuelMarks in https://github.com/keras-team/keras/pull/17975
* [keras/layers/rnn] Standardise docstring usage of "Default to" by SamuelMarks in https://github.com/keras-team/keras/pull/17970
* [keras/layers/convolutional/depthwise_conv1d.py] Standardise docstring usage of "Default to" by SamuelMarks in https://github.com/keras-team/keras/pull/17798
* [keras/applications/mobilenet_v3.py] Standardise docstring usage of "Default to" by SamuelMarks in https://github.com/keras-team/keras/pull/17764
* [keras/layers/preprocessing] Standardise docstring usage of "Default to" by SamuelMarks in https://github.com/keras-team/keras/pull/17967
* [keras/datasets] Standardise docstring usage of "Default to" by SamuelMarks in https://github.com/keras-team/keras/pull/17955
* [keras/layers/activation] Standardise docstring usage of "Default to" by SamuelMarks in https://github.com/keras-team/keras/pull/17961
* Increase the version number for keras 2.13 by qlzh727 in https://github.com/keras-team/keras/pull/18081
* Cherrypick the release script fix for RC. by qlzh727 in https://github.com/keras-team/keras/pull/18082
* Cherrypick Sequential serialization bug fix for r2.13 by nkovela1 in https://github.com/keras-team/keras/pull/18258
New Contributors
* basjacobs93 made their first contribution in https://github.com/keras-team/keras/pull/17396
* tsdeng made their first contribution in https://github.com/keras-team/keras/pull/17432
* Neeshamraghav012 made their first contribution in https://github.com/keras-team/keras/pull/17540
* joesho112358 made their first contribution in https://github.com/keras-team/keras/pull/17545
* jerabaul29 made their first contribution in https://github.com/keras-team/keras/pull/17501
* jschueller made their first contribution in https://github.com/keras-team/keras/pull/17463
* edknv made their first contribution in https://github.com/keras-team/keras/pull/17568
* andreped made their first contribution in https://github.com/keras-team/keras/pull/17547
* dsr-lab made their first contribution in https://github.com/keras-team/keras/pull/17571
* RocketDelivery made their first contribution in https://github.com/keras-team/keras/pull/17498
* egurnick made their first contribution in https://github.com/keras-team/keras/pull/17595
* hxy9243 made their first contribution in https://github.com/keras-team/keras/pull/17635
* yamanoko made their first contribution in https://github.com/keras-team/keras/pull/17636
* nluehr made their first contribution in https://github.com/keras-team/keras/pull/17638
* jpodivin made their first contribution in https://github.com/keras-team/keras/pull/17742
* sudoLife made their first contribution in https://github.com/keras-team/keras/pull/17744
* nershman made their first contribution in https://github.com/keras-team/keras/pull/17357
* nkovela1 made their first contribution in https://github.com/keras-team/keras/pull/18258
**Full Changelog**: https://github.com/keras-team/keras/compare/v2.12.0...v2.13.1
```
### 2.13.1rc1
```
What's Changed
* Cherrypick Sequential serialization bug fix for r2.13 by nkovela1 in https://github.com/keras-team/keras/pull/18258
New Contributors
* nkovela1 made their first contribution in https://github.com/keras-team/keras/pull/18258
**Full Changelog**: https://github.com/keras-team/keras/compare/v2.13.1-rc0...v2.13.1-rc1
```
### 2.13.1rc0
```
What's Changed
* Fix timeseries_dataset_from_array counts when sequence_stride > 1 by basjacobs93 in https://github.com/keras-team/keras/pull/17396
* Fix doc for MultiHeadAttention's output_shape arg by tsdeng in https://github.com/keras-team/keras/pull/17432
* Added a link to the TextVectorization API Reference Page. by Neeshamraghav012 in https://github.com/keras-team/keras/pull/17540
* Fix ConvNeXt classifier activation bug by Frightera in https://github.com/keras-team/keras/pull/17544
* Activations clean up by joesho112358 in https://github.com/keras-team/keras/pull/17545
* Perform all ops in apply_gradient in a given tf.name_scope. by foxik in https://github.com/keras-team/keras/pull/17550
* Bugfix/normalization invert by jerabaul29 in https://github.com/keras-team/keras/pull/17501
* OptimizerV2: Allow deepcopy by jschueller in https://github.com/keras-team/keras/pull/17463
* keras.models.clone_model creates different weight names for RNN layers by mergian in https://github.com/keras-team/keras/pull/17465
* Fix spelling error in Initializer warning by edknv in https://github.com/keras-team/keras/pull/17568
* LayerScale fix to support pretrained ConvNeXt models with mixed precision by andreped in https://github.com/keras-team/keras/pull/17547
* Softmax fix in Mixed Precision by dsr-lab in https://github.com/keras-team/keras/pull/17571
* Less restrictive ROCm+GRU/LSTM fallback logic by ekuznetsov139 in https://github.com/keras-team/keras/pull/17587
* Update security section. by sachinprasadhs in https://github.com/keras-team/keras/pull/17522
* Fix serialization error with EfficientNet by RocketDelivery in https://github.com/keras-team/keras/pull/17498
* grammar corrections by egurnick in https://github.com/keras-team/keras/pull/17595
* Update documentation to keras reuters dataset by hxy9243 in https://github.com/keras-team/keras/pull/17635
* Add Lion optimizer by drauh in https://github.com/keras-team/keras/pull/17605
* Correct the docstring of Head func in convnext.py by Frightera in https://github.com/keras-team/keras/pull/17667
* keras.layers.Bidirectional is missing argument "states", which is defined for keras.layers.RNN by mergian in https://github.com/keras-team/keras/pull/17469
* fix a small bug in tf.keras.layer.Layer.compute_output_signature by yamanoko in https://github.com/keras-team/keras/pull/17636
* Optimize mixed-precision finite check for sparse tensors. by nluehr in https://github.com/keras-team/keras/pull/17638
* Typo Lion docstring by drauh in https://github.com/keras-team/keras/pull/17726
* Raise ValueError if reducing axis dimension is 0 by old-school-kid in https://github.com/keras-team/keras/pull/16755
* Add CategoricalFocalCrossentropy to Losses API by Frightera in https://github.com/keras-team/keras/pull/17651
* Unifying interpolation selection by jpodivin in https://github.com/keras-team/keras/pull/17742
* Add a missing space by sudoLife in https://github.com/keras-team/keras/pull/17744
* [keras/initializers/initializers_v1.py] Standardise docstring usage of "Default to" by SamuelMarks in https://github.com/keras-team/keras/pull/17785
* [keras/layers/convolutional/conv3d_transpose.py] Standardise docstring usage of "Default to" by SamuelMarks in https://github.com/keras-team/keras/pull/17797
* [keras/engine/training.py] Standardise docstring usage of "Default to" by SamuelMarks in https://github.com/keras-team/keras/pull/17780
* [keras/feature_column/dense_features.py] Standardise docstring usage of "Default to" by SamuelMarks in https://github.com/keras-team/keras/pull/17783
* [keras/datasets/imdb.py] Standardise docstring usage of "Default to" by SamuelMarks in https://github.com/keras-team/keras/pull/17771
* [keras/backend.py] Standardise docstring usage of "Default to" by SamuelMarks in https://github.com/keras-team/keras/pull/17769
* [keras/engine/base_layer_utils.py] Standardise docstring usage of "Default to" by SamuelMarks in https://github.com/keras-team/keras/pull/17774
* [keras/layers/activation/leaky_relu.py] Standardise docstring usage of "Default to" by SamuelMarks in https://github.com/keras-team/keras/pull/17786
* [keras/engine/training_v1.py] Standardise docstring usage of "Default to" by SamuelMarks in https://github.com/keras-team/keras/pull/17781
* [keras/layers/activation/relu.py] Standardise docstring usage of "Default to" by SamuelMarks in https://github.com/keras-team/keras/pull/17787
* [keras/layers/convolutional/conv2d_transpose.py] Standardise docstring usage of "Default to" by SamuelMarks in https://github.com/keras-team/keras/pull/17795
* [keras/layers/convolutional/conv3d.py] Standardise docstring usage of "Default to" by SamuelMarks in https://github.com/keras-team/keras/pull/17796
* [keras/layers/activation/softmax.py] Standardise docstring usage of "Default to" by SamuelMarks in https://github.com/keras-team/keras/pull/17788
* [keras/layers/convolutional/depthwise_conv2d.py] Standardise docstring usage of "Default to" by SamuelMarks in https://github.com/keras-team/keras/pull/17799
* [keras/layers/convolutional/separable_conv2d.py] Standardise docstring usage of "Default to" by SamuelMarks in https://github.com/keras-team/keras/pull/17800
* [keras/layers/locally_connected/locally_connected2d.py] Standardise docstring usage of "Default to" by SamuelMarks in https://github.com/keras-team/keras/pull/17803
* [keras/layers/locally_connected/locally_connected1d.py] Standardise docstring usage of "Default to" by SamuelMarks in https://github.com/keras-team/keras/pull/17802
* Fix performance issue with sample weights in model.fit() by nershman in https://github.com/keras-team/keras/pull/17357
* [keras/datasets/reuters.py] Standardise docstring usage of "Default to" by SamuelMarks in https://github.com/keras-team/keras/pull/17772
* [keras/applications/mobilenet.py] Standardise docstring usage of "Default to" by SamuelMarks in https://github.com/keras-team/keras/pull/17763
* [keras/applications/inception_v3.py] Standardise docstring usage of "Default to" by SamuelMarks in https://github.com/keras-team/keras/pull/17762
* [keras/engine/input_layer.py] Standardise docstring usage of "Default to" by SamuelMarks in https://github.com/keras-team/keras/pull/17779
* [keras/engine/data_adapter.py] Standardise docstring usage of "Default to" by SamuelMarks in https://github.com/keras-team/keras/pull/17777
* [keras/applications/imagenet_utils.py] Standardise docstring usage of "Default to" by SamuelMarks in https://github.com/keras-team/keras/pull/17760
* [keras/layers/attention/additive_attention.py] Standardise docstring usage of "Default to" by SamuelMarks in https://github.com/keras-team/keras/pull/17789
* [keras/engine/base_layer.py] Standardise docstring usage of "Default to" by SamuelMarks in https://github.com/keras-team/keras/pull/17773
* [keras/layers/kernelized.py] Standardise docstring usage of "Default to" by SamuelMarks in https://github.com/keras-team/keras/pull/17801
* [keras/engine/functional.py] Standardise docstring usage of "Default to" by SamuelMarks in https://github.com/keras-team/keras/pull/17778
* [keras/layers/attention/multi_head_attention.py] Standardise docstring usage of "Default to" by SamuelMarks in https://github.com/keras-team/keras/pull/17791
* Minor improvements and code refactoring in backend.py by Frightera in https://github.com/keras-team/keras/pull/17746
* Update indentation level - layers/attention by Frightera in https://github.com/keras-team/keras/pull/17945
* Update indentation level - layers/activation by Frightera in https://github.com/keras-team/keras/pull/17943
* [keras/layers/preprocessing/image_preprocessing_test.py] Standardise docstring usage of "Default to" by SamuelMarks in https://github.com/keras-team/keras/pull/17820
* [keras/layers/preprocessing/text_vectorization.py] Standardise docstring usage of "Default to" by SamuelMarks in https://github.com/keras-team/keras/pull/17825
* [keras/optimizers/ftrl.py] Standardise docstring usage of "Default to" by SamuelMarks in https://github.com/keras-team/keras/pull/17864
* [keras/optimizers/adam.py] Standardise docstring usage of "Default to" by SamuelMarks in https://github.com/keras-team/keras/pull/17861
* [keras/optimizers/adamax.py] Standardise docstring usage of "Default to" by SamuelMarks in https://github.com/keras-team/keras/pull/17862
* [keras/optimizers/legacy/adam.py] Standardise docstring usage of "Default to" by SamuelMarks in https://github.com/keras-team/keras/pull/17867
* [keras/optimizers/legacy/ftrl.py] Standardise docstring usage of "Default to" by SamuelMarks in https://github.com/keras-team/keras/pull/17868
* [keras/utils/dataset_utils.py] Standardise docstring usage of "Default to" by SamuelMarks in https://github.com/keras-team/keras/pull/17895
* [keras/utils/feature_space.py] Standardise docstring usage of "Default to" by SamuelMarks in https://github.com/keras-team/keras/pull/17896
* [keras/optimizers/nadam.py] Standardise docstring usage of "Default to" by SamuelMarks in https://github.com/keras-team/keras/pull/17875
* [keras/saving/serialization_lib.py] Standardise docstring usage of "Default to" by SamuelMarks in https://github.com/keras-team/keras/pull/17889
* [keras/metrics/base_metric.py] Standardise docstring usage of "Default to" by SamuelMarks in https://github.com/keras-team/keras/pull/17850
* Update indentation level - utils/image_dataset by Frightera in https://github.com/keras-team/keras/pull/18005
* [keras/optimizers/schedules] Standardise docstring usage of "Default to" by SamuelMarks in https://github.com/keras-team/keras/pull/17976
* [keras/layers/reshaping] Standardise docstring usage of "Default to" by SamuelMarks in https://github.com/keras-team/keras/pull/17969
* [keras/optimizers/legacy] Standardise docstring usage of "Default to" by SamuelMarks in https://github.com/keras-team/keras/pull/17975
* [keras/layers/rnn] Standardise docstring usage of "Default to" by SamuelMarks in https://github.com/keras-team/keras/pull/17970
* [keras/layers/convolutional/depthwise_conv1d.py] Standardise docstring usage of "Default to" by SamuelMarks in https://github.com/keras-team/keras/pull/17798
* [keras/applications/mobilenet_v3.py] Standardise docstring usage of "Default to" by SamuelMarks in https://github.com/keras-team/keras/pull/17764
* [keras/layers/preprocessing] Standardise docstring usage of "Default to" by SamuelMarks in https://github.com/keras-team/keras/pull/17967
* [keras/datasets] Standardise docstring usage of "Default to" by SamuelMarks in https://github.com/keras-team/keras/pull/17955
* [keras/layers/activation] Standardise docstring usage of "Default to" by SamuelMarks in https://github.com/keras-team/keras/pull/17961
* Increase the version number for keras 2.13 by qlzh727 in https://github.com/keras-team/keras/pull/18081
* Cherrypick the release script fix for RC. by qlzh727 in https://github.com/keras-team/keras/pull/18082
New Contributors
* basjacobs93 made their first contribution in https://github.com/keras-team/keras/pull/17396
* tsdeng made their first contribution in https://github.com/keras-team/keras/pull/17432
* Neeshamraghav012 made their first contribution in https://github.com/keras-team/keras/pull/17540
* Frightera made their first contribution in https://github.com/keras-team/keras/pull/17544
* joesho112358 made their first contribution in https://github.com/keras-team/keras/pull/17545
* jerabaul29 made their first contribution in https://github.com/keras-team/keras/pull/17501
* jschueller made their first contribution in https://github.com/keras-team/keras/pull/17463
* edknv made their first contribution in https://github.com/keras-team/keras/pull/17568
* andreped made their first contribution in https://github.com/keras-team/keras/pull/17547
* dsr-lab made their first contribution in https://github.com/keras-team/keras/pull/17571
* RocketDelivery made their first contribution in https://github.com/keras-team/keras/pull/17498
* egurnick made their first contribution in https://github.com/keras-team/keras/pull/17595
* hxy9243 made their first contribution in https://github.com/keras-team/keras/pull/17635
* yamanoko made their first contribution in https://github.com/keras-team/keras/pull/17636
* nluehr made their first contribution in https://github.com/keras-team/keras/pull/17638
* jpodivin made their first contribution in https://github.com/keras-team/keras/pull/17742
* sudoLife made their first contribution in https://github.com/keras-team/keras/pull/17744
* nershman made their first contribution in https://github.com/keras-team/keras/pull/17357
**Full Changelog**: https://github.com/keras-team/keras/compare/v2.12.0...v2.13.1-rc0
```
### 2.12.0
```
Please see the release history at https://github.com/tensorflow/tensorflow/releases/tag/v2.12.0 for more details.
What's Changed
* Updated Function _create_seed() in keras.backend by sushreebarsa in https://github.com/keras-team/keras/pull/17150
* Fixed typo in keras/keras/preprocessing/text.py by KarahanS in https://github.com/keras-team/keras/pull/17159
* Changed .format to f-string for better readability by AdityaPunetha in https://github.com/keras-team/keras/pull/17170
* Use the fallback method for GRU and LSTM on ROCm if padded I/O is needed by ekuznetsov139 in https://github.com/keras-team/keras/pull/17111
* Updated broken link by sushreebarsa in https://github.com/keras-team/keras/pull/17196
* Remove unused `amsgrad` argument in SGD by lgeiger in https://github.com/keras-team/keras/pull/17197
* Delegate `finalize_variable_values` in `LossScaleOptimizerV3` by lgeiger in https://github.com/keras-team/keras/pull/17225
* Update broken link by chunduriv in https://github.com/keras-team/keras/pull/17224
* Fix `use_causal_mask=True` with `RaggedTensor` bug by haifeng-jin in https://github.com/keras-team/keras/pull/17231
* Restore update_freq functionality by myaaaaaaaaa in https://github.com/keras-team/keras/pull/17142
* support to compat python 3.11 by hongxu-jia in https://github.com/keras-team/keras/pull/17239
* Update base_layer_v1.py by kbuyukakyuz in https://github.com/keras-team/keras/pull/17246
* Added identity layer by AdityaKane2001 in https://github.com/keras-team/keras/pull/17291
* Adds show_trainable option to plot_model() by mfidabel in https://github.com/keras-team/keras/pull/17145
* Update deprecated tf.contrib by sachinprasadhs in https://github.com/keras-team/keras/pull/17344
* Update depthwise_conv2d.py by gowthamkpr in https://github.com/keras-team/keras/pull/17341
* Tzm/optional verbosity by Mirandatz in https://github.com/keras-team/keras/pull/17346
* Fixed EfficientNetV2's MBConvBlock output phase. by sebastian-sz in https://github.com/keras-team/keras/pull/17364
* Update README.md to fix wrong links by NourEldin-Osama in https://github.com/keras-team/keras/pull/17374
* Warning if categorical crossentropy is used for 2 labels by old-school-kid in https://github.com/keras-team/keras/pull/17330
* Improved the CONTRIBUTING.md file by izam-mohammed in https://github.com/keras-team/keras/pull/17428
* Updated Docs string of doc_utils.py with new apis by mohantym in https://github.com/keras-team/keras/pull/17441
* Update MHA docstrings by haifeng-jin in https://github.com/keras-team/keras/pull/17461
* Update docstrings in text_dataset by haifeng-jin in https://github.com/keras-team/keras/pull/17462
* Bugfix: Pass show_layer_activations to expand_nested calls by alkatar21 in https://github.com/keras-team/keras/pull/17415
* Fix index_directory directory structure ignoring when passing labels explicitly by wwossname in https://github.com/keras-team/keras/pull/17403
* Add `to_ordinal` feature for ordinal regression/classification by awsaf49 in https://github.com/keras-team/keras/pull/17419
* Use 4 spaces indent for Dense layer docstrings by haifeng-jin in https://github.com/keras-team/keras/pull/17472
* keras.layers.Bidirectional constructor ignores trainable argument, causing models with trainable=False layers to incorrectly be cloned by mergian in https://github.com/keras-team/keras/pull/17467
* Fix api_docs for `to_ordinal` by awsaf49 in https://github.com/keras-team/keras/pull/17485
* Less restrictive fallback logic by jayfurmanek in https://github.com/keras-team/keras/pull/17591
New Contributors
* KarahanS made their first contribution in https://github.com/keras-team/keras/pull/17159
* AdityaPunetha made their first contribution in https://github.com/keras-team/keras/pull/17170
* hongxu-jia made their first contribution in https://github.com/keras-team/keras/pull/17239
* kbuyukakyuz made their first contribution in https://github.com/keras-team/keras/pull/17246
* gowthamkpr made their first contribution in https://github.com/keras-team/keras/pull/17341
* Mirandatz made their first contribution in https://github.com/keras-team/keras/pull/17346
* NourEldin-Osama made their first contribution in https://github.com/keras-team/keras/pull/17374
* izam-mohammed made their first contribution in https://github.com/keras-team/keras/pull/17428
* alkatar21 made their first contribution in https://github.com/keras-team/keras/pull/17415
* wwossname made their first contribution in https://github.com/keras-team/keras/pull/17403
* awsaf49 made their first contribution in https://github.com/keras-team/keras/pull/17419
* jayfurmanek made their first contribution in https://github.com/keras-team/keras/pull/17591
**Full Changelog**: https://github.com/keras-team/keras/compare/v2.11.0...v2.12.0
```
### 2.12.0rc1
```
Please see the release history at https://github.com/tensorflow/tensorflow/releases/tag/v2.12.0-rc0 for more details.
What's Changed
* Updated Function _create_seed() in keras.backend by sushreebarsa in https://github.com/keras-team/keras/pull/17150
* Fixed typo in keras/keras/preprocessing/text.py by KarahanS in https://github.com/keras-team/keras/pull/17159
* Changed .format to f-string for better readability by AdityaPunetha in https://github.com/keras-team/keras/pull/17170
* Use the fallback method for GRU and LSTM on ROCm if padded I/O is needed by ekuznetsov139 in https://github.com/keras-team/keras/pull/17111
* Updated broken link by sushreebarsa in https://github.com/keras-team/keras/pull/17196
* Remove unused `amsgrad` argument in SGD by lgeiger in https://github.com/keras-team/keras/pull/17197
* Delegate `finalize_variable_values` in `LossScaleOptimizerV3` by lgeiger in https://github.com/keras-team/keras/pull/17225
* Update broken link by chunduriv in https://github.com/keras-team/keras/pull/17224
* Fix `use_causal_mask=True` with `RaggedTensor` bug by haifeng-jin in https://github.com/keras-team/keras/pull/17231
* Restore update_freq functionality by myaaaaaaaaa in https://github.com/keras-team/keras/pull/17142
* support to compat python 3.11 by hongxu-jia in https://github.com/keras-team/keras/pull/17239
* Update base_layer_v1.py by kbuyukakyuz in https://github.com/keras-team/keras/pull/17246
* Added identity layer by AdityaKane2001 in https://github.com/keras-team/keras/pull/17291
* Adds show_trainable option to plot_model() by mfidabel in https://github.com/keras-team/keras/pull/17145
* Update deprecated tf.contrib by sachinprasadhs in https://github.com/keras-team/keras/pull/17344
* Update depthwise_conv2d.py by gowthamkpr in https://github.com/keras-team/keras/pull/17341
* Tzm/optional verbosity by Mirandatz in https://github.com/keras-team/keras/pull/17346
* Fixed EfficientNetV2's MBConvBlock output phase. by sebastian-sz in https://github.com/keras-team/keras/pull/17364
* Update README.md to fix wrong links by NourEldin-Osama in https://github.com/keras-team/keras/pull/17374
* Warning if categorical crossentropy is used for 2 labels by old-school-kid in https://github.com/keras-team/keras/pull/17330
* Improved the CONTRIBUTING.md file by izam-mohammed in https://github.com/keras-team/keras/pull/17428
* Updated Docs string of doc_utils.py with new apis by mohantym in https://github.com/keras-team/keras/pull/17441
* Update MHA docstrings by haifeng-jin in https://github.com/keras-team/keras/pull/17461
* Update docstrings in text_dataset by haifeng-jin in https://github.com/keras-team/keras/pull/17462
* Bugfix: Pass show_layer_activations to expand_nested calls by alkatar21 in https://github.com/keras-team/keras/pull/17415
* Fix index_directory directory structure ignoring when passing labels explicitly by wwossname in https://github.com/keras-team/keras/pull/17403
* Add `to_ordinal` feature for ordinal regression/classification by awsaf49 in https://github.com/keras-team/keras/pull/17419
* Use 4 spaces indent for Dense layer docstrings by haifeng-jin in https://github.com/keras-team/keras/pull/17472
* keras.layers.Bidirectional constructor ignores trainable argument, causing models with trainable=False layers to incorrectly be cloned by mergian in https://github.com/keras-team/keras/pull/17467
* Fix api_docs for `to_ordinal` by awsaf49 in https://github.com/keras-team/keras/pull/17485
* Less restrictive fallback logic by jayfurmanek in https://github.com/keras-team/keras/pull/17591
New Contributors
* KarahanS made their first contribution in https://github.com/keras-team/keras/pull/17159
* AdityaPunetha made their first contribution in https://github.com/keras-team/keras/pull/17170
* ekuznetsov139 made their first contribution in https://github.com/keras-team/keras/pull/17111
* hongxu-jia made their first contribution in https://github.com/keras-team/keras/pull/17239
* kbuyukakyuz made their first contribution in https://github.com/keras-team/keras/pull/17246
* gowthamkpr made their first contribution in https://github.com/keras-team/keras/pull/17341
* Mirandatz made their first contribution in https://github.com/keras-team/keras/pull/17346
* NourEldin-Osama made their first contribution in https://github.com/keras-team/keras/pull/17374
* izam-mohammed made their first contribution in https://github.com/keras-team/keras/pull/17428
* alkatar21 made their first contribution in https://github.com/keras-team/keras/pull/17415
* wwossname made their first contribution in https://github.com/keras-team/keras/pull/17403
* awsaf49 made their first contribution in https://github.com/keras-team/keras/pull/17419
* jayfurmanek made their first contribution in https://github.com/keras-team/keras/pull/17591
**Full Changelog**: https://github.com/keras-team/keras/compare/v2.11.0...v2.12.0-rc1
```
### 2.11.0
```
Please see the release history at https://github.com/tensorflow/tensorflow/releases/tag/v2.11.0 for more details.
**Full Changelog**: https://github.com/keras-team/keras/compare/v2.10.0...v2.11.0
```
### 2.11.0rc3
```
What's Changed
* Cherrypick pull request 17225 from lgeiger:fix-mixed-precision-ema by qlzh727 in https://github.com/keras-team/keras/pull/17226
**Full Changelog**: https://github.com/keras-team/keras/compare/v2.11.0-rc2...v2.11.0-rc3
```
### 2.11.0rc2
```
What's Changed
* Cherrypick for cl/482011499: Throw error on deprecated fields. by qlzh727 in https://github.com/keras-team/keras/pull/17179
**Full Changelog**: https://github.com/keras-team/keras/compare/v2.11.0-rc1...v2.11.0-rc2
```
### 2.11.0rc1
```
Please see the release history at https://github.com/tensorflow/tensorflow/releases/tag/v2.11.0-rc1 for more details.
What's Changed
* Fix TypeError positional argument when LossScalerOptimizer is used conjointly with tfa wrappers by lucasdavid in https://github.com/keras-team/keras/pull/16332
* Add type check to axis by sachinprasadhs in https://github.com/keras-team/keras/pull/16208
* minor documention fix by bmatschke in https://github.com/keras-team/keras/pull/16331
* Fix typos in data_adapter.py by taegeonum in https://github.com/keras-team/keras/pull/16326
* Add `exclude_from_weight_decay` to AdamW by markub3327 in https://github.com/keras-team/keras/pull/16274
* Switching learning/brain dependency to OSS compatible test_util by copybara-service in https://github.com/keras-team/keras/pull/16362
* Typo fix in LSTM docstring by peskaf in https://github.com/keras-team/keras/pull/16364
* Copy loss and metric to prevent side effect by drauh in https://github.com/keras-team/keras/pull/16360
* Denormalization layer by markub3327 in https://github.com/keras-team/keras/pull/16350
* Fix `reset_states` not working when invoked within a `tf.function` in graph mode. by copybara-service in https://github.com/keras-team/keras/pull/16400
* Reduce the complexity of the base layer by pulling out the logic related to handling call function args to a separate class. by copybara-service in https://github.com/keras-team/keras/pull/16375
* Add subset="both" functionality to {image|text}_dataset_from_directory() by Haaris-Rahman in https://github.com/keras-team/keras/pull/16413
* Fix non-float32 efficientnet calls by hctomkins in https://github.com/keras-team/keras/pull/16402
* Fix prediction with structured output by itmo153277 in https://github.com/keras-team/keras/pull/16408
* Add reference to resource variables. by sachinprasadhs in https://github.com/keras-team/keras/pull/16409
* added audio_dataset.py by hazemessamm in https://github.com/keras-team/keras/pull/16388
* Fix Syntax error for combined_model.compile of WideDeepModel by gadagashwini in https://github.com/keras-team/keras/pull/16447
* Missing `f` prefix on f-strings fix by code-review-doctor in https://github.com/keras-team/keras/pull/16459
* Update CONTRIBUTING.md by rthadur in https://github.com/keras-team/keras/pull/15998
* adds split_dataset utility by prakashsellathurai in https://github.com/keras-team/keras/pull/16398
* Support increasing batch size by markus-hinsche in https://github.com/keras-team/keras/pull/16337
* Add ConvNeXt models by sayakpaul in https://github.com/keras-team/keras/pull/16421
* Fix OrthogonalRegularizer to implement the (1,1) matrix norm by Kiwiakos in https://github.com/keras-team/keras/pull/16521
* fix: weight keys so that imagenet init works by sayakpaul in https://github.com/keras-team/keras/pull/16528
* Preprocess input correction by AdityaKane2001 in https://github.com/keras-team/keras/pull/16527
* Fix typo in documentation by sushreebarsa in https://github.com/keras-team/keras/pull/16534
* Update index_lookup.py by tilakrayal in https://github.com/keras-team/keras/pull/16460
* update codespaces bazel install by haifeng-jin in https://github.com/keras-team/keras/pull/16575
* reduce too long lines in engine/ by haifeng-jin in https://github.com/keras-team/keras/pull/16579
* Fix typos by eltociear in https://github.com/keras-team/keras/pull/16568
* Fix mixed precision serialization of group convs by lgeiger in https://github.com/keras-team/keras/pull/16571
* reduce layers line-too-long by haifeng-jin in https://github.com/keras-team/keras/pull/16580
* resolve line-too-long in root directory by haifeng-jin in https://github.com/keras-team/keras/pull/16584
* resolve line-too-long in metrics by haifeng-jin in https://github.com/keras-team/keras/pull/16586
*
This PR updates keras from 2.2.5 to 3.2.0.
Changelog
### 3.2.0 ``` What changed - Introduce QLoRA-like technique for LoRA fine-tuning of `Dense` and `EinsumDense` layers (thereby any LLM) in int8 precision. - Extend `keras.ops.custom_gradient` support to PyTorch. - Add `keras.layers.JaxLayer` and `keras.layers.FlaxLayer` to wrap JAX/Flax modules as Keras layers. - Allow `save_model` & `load_model` to accept a file-like object. - Add quantization support to the `Embedding` layer. - Make it possible to update metrics inside a custom `compute_loss` method with all backends. - Make it possible to access `self.losses` inside a custom `compute_loss` method with the JAX backend. - Add `keras.losses.Dice` loss. - Add `keras.ops.correlate`. - Make it possible to use cuDNN LSTM & GRU with a mask with the TensorFlow backend. - Better JAX support in `model.export()`: add support for aliases, finer control over `jax2tf` options, and dynamic batch shapes. - Bug fixes and performance improvements. New Contributors * abhaskumarsinha made their first contribution in https://github.com/keras-team/keras/pull/19302 * qaqland made their first contribution in https://github.com/keras-team/keras/pull/19378 * tvogel made their first contribution in https://github.com/keras-team/keras/pull/19310 * lpizzinidev made their first contribution in https://github.com/keras-team/keras/pull/19409 * Murhaf made their first contribution in https://github.com/keras-team/keras/pull/19444 **Full Changelog**: https://github.com/keras-team/keras/compare/v3.1.1...v3.2.0 ``` ### 3.1.1 ``` This is a minor bugfix release over 3.1.0. What's Changed * Unwrap variable values in all stateless calls. by hertschuh in https://github.com/keras-team/keras/pull/19287 * Fix `draw_seed` causing device discrepancy issue during `torch`'s symbolic execution by KhawajaAbaid in https://github.com/keras-team/keras/pull/19289 * Fix TestCase.run_layer_test for multi-output layers by shkarupa-alex in https://github.com/keras-team/keras/pull/19293 * Sine docstring by grasskin in https://github.com/keras-team/keras/pull/19295 * Fix `keras.ops.softmax` for the tensorflow backend by tirthasheshpatel in https://github.com/keras-team/keras/pull/19300 * Fix mixed precision check in TestCase.run_layer_test: compare with output_spec dtype instead of hardcoded float16 by shkarupa-alex in https://github.com/keras-team/keras/pull/19297 * ArrayDataAdapter no longer converts to NumPy and supports sparse tens… by hertschuh in https://github.com/keras-team/keras/pull/19298 * add token to codecov by haifeng-jin in https://github.com/keras-team/keras/pull/19312 * Add Tensorflow support for variable `scatter_update` in optimizers. by hertschuh in https://github.com/keras-team/keras/pull/19313 * Replace `dm-tree` with `optree` by james77777778 in https://github.com/keras-team/keras/pull/19306 * downgrade codecov to v3 by haifeng-jin in https://github.com/keras-team/keras/pull/19319 * Allow tensors in `tf.Dataset`s to have different dimensions. by hertschuh in https://github.com/keras-team/keras/pull/19318 * update codecov setting by haifeng-jin in https://github.com/keras-team/keras/pull/19320 * Set dtype policy for uint8 by sampathweb in https://github.com/keras-team/keras/pull/19327 * Use Value dim shape for Attention compute_output_shape by sampathweb in https://github.com/keras-team/keras/pull/19284 New Contributors * tirthasheshpatel made their first contribution in https://github.com/keras-team/keras/pull/19300 **Full Changelog**: https://github.com/keras-team/keras/compare/v3.1.0...v3.1.1 ``` ### 3.1.0 ``` New features * Add support for `int8` inference. Just call `model.quantize("int8")` to do an in-place conversion of a bfloat16 or float32 model to an int8 model. Note that only `Dense` and `EinsumDense` layers will be converted (this covers LLMs and all Transformers in general). We may add more supported layers over time. * Add `keras.config.set_backend(backend)` utility to reload a different backend. * Add `keras.layers.MelSpectrogram` layer for turning raw audio data into Mel spectrogram representation. * Add `keras.ops.custom_gradient` decorator (only for JAX and TensorFlow). * Add `keras.ops.image.crop_images`. * Add `pad_to_aspect_ratio` argument to `image_dataset_from_directory`. * Add `keras.random.binomial` and `keras.random.beta` functions. * Enable `keras.ops.einsum` to run with int8 x int8 inputs and int32 output. * Add `verbose` argument in all dataset-creation utilities. Notable fixes * Fix Functional model slicing * Fix for TF XLA compilation error for `SpectralNormalization` * Refactor `axis` logic across all backends and add support for multiple axes in `expand_dims` and `squeeze` New Contributors * mykolaskrynnyk made their first contribution in https://github.com/keras-team/keras/pull/19190 * chicham made their first contribution in https://github.com/keras-team/keras/pull/19201 * joycebrum made their first contribution in https://github.com/keras-team/keras/pull/19214 * EtiNL made their first contribution in https://github.com/keras-team/keras/pull/19228 **Full Changelog**: https://github.com/keras-team/keras/compare/v3.0.5...v3.1.0 ``` ### 3.0.5 ``` This release brings many bug fixes and performance improvements, new linear algebra ops, and sparse tensor support for the JAX backend. Highlights * Add support for sparse tensors with the JAX backend. * Add support for saving/loading in bfloat16. * Add linear algebra ops in `keras.ops.linalg`. * Support nested structures in `while_loop` op. * Add `erfinv` op. * Add `normalize` op. * Add support for `IterableDataset` to `TorchDataLoaderAdapter`. New Contributors * frazane made their first contribution in https://github.com/keras-team/keras/pull/19107 * SamanehSaadat made their first contribution in https://github.com/keras-team/keras/pull/19111 * sitamgithub-MSIT made their first contribution in https://github.com/keras-team/keras/pull/19142 * timotheeMM made their first contribution in https://github.com/keras-team/keras/pull/19169 **Full Changelog**: https://github.com/keras-team/keras/compare/v3.0.4...v3.0.5 ``` ### 3.0.4 ``` This is a minor release with improvements to the LoRA API required by the next release of KerasNLP. **Full Changelog**: https://github.com/keras-team/keras/compare/v3.0.3...v3.0.4 ``` ### 3.0.3 ``` This is a minor Keras release. What's Changed * Add built-in LoRA (low-rank adaptation) API to all relevant layers (`Dense`, `EinsumDense`, `Embedding`). * Add `SwapEMAWeights` callback to make it easier to evaluate model metrics using EMA weights during training. * All `DataAdapters` now create a native iterator for each backend, improving performance. * Add built-in prefetching for JAX, improving performance. * The `bfloat16` dtype is now allowed in the global `set_dtype` configuration utility. * Bug fixes and performance improvements. New Contributors * kiraksi made their first contribution in https://github.com/keras-team/keras/pull/18977 * dugujiujian1999 made their first contribution in https://github.com/keras-team/keras/pull/19010 * neo-alex made their first contribution in https://github.com/keras-team/keras/pull/18997 * anas-rz made their first contribution in https://github.com/keras-team/keras/pull/19057 **Full Changelog**: https://github.com/keras-team/keras/compare/v3.0.2...v3.0.3 ``` ### 3.0.2 ``` Breaking changes There are no known breaking changes in this release compared to 3.0.1. API changes - Add `keras.random.binomial` and `keras.random.beta` RNG functions. - Add masking support to `BatchNormalization`. - Add `keras.losses.CTC` (loss function for sequence-to-sequence tasks) as well as the lower-level operation `keras.ops.ctc_loss`. - Add `ops.random.alpha_dropout` and `layers.AlphaDropout`. - Add gradient accumulation support for all backends, and enable optimizer EMA for JAX and torch **Full Changelog**: https://github.com/keras-team/keras/compare/v3.0.1...v3.0.2 ``` ### 3.0.1 ``` This is a minor release focused on bug fixes and performance improvements. What's Changed * Bug fixes and performance improvements. * Add `stop_evaluating` and `stop_predicting` model attributes for callbacks, similar to `stop_training`. * Add `keras.device()` scope for managing device placement in a multi-backend way. * Support dict items in `PyDataset`. * Add `hard_swish` activation and op. * Fix cuDNN LSTM performance on TensorFlow backend. * Add a `force_download` arg to `get_file` to force cache invalidation. **Full Changelog**: https://github.com/keras-team/keras/compare/v3.0.0...v3.0.1 ``` ### 3.0.0 ``` Major updates See the [release announcement](https://keras.io/keras_3/) for a detailed list of major changes. Main highlights compared to Keras 2 are: - Keras can now be run on top of JAX, PyTorch, TensorFlow, and even NumPy (note that the NumPy backend is inference-only). - New low-level `keras.ops` API for building cross-framework components. - New large-scale model distribution `keras.distribution` based on JAX. - New stateless API for layers, models, optimizers, and metrics. Breaking changes See [this thread](https://github.com/keras-team/keras/issues/18467) for a complete list of breaking changes, as well as the [Keras 3 migration guide](https://keras.io/guides/migrating_to_keras_3/). ``` ### 2.15.0 ``` What's Changed * Typofixes for `StringLookup` documentation by cw118 in https://github.com/keras-team/keras/pull/18333 * Fix ModelCheckpoint trained-on batch counting when using steps_per_execution>1 by jasnyj in https://github.com/keras-team/keras/pull/17632 * Fix legacy optimizer handling in `compile_from_config()`. by nkovela1 in https://github.com/keras-team/keras/pull/18492 * Remove options arg from ModelCheckpoint callback for Keras V3 saving, streamline ModelCheckpoint saving flow. Parameterize associated tests. by nkovela1 in https://github.com/keras-team/keras/pull/18545 * Use TENSORFLOW_VERSION when available during pip_build script by sampathweb in https://github.com/keras-team/keras/pull/18739 New Contributors * cw118 made their first contribution in https://github.com/keras-team/keras/pull/18333 * jasnyj made their first contribution in https://github.com/keras-team/keras/pull/17632 **Full Changelog**: https://github.com/keras-team/keras/compare/v2.14.0...v2.15.0 ``` ### 2.14.0 ``` What's Changed * [keras/layers/normalization] Standardise docstring usage of "Default to" by SamuelMarks in https://github.com/keras-team/keras/pull/17965 * Update Python ver to 3.9 in Dockerfile by sampathweb in https://github.com/keras-team/keras/pull/18076 * [keras/saving/legacy/saved_model] Standardise docstring usage of "Default to" by SamuelMarks in https://github.com/keras-team/keras/pull/17978 * [keras/metrics] Standardise docstring usage of "Default to" by SamuelMarks in https://github.com/keras-team/keras/pull/17972 * Update example losses to bce- metrics/confusion_metrics.py by Frightera in https://github.com/keras-team/keras/pull/18045 * [keras/layers/regularization] Standardise docstring usage of "Default to" by SamuelMarks in https://github.com/keras-team/keras/pull/17968 * [keras/applications/efficientnet.py] Standardise docstring usage of "Default to" by SamuelMarks in https://github.com/keras-team/keras/pull/17758 * [keras/models] Standardise docstring usage of "Default to" by SamuelMarks in https://github.com/keras-team/keras/pull/17974 * [keras/mixed_precision] Standardise docstring usage of "Default to" by SamuelMarks in https://github.com/keras-team/keras/pull/17973 * Update indentation level - losses.py by Frightera in https://github.com/keras-team/keras/pull/18043 * Remove github user sushreebarsa from assignees. by shmishra99 in https://github.com/keras-team/keras/pull/18058 * [keras/preprocessing] Standardise docstring usage of "Default to" by SamuelMarks in https://github.com/keras-team/keras/pull/17977 * [keras/testing_infra] Standardise docstring usage of "Default to" by SamuelMarks in https://github.com/keras-team/keras/pull/17979 * [keras/benchmarks/benchmark_util.py] Use var rather than string literal for `is None` checks on `measure_performance` by SamuelMarks in https://github.com/keras-team/keras/pull/17980 * Some cleanup // Optimizers by Frightera in https://github.com/keras-team/keras/pull/18124 * [keras/layers/preprocessing] fix comments in RandomWidth, change to 'horizontally' instead of 'vertically' by qibolee in https://github.com/keras-team/keras/pull/18113 * [keras/applications] Standardise docstring usage of "Default to" by SamuelMarks in https://github.com/keras-team/keras/pull/17954 * [keras/estimator] Standardise docstring usage of "Default to" by SamuelMarks in https://github.com/keras-team/keras/pull/17957 * Fix CategoricalFocalCE documentation by Frightera in https://github.com/keras-team/keras/pull/18144 * [keras/utils] Standardise docstring usage of "Default to" by SamuelMarks in https://github.com/keras-team/keras/pull/17953 * [keras/layers/pooling] Standardise docstring usage of "Default to" by SamuelMarks in https://github.com/keras-team/keras/pull/17966 * use io_utils.print_msg in datset_utils by pedrobrs in https://github.com/keras-team/keras/pull/18054 * Update indentation level - activations.py by Frightera in https://github.com/keras-team/keras/pull/18036 * [keras/legacy_tf_layers] Standardise docstring usage of "Default to" by SamuelMarks in https://github.com/keras-team/keras/pull/17971 * [keras/layers/convolutional] Standardise docstring usage of "Default to" by SamuelMarks in https://github.com/keras-team/keras/pull/17963 * [keras/engine] Standardise docstring usage of "Default to" by SamuelMarks in https://github.com/keras-team/keras/pull/17956 * [keras/feature_column] Standardise docstring usage of "Default to" by SamuelMarks in https://github.com/keras-team/keras/pull/17958 * Fix markdown rendering issue by sachinprasadhs in https://github.com/keras-team/keras/pull/18205 * Consistently use "pickleable" instead of "picklable" by NicoWeio in https://github.com/keras-team/keras/pull/18140 * Use prefetch() after batching // image_dataset.py by Frightera in https://github.com/keras-team/keras/pull/18160 * Update Argument padding for zero_padding1d.py by SuryanarayanaY in https://github.com/keras-team/keras/pull/18223 * RGB image data is not grayscale image data by misterrioes in https://github.com/keras-team/keras/pull/18133 * updated read.me by VaishnaviMudaliar in https://github.com/keras-team/keras/pull/18226 * Fixed the typo in policy.py by tilakrayal in https://github.com/keras-team/keras/pull/18233 * Update example losses probabilistic_metrics.py by Frightera in https://github.com/keras-team/keras/pull/18234 * Fixed "reset_state" of R2Score metric by pdyakov in https://github.com/keras-team/keras/pull/18251 * Ignore hidden folders for image_dataset_from_directory by sachinprasadhs in https://github.com/keras-team/keras/pull/18177 * Improve error message for input data to fit. by tomrtk in https://github.com/keras-team/keras/pull/18042 * refactor: _log_epoch_metrics() by arjun-234 in https://github.com/keras-team/keras/pull/18274 * Refactor test cases to improve unit test quality by freddiewanah in https://github.com/keras-team/keras/pull/18303 * typo in disable_interactie_logging by ganeshiva in https://github.com/keras-team/keras/pull/18314 * Removes Python 3.8 support by sampathweb in https://github.com/keras-team/keras/pull/18332 * Update requirements.txt by qlzh727 in https://github.com/keras-team/keras/pull/18382 New Contributors * sampathweb made their first contribution in https://github.com/keras-team/keras/pull/18076 * shmishra99 made their first contribution in https://github.com/keras-team/keras/pull/18058 * qibolee made their first contribution in https://github.com/keras-team/keras/pull/18113 * pedrobrs made their first contribution in https://github.com/keras-team/keras/pull/18054 * NicoWeio made their first contribution in https://github.com/keras-team/keras/pull/18140 * SuryanarayanaY made their first contribution in https://github.com/keras-team/keras/pull/18223 * misterrioes made their first contribution in https://github.com/keras-team/keras/pull/18133 * VaishnaviMudaliar made their first contribution in https://github.com/keras-team/keras/pull/18226 * pdyakov made their first contribution in https://github.com/keras-team/keras/pull/18251 * tomrtk made their first contribution in https://github.com/keras-team/keras/pull/18042 * arjun-234 made their first contribution in https://github.com/keras-team/keras/pull/18274 * freddiewanah made their first contribution in https://github.com/keras-team/keras/pull/18303 * ganeshiva made their first contribution in https://github.com/keras-team/keras/pull/18314 **Full Changelog**: https://github.com/keras-team/keras/compare/v2.13.1...v2.14.0 ``` ### 2.14.0rc0 ``` What's Changed * [keras/layers/normalization] Standardise docstring usage of "Default to" by SamuelMarks in https://github.com/keras-team/keras/pull/17965 * Update Python ver to 3.9 in Dockerfile by sampathweb in https://github.com/keras-team/keras/pull/18076 * [keras/saving/legacy/saved_model] Standardise docstring usage of "Default to" by SamuelMarks in https://github.com/keras-team/keras/pull/17978 * [keras/metrics] Standardise docstring usage of "Default to" by SamuelMarks in https://github.com/keras-team/keras/pull/17972 * Update example losses to bce- metrics/confusion_metrics.py by Frightera in https://github.com/keras-team/keras/pull/18045 * [keras/layers/regularization] Standardise docstring usage of "Default to" by SamuelMarks in https://github.com/keras-team/keras/pull/17968 * [keras/applications/efficientnet.py] Standardise docstring usage of "Default to" by SamuelMarks in https://github.com/keras-team/keras/pull/17758 * [keras/models] Standardise docstring usage of "Default to" by SamuelMarks in https://github.com/keras-team/keras/pull/17974 * [keras/mixed_precision] Standardise docstring usage of "Default to" by SamuelMarks in https://github.com/keras-team/keras/pull/17973 * Update indentation level - losses.py by Frightera in https://github.com/keras-team/keras/pull/18043 * Remove github user sushreebarsa from assignees. by shmishra99 in https://github.com/keras-team/keras/pull/18058 * [keras/preprocessing] Standardise docstring usage of "Default to" by SamuelMarks in https://github.com/keras-team/keras/pull/17977 * [keras/testing_infra] Standardise docstring usage of "Default to" by SamuelMarks in https://github.com/keras-team/keras/pull/17979 * [keras/benchmarks/benchmark_util.py] Use var rather than string literal for `is None` checks on `measure_performance` by SamuelMarks in https://github.com/keras-team/keras/pull/17980 * Some cleanup // Optimizers by Frightera in https://github.com/keras-team/keras/pull/18124 * [keras/layers/preprocessing] fix comments in RandomWidth, change to 'horizontally' instead of 'vertically' by qibolee in https://github.com/keras-team/keras/pull/18113 * [keras/applications] Standardise docstring usage of "Default to" by SamuelMarks in https://github.com/keras-team/keras/pull/17954 * [keras/estimator] Standardise docstring usage of "Default to" by SamuelMarks in https://github.com/keras-team/keras/pull/17957 * Fix CategoricalFocalCE documentation by Frightera in https://github.com/keras-team/keras/pull/18144 * [keras/utils] Standardise docstring usage of "Default to" by SamuelMarks in https://github.com/keras-team/keras/pull/17953 * [keras/layers/pooling] Standardise docstring usage of "Default to" by SamuelMarks in https://github.com/keras-team/keras/pull/17966 * use io_utils.print_msg in datset_utils by pedrobrs in https://github.com/keras-team/keras/pull/18054 * Update indentation level - activations.py by Frightera in https://github.com/keras-team/keras/pull/18036 * [keras/legacy_tf_layers] Standardise docstring usage of "Default to" by SamuelMarks in https://github.com/keras-team/keras/pull/17971 * [keras/layers/convolutional] Standardise docstring usage of "Default to" by SamuelMarks in https://github.com/keras-team/keras/pull/17963 * [keras/engine] Standardise docstring usage of "Default to" by SamuelMarks in https://github.com/keras-team/keras/pull/17956 * [keras/feature_column] Standardise docstring usage of "Default to" by SamuelMarks in https://github.com/keras-team/keras/pull/17958 * Fix markdown rendering issue by sachinprasadhs in https://github.com/keras-team/keras/pull/18205 * Consistently use "pickleable" instead of "picklable" by NicoWeio in https://github.com/keras-team/keras/pull/18140 * Use prefetch() after batching // image_dataset.py by Frightera in https://github.com/keras-team/keras/pull/18160 * Update Argument padding for zero_padding1d.py by SuryanarayanaY in https://github.com/keras-team/keras/pull/18223 * RGB image data is not grayscale image data by misterrioes in https://github.com/keras-team/keras/pull/18133 * updated read.me by VaishnaviMudaliar in https://github.com/keras-team/keras/pull/18226 * Fixed the typo in policy.py by tilakrayal in https://github.com/keras-team/keras/pull/18233 * Update example losses probabilistic_metrics.py by Frightera in https://github.com/keras-team/keras/pull/18234 * Fixed "reset_state" of R2Score metric by pdyakov in https://github.com/keras-team/keras/pull/18251 * Ignore hidden folders for image_dataset_from_directory by sachinprasadhs in https://github.com/keras-team/keras/pull/18177 * Improve error message for input data to fit. by tomrtk in https://github.com/keras-team/keras/pull/18042 * refactor: _log_epoch_metrics() by arjun-234 in https://github.com/keras-team/keras/pull/18274 * Refactor test cases to improve unit test quality by freddiewanah in https://github.com/keras-team/keras/pull/18303 * typo in disable_interactie_logging by ganeshiva in https://github.com/keras-team/keras/pull/18314 * Removes Python 3.8 support by sampathweb in https://github.com/keras-team/keras/pull/18332 New Contributors * sampathweb made their first contribution in https://github.com/keras-team/keras/pull/18076 * shmishra99 made their first contribution in https://github.com/keras-team/keras/pull/18058 * qibolee made their first contribution in https://github.com/keras-team/keras/pull/18113 * pedrobrs made their first contribution in https://github.com/keras-team/keras/pull/18054 * NicoWeio made their first contribution in https://github.com/keras-team/keras/pull/18140 * SuryanarayanaY made their first contribution in https://github.com/keras-team/keras/pull/18223 * misterrioes made their first contribution in https://github.com/keras-team/keras/pull/18133 * VaishnaviMudaliar made their first contribution in https://github.com/keras-team/keras/pull/18226 * pdyakov made their first contribution in https://github.com/keras-team/keras/pull/18251 * tomrtk made their first contribution in https://github.com/keras-team/keras/pull/18042 * arjun-234 made their first contribution in https://github.com/keras-team/keras/pull/18274 * freddiewanah made their first contribution in https://github.com/keras-team/keras/pull/18303 * ganeshiva made their first contribution in https://github.com/keras-team/keras/pull/18314 **Full Changelog**: https://github.com/keras-team/keras/compare/v2.13.1...v2.14.0-rc0 ``` ### 2.13.1 ``` What's Changed * Fix timeseries_dataset_from_array counts when sequence_stride > 1 by basjacobs93 in https://github.com/keras-team/keras/pull/17396 * Fix doc for MultiHeadAttention's output_shape arg by tsdeng in https://github.com/keras-team/keras/pull/17432 * Added a link to the TextVectorization API Reference Page. by Neeshamraghav012 in https://github.com/keras-team/keras/pull/17540 * Fix ConvNeXt classifier activation bug by Frightera in https://github.com/keras-team/keras/pull/17544 * Activations clean up by joesho112358 in https://github.com/keras-team/keras/pull/17545 * Perform all ops in apply_gradient in a given tf.name_scope. by foxik in https://github.com/keras-team/keras/pull/17550 * Bugfix/normalization invert by jerabaul29 in https://github.com/keras-team/keras/pull/17501 * OptimizerV2: Allow deepcopy by jschueller in https://github.com/keras-team/keras/pull/17463 * keras.models.clone_model creates different weight names for RNN layers by mergian in https://github.com/keras-team/keras/pull/17465 * Fix spelling error in Initializer warning by edknv in https://github.com/keras-team/keras/pull/17568 * LayerScale fix to support pretrained ConvNeXt models with mixed precision by andreped in https://github.com/keras-team/keras/pull/17547 * Softmax fix in Mixed Precision by dsr-lab in https://github.com/keras-team/keras/pull/17571 * Less restrictive ROCm+GRU/LSTM fallback logic by ekuznetsov139 in https://github.com/keras-team/keras/pull/17587 * Update security section. by sachinprasadhs in https://github.com/keras-team/keras/pull/17522 * Fix serialization error with EfficientNet by RocketDelivery in https://github.com/keras-team/keras/pull/17498 * grammar corrections by egurnick in https://github.com/keras-team/keras/pull/17595 * Update documentation to keras reuters dataset by hxy9243 in https://github.com/keras-team/keras/pull/17635 * Add Lion optimizer by drauh in https://github.com/keras-team/keras/pull/17605 * Correct the docstring of Head func in convnext.py by Frightera in https://github.com/keras-team/keras/pull/17667 * keras.layers.Bidirectional is missing argument "states", which is defined for keras.layers.RNN by mergian in https://github.com/keras-team/keras/pull/17469 * fix a small bug in tf.keras.layer.Layer.compute_output_signature by yamanoko in https://github.com/keras-team/keras/pull/17636 * Optimize mixed-precision finite check for sparse tensors. by nluehr in https://github.com/keras-team/keras/pull/17638 * Typo Lion docstring by drauh in https://github.com/keras-team/keras/pull/17726 * Raise ValueError if reducing axis dimension is 0 by old-school-kid in https://github.com/keras-team/keras/pull/16755 * Add CategoricalFocalCrossentropy to Losses API by Frightera in https://github.com/keras-team/keras/pull/17651 * Unifying interpolation selection by jpodivin in https://github.com/keras-team/keras/pull/17742 * Add a missing space by sudoLife in https://github.com/keras-team/keras/pull/17744 * [keras/initializers/initializers_v1.py] Standardise docstring usage of "Default to" by SamuelMarks in https://github.com/keras-team/keras/pull/17785 * [keras/layers/convolutional/conv3d_transpose.py] Standardise docstring usage of "Default to" by SamuelMarks in https://github.com/keras-team/keras/pull/17797 * [keras/engine/training.py] Standardise docstring usage of "Default to" by SamuelMarks in https://github.com/keras-team/keras/pull/17780 * [keras/feature_column/dense_features.py] Standardise docstring usage of "Default to" by SamuelMarks in https://github.com/keras-team/keras/pull/17783 * [keras/datasets/imdb.py] Standardise docstring usage of "Default to" by SamuelMarks in https://github.com/keras-team/keras/pull/17771 * [keras/backend.py] Standardise docstring usage of "Default to" by SamuelMarks in https://github.com/keras-team/keras/pull/17769 * [keras/engine/base_layer_utils.py] Standardise docstring usage of "Default to" by SamuelMarks in https://github.com/keras-team/keras/pull/17774 * [keras/layers/activation/leaky_relu.py] Standardise docstring usage of "Default to" by SamuelMarks in https://github.com/keras-team/keras/pull/17786 * [keras/engine/training_v1.py] Standardise docstring usage of "Default to" by SamuelMarks in https://github.com/keras-team/keras/pull/17781 * [keras/layers/activation/relu.py] Standardise docstring usage of "Default to" by SamuelMarks in https://github.com/keras-team/keras/pull/17787 * [keras/layers/convolutional/conv2d_transpose.py] Standardise docstring usage of "Default to" by SamuelMarks in https://github.com/keras-team/keras/pull/17795 * [keras/layers/convolutional/conv3d.py] Standardise docstring usage of "Default to" by SamuelMarks in https://github.com/keras-team/keras/pull/17796 * [keras/layers/activation/softmax.py] Standardise docstring usage of "Default to" by SamuelMarks in https://github.com/keras-team/keras/pull/17788 * [keras/layers/convolutional/depthwise_conv2d.py] Standardise docstring usage of "Default to" by SamuelMarks in https://github.com/keras-team/keras/pull/17799 * [keras/layers/convolutional/separable_conv2d.py] Standardise docstring usage of "Default to" by SamuelMarks in https://github.com/keras-team/keras/pull/17800 * [keras/layers/locally_connected/locally_connected2d.py] Standardise docstring usage of "Default to" by SamuelMarks in https://github.com/keras-team/keras/pull/17803 * [keras/layers/locally_connected/locally_connected1d.py] Standardise docstring usage of "Default to" by SamuelMarks in https://github.com/keras-team/keras/pull/17802 * Fix performance issue with sample weights in model.fit() by nershman in https://github.com/keras-team/keras/pull/17357 * [keras/datasets/reuters.py] Standardise docstring usage of "Default to" by SamuelMarks in https://github.com/keras-team/keras/pull/17772 * [keras/applications/mobilenet.py] Standardise docstring usage of "Default to" by SamuelMarks in https://github.com/keras-team/keras/pull/17763 * [keras/applications/inception_v3.py] Standardise docstring usage of "Default to" by SamuelMarks in https://github.com/keras-team/keras/pull/17762 * [keras/engine/input_layer.py] Standardise docstring usage of "Default to" by SamuelMarks in https://github.com/keras-team/keras/pull/17779 * [keras/engine/data_adapter.py] Standardise docstring usage of "Default to" by SamuelMarks in https://github.com/keras-team/keras/pull/17777 * [keras/applications/imagenet_utils.py] Standardise docstring usage of "Default to" by SamuelMarks in https://github.com/keras-team/keras/pull/17760 * [keras/layers/attention/additive_attention.py] Standardise docstring usage of "Default to" by SamuelMarks in https://github.com/keras-team/keras/pull/17789 * [keras/engine/base_layer.py] Standardise docstring usage of "Default to" by SamuelMarks in https://github.com/keras-team/keras/pull/17773 * [keras/layers/kernelized.py] Standardise docstring usage of "Default to" by SamuelMarks in https://github.com/keras-team/keras/pull/17801 * [keras/engine/functional.py] Standardise docstring usage of "Default to" by SamuelMarks in https://github.com/keras-team/keras/pull/17778 * [keras/layers/attention/multi_head_attention.py] Standardise docstring usage of "Default to" by SamuelMarks in https://github.com/keras-team/keras/pull/17791 * Minor improvements and code refactoring in backend.py by Frightera in https://github.com/keras-team/keras/pull/17746 * Update indentation level - layers/attention by Frightera in https://github.com/keras-team/keras/pull/17945 * Update indentation level - layers/activation by Frightera in https://github.com/keras-team/keras/pull/17943 * [keras/layers/preprocessing/image_preprocessing_test.py] Standardise docstring usage of "Default to" by SamuelMarks in https://github.com/keras-team/keras/pull/17820 * [keras/layers/preprocessing/text_vectorization.py] Standardise docstring usage of "Default to" by SamuelMarks in https://github.com/keras-team/keras/pull/17825 * [keras/optimizers/ftrl.py] Standardise docstring usage of "Default to" by SamuelMarks in https://github.com/keras-team/keras/pull/17864 * [keras/optimizers/adam.py] Standardise docstring usage of "Default to" by SamuelMarks in https://github.com/keras-team/keras/pull/17861 * [keras/optimizers/adamax.py] Standardise docstring usage of "Default to" by SamuelMarks in https://github.com/keras-team/keras/pull/17862 * [keras/optimizers/legacy/adam.py] Standardise docstring usage of "Default to" by SamuelMarks in https://github.com/keras-team/keras/pull/17867 * [keras/optimizers/legacy/ftrl.py] Standardise docstring usage of "Default to" by SamuelMarks in https://github.com/keras-team/keras/pull/17868 * [keras/utils/dataset_utils.py] Standardise docstring usage of "Default to" by SamuelMarks in https://github.com/keras-team/keras/pull/17895 * [keras/utils/feature_space.py] Standardise docstring usage of "Default to" by SamuelMarks in https://github.com/keras-team/keras/pull/17896 * [keras/optimizers/nadam.py] Standardise docstring usage of "Default to" by SamuelMarks in https://github.com/keras-team/keras/pull/17875 * [keras/saving/serialization_lib.py] Standardise docstring usage of "Default to" by SamuelMarks in https://github.com/keras-team/keras/pull/17889 * [keras/metrics/base_metric.py] Standardise docstring usage of "Default to" by SamuelMarks in https://github.com/keras-team/keras/pull/17850 * Update indentation level - utils/image_dataset by Frightera in https://github.com/keras-team/keras/pull/18005 * [keras/optimizers/schedules] Standardise docstring usage of "Default to" by SamuelMarks in https://github.com/keras-team/keras/pull/17976 * [keras/layers/reshaping] Standardise docstring usage of "Default to" by SamuelMarks in https://github.com/keras-team/keras/pull/17969 * [keras/optimizers/legacy] Standardise docstring usage of "Default to" by SamuelMarks in https://github.com/keras-team/keras/pull/17975 * [keras/layers/rnn] Standardise docstring usage of "Default to" by SamuelMarks in https://github.com/keras-team/keras/pull/17970 * [keras/layers/convolutional/depthwise_conv1d.py] Standardise docstring usage of "Default to" by SamuelMarks in https://github.com/keras-team/keras/pull/17798 * [keras/applications/mobilenet_v3.py] Standardise docstring usage of "Default to" by SamuelMarks in https://github.com/keras-team/keras/pull/17764 * [keras/layers/preprocessing] Standardise docstring usage of "Default to" by SamuelMarks in https://github.com/keras-team/keras/pull/17967 * [keras/datasets] Standardise docstring usage of "Default to" by SamuelMarks in https://github.com/keras-team/keras/pull/17955 * [keras/layers/activation] Standardise docstring usage of "Default to" by SamuelMarks in https://github.com/keras-team/keras/pull/17961 * Increase the version number for keras 2.13 by qlzh727 in https://github.com/keras-team/keras/pull/18081 * Cherrypick the release script fix for RC. by qlzh727 in https://github.com/keras-team/keras/pull/18082 * Cherrypick Sequential serialization bug fix for r2.13 by nkovela1 in https://github.com/keras-team/keras/pull/18258 New Contributors * basjacobs93 made their first contribution in https://github.com/keras-team/keras/pull/17396 * tsdeng made their first contribution in https://github.com/keras-team/keras/pull/17432 * Neeshamraghav012 made their first contribution in https://github.com/keras-team/keras/pull/17540 * joesho112358 made their first contribution in https://github.com/keras-team/keras/pull/17545 * jerabaul29 made their first contribution in https://github.com/keras-team/keras/pull/17501 * jschueller made their first contribution in https://github.com/keras-team/keras/pull/17463 * edknv made their first contribution in https://github.com/keras-team/keras/pull/17568 * andreped made their first contribution in https://github.com/keras-team/keras/pull/17547 * dsr-lab made their first contribution in https://github.com/keras-team/keras/pull/17571 * RocketDelivery made their first contribution in https://github.com/keras-team/keras/pull/17498 * egurnick made their first contribution in https://github.com/keras-team/keras/pull/17595 * hxy9243 made their first contribution in https://github.com/keras-team/keras/pull/17635 * yamanoko made their first contribution in https://github.com/keras-team/keras/pull/17636 * nluehr made their first contribution in https://github.com/keras-team/keras/pull/17638 * jpodivin made their first contribution in https://github.com/keras-team/keras/pull/17742 * sudoLife made their first contribution in https://github.com/keras-team/keras/pull/17744 * nershman made their first contribution in https://github.com/keras-team/keras/pull/17357 * nkovela1 made their first contribution in https://github.com/keras-team/keras/pull/18258 **Full Changelog**: https://github.com/keras-team/keras/compare/v2.12.0...v2.13.1 ``` ### 2.13.1rc1 ``` What's Changed * Cherrypick Sequential serialization bug fix for r2.13 by nkovela1 in https://github.com/keras-team/keras/pull/18258 New Contributors * nkovela1 made their first contribution in https://github.com/keras-team/keras/pull/18258 **Full Changelog**: https://github.com/keras-team/keras/compare/v2.13.1-rc0...v2.13.1-rc1 ``` ### 2.13.1rc0 ``` What's Changed * Fix timeseries_dataset_from_array counts when sequence_stride > 1 by basjacobs93 in https://github.com/keras-team/keras/pull/17396 * Fix doc for MultiHeadAttention's output_shape arg by tsdeng in https://github.com/keras-team/keras/pull/17432 * Added a link to the TextVectorization API Reference Page. by Neeshamraghav012 in https://github.com/keras-team/keras/pull/17540 * Fix ConvNeXt classifier activation bug by Frightera in https://github.com/keras-team/keras/pull/17544 * Activations clean up by joesho112358 in https://github.com/keras-team/keras/pull/17545 * Perform all ops in apply_gradient in a given tf.name_scope. by foxik in https://github.com/keras-team/keras/pull/17550 * Bugfix/normalization invert by jerabaul29 in https://github.com/keras-team/keras/pull/17501 * OptimizerV2: Allow deepcopy by jschueller in https://github.com/keras-team/keras/pull/17463 * keras.models.clone_model creates different weight names for RNN layers by mergian in https://github.com/keras-team/keras/pull/17465 * Fix spelling error in Initializer warning by edknv in https://github.com/keras-team/keras/pull/17568 * LayerScale fix to support pretrained ConvNeXt models with mixed precision by andreped in https://github.com/keras-team/keras/pull/17547 * Softmax fix in Mixed Precision by dsr-lab in https://github.com/keras-team/keras/pull/17571 * Less restrictive ROCm+GRU/LSTM fallback logic by ekuznetsov139 in https://github.com/keras-team/keras/pull/17587 * Update security section. by sachinprasadhs in https://github.com/keras-team/keras/pull/17522 * Fix serialization error with EfficientNet by RocketDelivery in https://github.com/keras-team/keras/pull/17498 * grammar corrections by egurnick in https://github.com/keras-team/keras/pull/17595 * Update documentation to keras reuters dataset by hxy9243 in https://github.com/keras-team/keras/pull/17635 * Add Lion optimizer by drauh in https://github.com/keras-team/keras/pull/17605 * Correct the docstring of Head func in convnext.py by Frightera in https://github.com/keras-team/keras/pull/17667 * keras.layers.Bidirectional is missing argument "states", which is defined for keras.layers.RNN by mergian in https://github.com/keras-team/keras/pull/17469 * fix a small bug in tf.keras.layer.Layer.compute_output_signature by yamanoko in https://github.com/keras-team/keras/pull/17636 * Optimize mixed-precision finite check for sparse tensors. by nluehr in https://github.com/keras-team/keras/pull/17638 * Typo Lion docstring by drauh in https://github.com/keras-team/keras/pull/17726 * Raise ValueError if reducing axis dimension is 0 by old-school-kid in https://github.com/keras-team/keras/pull/16755 * Add CategoricalFocalCrossentropy to Losses API by Frightera in https://github.com/keras-team/keras/pull/17651 * Unifying interpolation selection by jpodivin in https://github.com/keras-team/keras/pull/17742 * Add a missing space by sudoLife in https://github.com/keras-team/keras/pull/17744 * [keras/initializers/initializers_v1.py] Standardise docstring usage of "Default to" by SamuelMarks in https://github.com/keras-team/keras/pull/17785 * [keras/layers/convolutional/conv3d_transpose.py] Standardise docstring usage of "Default to" by SamuelMarks in https://github.com/keras-team/keras/pull/17797 * [keras/engine/training.py] Standardise docstring usage of "Default to" by SamuelMarks in https://github.com/keras-team/keras/pull/17780 * [keras/feature_column/dense_features.py] Standardise docstring usage of "Default to" by SamuelMarks in https://github.com/keras-team/keras/pull/17783 * [keras/datasets/imdb.py] Standardise docstring usage of "Default to" by SamuelMarks in https://github.com/keras-team/keras/pull/17771 * [keras/backend.py] Standardise docstring usage of "Default to" by SamuelMarks in https://github.com/keras-team/keras/pull/17769 * [keras/engine/base_layer_utils.py] Standardise docstring usage of "Default to" by SamuelMarks in https://github.com/keras-team/keras/pull/17774 * [keras/layers/activation/leaky_relu.py] Standardise docstring usage of "Default to" by SamuelMarks in https://github.com/keras-team/keras/pull/17786 * [keras/engine/training_v1.py] Standardise docstring usage of "Default to" by SamuelMarks in https://github.com/keras-team/keras/pull/17781 * [keras/layers/activation/relu.py] Standardise docstring usage of "Default to" by SamuelMarks in https://github.com/keras-team/keras/pull/17787 * [keras/layers/convolutional/conv2d_transpose.py] Standardise docstring usage of "Default to" by SamuelMarks in https://github.com/keras-team/keras/pull/17795 * [keras/layers/convolutional/conv3d.py] Standardise docstring usage of "Default to" by SamuelMarks in https://github.com/keras-team/keras/pull/17796 * [keras/layers/activation/softmax.py] Standardise docstring usage of "Default to" by SamuelMarks in https://github.com/keras-team/keras/pull/17788 * [keras/layers/convolutional/depthwise_conv2d.py] Standardise docstring usage of "Default to" by SamuelMarks in https://github.com/keras-team/keras/pull/17799 * [keras/layers/convolutional/separable_conv2d.py] Standardise docstring usage of "Default to" by SamuelMarks in https://github.com/keras-team/keras/pull/17800 * [keras/layers/locally_connected/locally_connected2d.py] Standardise docstring usage of "Default to" by SamuelMarks in https://github.com/keras-team/keras/pull/17803 * [keras/layers/locally_connected/locally_connected1d.py] Standardise docstring usage of "Default to" by SamuelMarks in https://github.com/keras-team/keras/pull/17802 * Fix performance issue with sample weights in model.fit() by nershman in https://github.com/keras-team/keras/pull/17357 * [keras/datasets/reuters.py] Standardise docstring usage of "Default to" by SamuelMarks in https://github.com/keras-team/keras/pull/17772 * [keras/applications/mobilenet.py] Standardise docstring usage of "Default to" by SamuelMarks in https://github.com/keras-team/keras/pull/17763 * [keras/applications/inception_v3.py] Standardise docstring usage of "Default to" by SamuelMarks in https://github.com/keras-team/keras/pull/17762 * [keras/engine/input_layer.py] Standardise docstring usage of "Default to" by SamuelMarks in https://github.com/keras-team/keras/pull/17779 * [keras/engine/data_adapter.py] Standardise docstring usage of "Default to" by SamuelMarks in https://github.com/keras-team/keras/pull/17777 * [keras/applications/imagenet_utils.py] Standardise docstring usage of "Default to" by SamuelMarks in https://github.com/keras-team/keras/pull/17760 * [keras/layers/attention/additive_attention.py] Standardise docstring usage of "Default to" by SamuelMarks in https://github.com/keras-team/keras/pull/17789 * [keras/engine/base_layer.py] Standardise docstring usage of "Default to" by SamuelMarks in https://github.com/keras-team/keras/pull/17773 * [keras/layers/kernelized.py] Standardise docstring usage of "Default to" by SamuelMarks in https://github.com/keras-team/keras/pull/17801 * [keras/engine/functional.py] Standardise docstring usage of "Default to" by SamuelMarks in https://github.com/keras-team/keras/pull/17778 * [keras/layers/attention/multi_head_attention.py] Standardise docstring usage of "Default to" by SamuelMarks in https://github.com/keras-team/keras/pull/17791 * Minor improvements and code refactoring in backend.py by Frightera in https://github.com/keras-team/keras/pull/17746 * Update indentation level - layers/attention by Frightera in https://github.com/keras-team/keras/pull/17945 * Update indentation level - layers/activation by Frightera in https://github.com/keras-team/keras/pull/17943 * [keras/layers/preprocessing/image_preprocessing_test.py] Standardise docstring usage of "Default to" by SamuelMarks in https://github.com/keras-team/keras/pull/17820 * [keras/layers/preprocessing/text_vectorization.py] Standardise docstring usage of "Default to" by SamuelMarks in https://github.com/keras-team/keras/pull/17825 * [keras/optimizers/ftrl.py] Standardise docstring usage of "Default to" by SamuelMarks in https://github.com/keras-team/keras/pull/17864 * [keras/optimizers/adam.py] Standardise docstring usage of "Default to" by SamuelMarks in https://github.com/keras-team/keras/pull/17861 * [keras/optimizers/adamax.py] Standardise docstring usage of "Default to" by SamuelMarks in https://github.com/keras-team/keras/pull/17862 * [keras/optimizers/legacy/adam.py] Standardise docstring usage of "Default to" by SamuelMarks in https://github.com/keras-team/keras/pull/17867 * [keras/optimizers/legacy/ftrl.py] Standardise docstring usage of "Default to" by SamuelMarks in https://github.com/keras-team/keras/pull/17868 * [keras/utils/dataset_utils.py] Standardise docstring usage of "Default to" by SamuelMarks in https://github.com/keras-team/keras/pull/17895 * [keras/utils/feature_space.py] Standardise docstring usage of "Default to" by SamuelMarks in https://github.com/keras-team/keras/pull/17896 * [keras/optimizers/nadam.py] Standardise docstring usage of "Default to" by SamuelMarks in https://github.com/keras-team/keras/pull/17875 * [keras/saving/serialization_lib.py] Standardise docstring usage of "Default to" by SamuelMarks in https://github.com/keras-team/keras/pull/17889 * [keras/metrics/base_metric.py] Standardise docstring usage of "Default to" by SamuelMarks in https://github.com/keras-team/keras/pull/17850 * Update indentation level - utils/image_dataset by Frightera in https://github.com/keras-team/keras/pull/18005 * [keras/optimizers/schedules] Standardise docstring usage of "Default to" by SamuelMarks in https://github.com/keras-team/keras/pull/17976 * [keras/layers/reshaping] Standardise docstring usage of "Default to" by SamuelMarks in https://github.com/keras-team/keras/pull/17969 * [keras/optimizers/legacy] Standardise docstring usage of "Default to" by SamuelMarks in https://github.com/keras-team/keras/pull/17975 * [keras/layers/rnn] Standardise docstring usage of "Default to" by SamuelMarks in https://github.com/keras-team/keras/pull/17970 * [keras/layers/convolutional/depthwise_conv1d.py] Standardise docstring usage of "Default to" by SamuelMarks in https://github.com/keras-team/keras/pull/17798 * [keras/applications/mobilenet_v3.py] Standardise docstring usage of "Default to" by SamuelMarks in https://github.com/keras-team/keras/pull/17764 * [keras/layers/preprocessing] Standardise docstring usage of "Default to" by SamuelMarks in https://github.com/keras-team/keras/pull/17967 * [keras/datasets] Standardise docstring usage of "Default to" by SamuelMarks in https://github.com/keras-team/keras/pull/17955 * [keras/layers/activation] Standardise docstring usage of "Default to" by SamuelMarks in https://github.com/keras-team/keras/pull/17961 * Increase the version number for keras 2.13 by qlzh727 in https://github.com/keras-team/keras/pull/18081 * Cherrypick the release script fix for RC. by qlzh727 in https://github.com/keras-team/keras/pull/18082 New Contributors * basjacobs93 made their first contribution in https://github.com/keras-team/keras/pull/17396 * tsdeng made their first contribution in https://github.com/keras-team/keras/pull/17432 * Neeshamraghav012 made their first contribution in https://github.com/keras-team/keras/pull/17540 * Frightera made their first contribution in https://github.com/keras-team/keras/pull/17544 * joesho112358 made their first contribution in https://github.com/keras-team/keras/pull/17545 * jerabaul29 made their first contribution in https://github.com/keras-team/keras/pull/17501 * jschueller made their first contribution in https://github.com/keras-team/keras/pull/17463 * edknv made their first contribution in https://github.com/keras-team/keras/pull/17568 * andreped made their first contribution in https://github.com/keras-team/keras/pull/17547 * dsr-lab made their first contribution in https://github.com/keras-team/keras/pull/17571 * RocketDelivery made their first contribution in https://github.com/keras-team/keras/pull/17498 * egurnick made their first contribution in https://github.com/keras-team/keras/pull/17595 * hxy9243 made their first contribution in https://github.com/keras-team/keras/pull/17635 * yamanoko made their first contribution in https://github.com/keras-team/keras/pull/17636 * nluehr made their first contribution in https://github.com/keras-team/keras/pull/17638 * jpodivin made their first contribution in https://github.com/keras-team/keras/pull/17742 * sudoLife made their first contribution in https://github.com/keras-team/keras/pull/17744 * nershman made their first contribution in https://github.com/keras-team/keras/pull/17357 **Full Changelog**: https://github.com/keras-team/keras/compare/v2.12.0...v2.13.1-rc0 ``` ### 2.12.0 ``` Please see the release history at https://github.com/tensorflow/tensorflow/releases/tag/v2.12.0 for more details. What's Changed * Updated Function _create_seed() in keras.backend by sushreebarsa in https://github.com/keras-team/keras/pull/17150 * Fixed typo in keras/keras/preprocessing/text.py by KarahanS in https://github.com/keras-team/keras/pull/17159 * Changed .format to f-string for better readability by AdityaPunetha in https://github.com/keras-team/keras/pull/17170 * Use the fallback method for GRU and LSTM on ROCm if padded I/O is needed by ekuznetsov139 in https://github.com/keras-team/keras/pull/17111 * Updated broken link by sushreebarsa in https://github.com/keras-team/keras/pull/17196 * Remove unused `amsgrad` argument in SGD by lgeiger in https://github.com/keras-team/keras/pull/17197 * Delegate `finalize_variable_values` in `LossScaleOptimizerV3` by lgeiger in https://github.com/keras-team/keras/pull/17225 * Update broken link by chunduriv in https://github.com/keras-team/keras/pull/17224 * Fix `use_causal_mask=True` with `RaggedTensor` bug by haifeng-jin in https://github.com/keras-team/keras/pull/17231 * Restore update_freq functionality by myaaaaaaaaa in https://github.com/keras-team/keras/pull/17142 * support to compat python 3.11 by hongxu-jia in https://github.com/keras-team/keras/pull/17239 * Update base_layer_v1.py by kbuyukakyuz in https://github.com/keras-team/keras/pull/17246 * Added identity layer by AdityaKane2001 in https://github.com/keras-team/keras/pull/17291 * Adds show_trainable option to plot_model() by mfidabel in https://github.com/keras-team/keras/pull/17145 * Update deprecated tf.contrib by sachinprasadhs in https://github.com/keras-team/keras/pull/17344 * Update depthwise_conv2d.py by gowthamkpr in https://github.com/keras-team/keras/pull/17341 * Tzm/optional verbosity by Mirandatz in https://github.com/keras-team/keras/pull/17346 * Fixed EfficientNetV2's MBConvBlock output phase. by sebastian-sz in https://github.com/keras-team/keras/pull/17364 * Update README.md to fix wrong links by NourEldin-Osama in https://github.com/keras-team/keras/pull/17374 * Warning if categorical crossentropy is used for 2 labels by old-school-kid in https://github.com/keras-team/keras/pull/17330 * Improved the CONTRIBUTING.md file by izam-mohammed in https://github.com/keras-team/keras/pull/17428 * Updated Docs string of doc_utils.py with new apis by mohantym in https://github.com/keras-team/keras/pull/17441 * Update MHA docstrings by haifeng-jin in https://github.com/keras-team/keras/pull/17461 * Update docstrings in text_dataset by haifeng-jin in https://github.com/keras-team/keras/pull/17462 * Bugfix: Pass show_layer_activations to expand_nested calls by alkatar21 in https://github.com/keras-team/keras/pull/17415 * Fix index_directory directory structure ignoring when passing labels explicitly by wwossname in https://github.com/keras-team/keras/pull/17403 * Add `to_ordinal` feature for ordinal regression/classification by awsaf49 in https://github.com/keras-team/keras/pull/17419 * Use 4 spaces indent for Dense layer docstrings by haifeng-jin in https://github.com/keras-team/keras/pull/17472 * keras.layers.Bidirectional constructor ignores trainable argument, causing models with trainable=False layers to incorrectly be cloned by mergian in https://github.com/keras-team/keras/pull/17467 * Fix api_docs for `to_ordinal` by awsaf49 in https://github.com/keras-team/keras/pull/17485 * Less restrictive fallback logic by jayfurmanek in https://github.com/keras-team/keras/pull/17591 New Contributors * KarahanS made their first contribution in https://github.com/keras-team/keras/pull/17159 * AdityaPunetha made their first contribution in https://github.com/keras-team/keras/pull/17170 * hongxu-jia made their first contribution in https://github.com/keras-team/keras/pull/17239 * kbuyukakyuz made their first contribution in https://github.com/keras-team/keras/pull/17246 * gowthamkpr made their first contribution in https://github.com/keras-team/keras/pull/17341 * Mirandatz made their first contribution in https://github.com/keras-team/keras/pull/17346 * NourEldin-Osama made their first contribution in https://github.com/keras-team/keras/pull/17374 * izam-mohammed made their first contribution in https://github.com/keras-team/keras/pull/17428 * alkatar21 made their first contribution in https://github.com/keras-team/keras/pull/17415 * wwossname made their first contribution in https://github.com/keras-team/keras/pull/17403 * awsaf49 made their first contribution in https://github.com/keras-team/keras/pull/17419 * jayfurmanek made their first contribution in https://github.com/keras-team/keras/pull/17591 **Full Changelog**: https://github.com/keras-team/keras/compare/v2.11.0...v2.12.0 ``` ### 2.12.0rc1 ``` Please see the release history at https://github.com/tensorflow/tensorflow/releases/tag/v2.12.0-rc0 for more details. What's Changed * Updated Function _create_seed() in keras.backend by sushreebarsa in https://github.com/keras-team/keras/pull/17150 * Fixed typo in keras/keras/preprocessing/text.py by KarahanS in https://github.com/keras-team/keras/pull/17159 * Changed .format to f-string for better readability by AdityaPunetha in https://github.com/keras-team/keras/pull/17170 * Use the fallback method for GRU and LSTM on ROCm if padded I/O is needed by ekuznetsov139 in https://github.com/keras-team/keras/pull/17111 * Updated broken link by sushreebarsa in https://github.com/keras-team/keras/pull/17196 * Remove unused `amsgrad` argument in SGD by lgeiger in https://github.com/keras-team/keras/pull/17197 * Delegate `finalize_variable_values` in `LossScaleOptimizerV3` by lgeiger in https://github.com/keras-team/keras/pull/17225 * Update broken link by chunduriv in https://github.com/keras-team/keras/pull/17224 * Fix `use_causal_mask=True` with `RaggedTensor` bug by haifeng-jin in https://github.com/keras-team/keras/pull/17231 * Restore update_freq functionality by myaaaaaaaaa in https://github.com/keras-team/keras/pull/17142 * support to compat python 3.11 by hongxu-jia in https://github.com/keras-team/keras/pull/17239 * Update base_layer_v1.py by kbuyukakyuz in https://github.com/keras-team/keras/pull/17246 * Added identity layer by AdityaKane2001 in https://github.com/keras-team/keras/pull/17291 * Adds show_trainable option to plot_model() by mfidabel in https://github.com/keras-team/keras/pull/17145 * Update deprecated tf.contrib by sachinprasadhs in https://github.com/keras-team/keras/pull/17344 * Update depthwise_conv2d.py by gowthamkpr in https://github.com/keras-team/keras/pull/17341 * Tzm/optional verbosity by Mirandatz in https://github.com/keras-team/keras/pull/17346 * Fixed EfficientNetV2's MBConvBlock output phase. by sebastian-sz in https://github.com/keras-team/keras/pull/17364 * Update README.md to fix wrong links by NourEldin-Osama in https://github.com/keras-team/keras/pull/17374 * Warning if categorical crossentropy is used for 2 labels by old-school-kid in https://github.com/keras-team/keras/pull/17330 * Improved the CONTRIBUTING.md file by izam-mohammed in https://github.com/keras-team/keras/pull/17428 * Updated Docs string of doc_utils.py with new apis by mohantym in https://github.com/keras-team/keras/pull/17441 * Update MHA docstrings by haifeng-jin in https://github.com/keras-team/keras/pull/17461 * Update docstrings in text_dataset by haifeng-jin in https://github.com/keras-team/keras/pull/17462 * Bugfix: Pass show_layer_activations to expand_nested calls by alkatar21 in https://github.com/keras-team/keras/pull/17415 * Fix index_directory directory structure ignoring when passing labels explicitly by wwossname in https://github.com/keras-team/keras/pull/17403 * Add `to_ordinal` feature for ordinal regression/classification by awsaf49 in https://github.com/keras-team/keras/pull/17419 * Use 4 spaces indent for Dense layer docstrings by haifeng-jin in https://github.com/keras-team/keras/pull/17472 * keras.layers.Bidirectional constructor ignores trainable argument, causing models with trainable=False layers to incorrectly be cloned by mergian in https://github.com/keras-team/keras/pull/17467 * Fix api_docs for `to_ordinal` by awsaf49 in https://github.com/keras-team/keras/pull/17485 * Less restrictive fallback logic by jayfurmanek in https://github.com/keras-team/keras/pull/17591 New Contributors * KarahanS made their first contribution in https://github.com/keras-team/keras/pull/17159 * AdityaPunetha made their first contribution in https://github.com/keras-team/keras/pull/17170 * ekuznetsov139 made their first contribution in https://github.com/keras-team/keras/pull/17111 * hongxu-jia made their first contribution in https://github.com/keras-team/keras/pull/17239 * kbuyukakyuz made their first contribution in https://github.com/keras-team/keras/pull/17246 * gowthamkpr made their first contribution in https://github.com/keras-team/keras/pull/17341 * Mirandatz made their first contribution in https://github.com/keras-team/keras/pull/17346 * NourEldin-Osama made their first contribution in https://github.com/keras-team/keras/pull/17374 * izam-mohammed made their first contribution in https://github.com/keras-team/keras/pull/17428 * alkatar21 made their first contribution in https://github.com/keras-team/keras/pull/17415 * wwossname made their first contribution in https://github.com/keras-team/keras/pull/17403 * awsaf49 made their first contribution in https://github.com/keras-team/keras/pull/17419 * jayfurmanek made their first contribution in https://github.com/keras-team/keras/pull/17591 **Full Changelog**: https://github.com/keras-team/keras/compare/v2.11.0...v2.12.0-rc1 ``` ### 2.11.0 ``` Please see the release history at https://github.com/tensorflow/tensorflow/releases/tag/v2.11.0 for more details. **Full Changelog**: https://github.com/keras-team/keras/compare/v2.10.0...v2.11.0 ``` ### 2.11.0rc3 ``` What's Changed * Cherrypick pull request 17225 from lgeiger:fix-mixed-precision-ema by qlzh727 in https://github.com/keras-team/keras/pull/17226 **Full Changelog**: https://github.com/keras-team/keras/compare/v2.11.0-rc2...v2.11.0-rc3 ``` ### 2.11.0rc2 ``` What's Changed * Cherrypick for cl/482011499: Throw error on deprecated fields. by qlzh727 in https://github.com/keras-team/keras/pull/17179 **Full Changelog**: https://github.com/keras-team/keras/compare/v2.11.0-rc1...v2.11.0-rc2 ``` ### 2.11.0rc1 ``` Please see the release history at https://github.com/tensorflow/tensorflow/releases/tag/v2.11.0-rc1 for more details. What's Changed * Fix TypeError positional argument when LossScalerOptimizer is used conjointly with tfa wrappers by lucasdavid in https://github.com/keras-team/keras/pull/16332 * Add type check to axis by sachinprasadhs in https://github.com/keras-team/keras/pull/16208 * minor documention fix by bmatschke in https://github.com/keras-team/keras/pull/16331 * Fix typos in data_adapter.py by taegeonum in https://github.com/keras-team/keras/pull/16326 * Add `exclude_from_weight_decay` to AdamW by markub3327 in https://github.com/keras-team/keras/pull/16274 * Switching learning/brain dependency to OSS compatible test_util by copybara-service in https://github.com/keras-team/keras/pull/16362 * Typo fix in LSTM docstring by peskaf in https://github.com/keras-team/keras/pull/16364 * Copy loss and metric to prevent side effect by drauh in https://github.com/keras-team/keras/pull/16360 * Denormalization layer by markub3327 in https://github.com/keras-team/keras/pull/16350 * Fix `reset_states` not working when invoked within a `tf.function` in graph mode. by copybara-service in https://github.com/keras-team/keras/pull/16400 * Reduce the complexity of the base layer by pulling out the logic related to handling call function args to a separate class. by copybara-service in https://github.com/keras-team/keras/pull/16375 * Add subset="both" functionality to {image|text}_dataset_from_directory() by Haaris-Rahman in https://github.com/keras-team/keras/pull/16413 * Fix non-float32 efficientnet calls by hctomkins in https://github.com/keras-team/keras/pull/16402 * Fix prediction with structured output by itmo153277 in https://github.com/keras-team/keras/pull/16408 * Add reference to resource variables. by sachinprasadhs in https://github.com/keras-team/keras/pull/16409 * added audio_dataset.py by hazemessamm in https://github.com/keras-team/keras/pull/16388 * Fix Syntax error for combined_model.compile of WideDeepModel by gadagashwini in https://github.com/keras-team/keras/pull/16447 * Missing `f` prefix on f-strings fix by code-review-doctor in https://github.com/keras-team/keras/pull/16459 * Update CONTRIBUTING.md by rthadur in https://github.com/keras-team/keras/pull/15998 * adds split_dataset utility by prakashsellathurai in https://github.com/keras-team/keras/pull/16398 * Support increasing batch size by markus-hinsche in https://github.com/keras-team/keras/pull/16337 * Add ConvNeXt models by sayakpaul in https://github.com/keras-team/keras/pull/16421 * Fix OrthogonalRegularizer to implement the (1,1) matrix norm by Kiwiakos in https://github.com/keras-team/keras/pull/16521 * fix: weight keys so that imagenet init works by sayakpaul in https://github.com/keras-team/keras/pull/16528 * Preprocess input correction by AdityaKane2001 in https://github.com/keras-team/keras/pull/16527 * Fix typo in documentation by sushreebarsa in https://github.com/keras-team/keras/pull/16534 * Update index_lookup.py by tilakrayal in https://github.com/keras-team/keras/pull/16460 * update codespaces bazel install by haifeng-jin in https://github.com/keras-team/keras/pull/16575 * reduce too long lines in engine/ by haifeng-jin in https://github.com/keras-team/keras/pull/16579 * Fix typos by eltociear in https://github.com/keras-team/keras/pull/16568 * Fix mixed precision serialization of group convs by lgeiger in https://github.com/keras-team/keras/pull/16571 * reduce layers line-too-long by haifeng-jin in https://github.com/keras-team/keras/pull/16580 * resolve line-too-long in root directory by haifeng-jin in https://github.com/keras-team/keras/pull/16584 * resolve line-too-long in metrics by haifeng-jin in https://github.com/keras-team/keras/pull/16586 *