Releases: keras-team/keras
Releases Β· keras-team/keras
Keras 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
andstop_predicting
model attributes for callbacks, similar tostop_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 toget_file
to force cache invalidation.
Full Changelog: v3.0.0...v3.0.1
Keras 3.0.0
Major updates
See the release announcement 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 for a complete list of breaking changes, as well as the Keras 3 migration guide.
Keras Release 2.15.0
What's Changed
- Typofixes for
StringLookup
documentation by @cw118 in #18333 - Fix ModelCheckpoint trained-on batch counting when using steps_per_execution>1 by @jasnyj in #17632
- Fix legacy optimizer handling in
compile_from_config()
. by @nkovela1 in #18492 - Remove options arg from ModelCheckpoint callback for Keras V3 saving, streamline ModelCheckpoint saving flow. Parameterize associated tests. by @nkovela1 in #18545
- Use TENSORFLOW_VERSION when available during pip_build script by @sampathweb in #18739
New Contributors
Full Changelog: v2.14.0...v2.15.0
Keras Release 2.14.0
What's Changed
- [keras/layers/normalization] Standardise docstring usage of "Default to" by @SamuelMarks in #17965
- Update Python ver to 3.9 in Dockerfile by @sampathweb in #18076
- [keras/saving/legacy/saved_model] Standardise docstring usage of "Default to" by @SamuelMarks in #17978
- [keras/metrics] Standardise docstring usage of "Default to" by @SamuelMarks in #17972
- Update example losses to bce- metrics/confusion_metrics.py by @Frightera in #18045
- [keras/layers/regularization] Standardise docstring usage of "Default to" by @SamuelMarks in #17968
- [keras/applications/efficientnet.py] Standardise docstring usage of "Default to" by @SamuelMarks in #17758
- [keras/models] Standardise docstring usage of "Default to" by @SamuelMarks in #17974
- [keras/mixed_precision] Standardise docstring usage of "Default to" by @SamuelMarks in #17973
- Update indentation level - losses.py by @Frightera in #18043
- Remove github user sushreebarsa from assignees. by @shmishra99 in #18058
- [keras/preprocessing] Standardise docstring usage of "Default to" by @SamuelMarks in #17977
- [keras/testing_infra] Standardise docstring usage of "Default to" by @SamuelMarks in #17979
- [keras/benchmarks/benchmark_util.py] Use var rather than string literal for
is None
checks onmeasure_performance
by @SamuelMarks in #17980 - Some cleanup // Optimizers by @Frightera in #18124
- [keras/layers/preprocessing] fix comments in RandomWidth, change to 'horizontally' instead of 'vertically' by @qibolee in #18113
- [keras/applications] Standardise docstring usage of "Default to" by @SamuelMarks in #17954
- [keras/estimator] Standardise docstring usage of "Default to" by @SamuelMarks in #17957
- Fix CategoricalFocalCE documentation by @Frightera in #18144
- [keras/utils] Standardise docstring usage of "Default to" by @SamuelMarks in #17953
- [keras/layers/pooling] Standardise docstring usage of "Default to" by @SamuelMarks in #17966
- use io_utils.print_msg in datset_utils by @pedrobrs in #18054
- Update indentation level - activations.py by @Frightera in #18036
- [keras/legacy_tf_layers] Standardise docstring usage of "Default to" by @SamuelMarks in #17971
- [keras/layers/convolutional] Standardise docstring usage of "Default to" by @SamuelMarks in #17963
- [keras/engine] Standardise docstring usage of "Default to" by @SamuelMarks in #17956
- [keras/feature_column] Standardise docstring usage of "Default to" by @SamuelMarks in #17958
- Fix markdown rendering issue by @sachinprasadhs in #18205
- Consistently use "pickleable" instead of "picklable" by @NicoWeio in #18140
- Use prefetch() after batching // image_dataset.py by @Frightera in #18160
- Update Argument padding for zero_padding1d.py by @SuryanarayanaY in #18223
- RGB image data is not grayscale image data by @misterrioes in #18133
- updated read.me by @VaishnaviMudaliar in #18226
- Fixed the typo in policy.py by @tilakrayal in #18233
- Update example losses @ probabilistic_metrics.py by @Frightera in #18234
- Fixed "reset_state" of R2Score metric by @pdyakov in #18251
- Ignore hidden folders for image_dataset_from_directory by @sachinprasadhs in #18177
- Improve error message for input data to fit. by @tomrtk in #18042
- refactor: _log_epoch_metrics() by @arjun-234 in #18274
- Refactor test cases to improve unit test quality by @freddiewanah in #18303
- typo in disable_interactie_logging by @ganeshiva in #18314
- Removes Python 3.8 support by @sampathweb in #18332
- Update requirements.txt by @qlzh727 in #18382
New Contributors
- @sampathweb made their first contribution in #18076
- @shmishra99 made their first contribution in #18058
- @qibolee made their first contribution in #18113
- @pedrobrs made their first contribution in #18054
- @NicoWeio made their first contribution in #18140
- @SuryanarayanaY made their first contribution in #18223
- @misterrioes made their first contribution in #18133
- @VaishnaviMudaliar made their first contribution in #18226
- @pdyakov made their first contribution in #18251
- @tomrtk made their first contribution in #18042
- @arjun-234 made their first contribution in #18274
- @freddiewanah made their first contribution in #18303
- @ganeshiva made their first contribution in #18314
Full Changelog: v2.13.1...v2.14.0
Keras Release 2.14.0 RC0
What's Changed
- [keras/layers/normalization] Standardise docstring usage of "Default to" by @SamuelMarks in #17965
- Update Python ver to 3.9 in Dockerfile by @sampathweb in #18076
- [keras/saving/legacy/saved_model] Standardise docstring usage of "Default to" by @SamuelMarks in #17978
- [keras/metrics] Standardise docstring usage of "Default to" by @SamuelMarks in #17972
- Update example losses to bce- metrics/confusion_metrics.py by @Frightera in #18045
- [keras/layers/regularization] Standardise docstring usage of "Default to" by @SamuelMarks in #17968
- [keras/applications/efficientnet.py] Standardise docstring usage of "Default to" by @SamuelMarks in #17758
- [keras/models] Standardise docstring usage of "Default to" by @SamuelMarks in #17974
- [keras/mixed_precision] Standardise docstring usage of "Default to" by @SamuelMarks in #17973
- Update indentation level - losses.py by @Frightera in #18043
- Remove github user sushreebarsa from assignees. by @shmishra99 in #18058
- [keras/preprocessing] Standardise docstring usage of "Default to" by @SamuelMarks in #17977
- [keras/testing_infra] Standardise docstring usage of "Default to" by @SamuelMarks in #17979
- [keras/benchmarks/benchmark_util.py] Use var rather than string literal for
is None
checks onmeasure_performance
by @SamuelMarks in #17980 - Some cleanup // Optimizers by @Frightera in #18124
- [keras/layers/preprocessing] fix comments in RandomWidth, change to 'horizontally' instead of 'vertically' by @qibolee in #18113
- [keras/applications] Standardise docstring usage of "Default to" by @SamuelMarks in #17954
- [keras/estimator] Standardise docstring usage of "Default to" by @SamuelMarks in #17957
- Fix CategoricalFocalCE documentation by @Frightera in #18144
- [keras/utils] Standardise docstring usage of "Default to" by @SamuelMarks in #17953
- [keras/layers/pooling] Standardise docstring usage of "Default to" by @SamuelMarks in #17966
- use io_utils.print_msg in datset_utils by @pedrobrs in #18054
- Update indentation level - activations.py by @Frightera in #18036
- [keras/legacy_tf_layers] Standardise docstring usage of "Default to" by @SamuelMarks in #17971
- [keras/layers/convolutional] Standardise docstring usage of "Default to" by @SamuelMarks in #17963
- [keras/engine] Standardise docstring usage of "Default to" by @SamuelMarks in #17956
- [keras/feature_column] Standardise docstring usage of "Default to" by @SamuelMarks in #17958
- Fix markdown rendering issue by @sachinprasadhs in #18205
- Consistently use "pickleable" instead of "picklable" by @NicoWeio in #18140
- Use prefetch() after batching // image_dataset.py by @Frightera in #18160
- Update Argument padding for zero_padding1d.py by @SuryanarayanaY in #18223
- RGB image data is not grayscale image data by @misterrioes in #18133
- updated read.me by @VaishnaviMudaliar in #18226
- Fixed the typo in policy.py by @tilakrayal in #18233
- Update example losses @ probabilistic_metrics.py by @Frightera in #18234
- Fixed "reset_state" of R2Score metric by @pdyakov in #18251
- Ignore hidden folders for image_dataset_from_directory by @sachinprasadhs in #18177
- Improve error message for input data to fit. by @tomrtk in #18042
- refactor: _log_epoch_metrics() by @arjun-234 in #18274
- Refactor test cases to improve unit test quality by @freddiewanah in #18303
- typo in disable_interactie_logging by @ganeshiva in #18314
- Removes Python 3.8 support by @sampathweb in #18332
New Contributors
- @sampathweb made their first contribution in #18076
- @shmishra99 made their first contribution in #18058
- @qibolee made their first contribution in #18113
- @pedrobrs made their first contribution in #18054
- @NicoWeio made their first contribution in #18140
- @SuryanarayanaY made their first contribution in #18223
- @misterrioes made their first contribution in #18133
- @VaishnaviMudaliar made their first contribution in #18226
- @pdyakov made their first contribution in #18251
- @tomrtk made their first contribution in #18042
- @arjun-234 made their first contribution in #18274
- @freddiewanah made their first contribution in #18303
- @ganeshiva made their first contribution in #18314
Full Changelog: v2.13.1...v2.14.0-rc0
Keras Release 2.13.1
What's Changed
- Fix timeseries_dataset_from_array counts when sequence_stride > 1 by @basjacobs93 in #17396
- Fix doc for MultiHeadAttention's output_shape arg by @tsdeng in #17432
- Added a link to the TextVectorization API Reference Page. by @Neeshamraghav012 in #17540
- Fix ConvNeXt classifier activation bug by @Frightera in #17544
- Activations clean up by @joesho112358 in #17545
- Perform all ops in apply_gradient in a given tf.name_scope. by @foxik in #17550
- Bugfix/normalization invert by @jerabaul29 in #17501
- OptimizerV2: Allow deepcopy by @jschueller in #17463
- keras.models.clone_model creates different weight names for RNN layers by @mergian in #17465
- Fix spelling error in Initializer warning by @edknv in #17568
- LayerScale fix to support pretrained ConvNeXt models with mixed precision by @andreped in #17547
- Softmax fix in Mixed Precision by @dsr-lab in #17571
- Less restrictive ROCm+GRU/LSTM fallback logic by @ekuznetsov139 in #17587
- Update security section. by @sachinprasadhs in #17522
- Fix serialization error with EfficientNet by @RocketDelivery in #17498
- grammar corrections by @egurnick in #17595
- Update documentation to keras reuters dataset by @hxy9243 in #17635
- Add Lion optimizer by @drauh in #17605
- Correct the docstring of Head func in convnext.py by @Frightera in #17667
- keras.layers.Bidirectional is missing argument "states", which is defined for keras.layers.RNN by @mergian in #17469
- fix a small bug in tf.keras.layer.Layer.compute_output_signature by @yamanoko in #17636
- Optimize mixed-precision finite check for sparse tensors. by @nluehr in #17638
- Typo Lion docstring by @drauh in #17726
- Raise ValueError if reducing axis dimension is 0 by @old-school-kid in #16755
- Add CategoricalFocalCrossentropy to Losses API by @Frightera in #17651
- Unifying interpolation selection by @jpodivin in #17742
- Add a missing space by @sudoLife in #17744
- [keras/initializers/initializers_v1.py] Standardise docstring usage of "Default to" by @SamuelMarks in #17785
- [keras/layers/convolutional/conv3d_transpose.py] Standardise docstring usage of "Default to" by @SamuelMarks in #17797
- [keras/engine/training.py] Standardise docstring usage of "Default to" by @SamuelMarks in #17780
- [keras/feature_column/dense_features.py] Standardise docstring usage of "Default to" by @SamuelMarks in #17783
- [keras/datasets/imdb.py] Standardise docstring usage of "Default to" by @SamuelMarks in #17771
- [keras/backend.py] Standardise docstring usage of "Default to" by @SamuelMarks in #17769
- [keras/engine/base_layer_utils.py] Standardise docstring usage of "Default to" by @SamuelMarks in #17774
- [keras/layers/activation/leaky_relu.py] Standardise docstring usage of "Default to" by @SamuelMarks in #17786
- [keras/engine/training_v1.py] Standardise docstring usage of "Default to" by @SamuelMarks in #17781
- [keras/layers/activation/relu.py] Standardise docstring usage of "Default to" by @SamuelMarks in #17787
- [keras/layers/convolutional/conv2d_transpose.py] Standardise docstring usage of "Default to" by @SamuelMarks in #17795
- [keras/layers/convolutional/conv3d.py] Standardise docstring usage of "Default to" by @SamuelMarks in #17796
- [keras/layers/activation/softmax.py] Standardise docstring usage of "Default to" by @SamuelMarks in #17788
- [keras/layers/convolutional/depthwise_conv2d.py] Standardise docstring usage of "Default to" by @SamuelMarks in #17799
- [keras/layers/convolutional/separable_conv2d.py] Standardise docstring usage of "Default to" by @SamuelMarks in #17800
- [keras/layers/locally_connected/locally_connected2d.py] Standardise docstring usage of "Default to" by @SamuelMarks in #17803
- [keras/layers/locally_connected/locally_connected1d.py] Standardise docstring usage of "Default to" by @SamuelMarks in #17802
- Fix performance issue with sample weights in model.fit() by @nershman in #17357
- [keras/datasets/reuters.py] Standardise docstring usage of "Default to" by @SamuelMarks in #17772
- [keras/applications/mobilenet.py] Standardise docstring usage of "Default to" by @SamuelMarks in #17763
- [keras/applications/inception_v3.py] Standardise docstring usage of "Default to" by @SamuelMarks in #17762
- [keras/engine/input_layer.py] Standardise docstring usage of "Default to" by @SamuelMarks in #17779
- [keras/engine/data_adapter.py] Standardise docstring usage of "Default to" by @SamuelMarks in #17777
- [keras/applications/imagenet_utils.py] Standardise docstring usage of "Default to" by @SamuelMarks in #17760
- [keras/layers/attention/additive_attention.py] Standardise docstring usage of "Default to" by @SamuelMarks in #17789
- [keras/engine/base_layer.py] Standardise docstring usage of "Default to" by @SamuelMarks in #17773
- [keras/layers/kernelized.py] Standardise docstring usage of "Default to" by @SamuelMarks in #17801
- [keras/engine/functional.py] Standardise docstring usage of "Default to" by @SamuelMarks in #17778
- [keras/layers/attention/multi_head_attention.py] Standardise docstring usage of "Default to" by @SamuelMarks in #17791
- Minor improvements and code refactoring in backend.py by @Frightera in #17746
- Update indentation level - layers/attention by @Frightera in #17945
- Update indentation level - layers/activation by @Frightera in #17943
- [keras/layers/preprocessing/image_preprocessing_test.py] Standardise docstring usage of "Default to" by @SamuelMarks in #17820
- [keras/layers/preprocessing/text_vectorization.py] Standardise docstring usage of "Default to" by @SamuelMarks in #17825
- [keras/optimizers/ftrl.py] Standardise docstring usage of "Default to" by @SamuelMarks in #17864
- [keras/optimizers/adam.py] Standardise docstring usage of "Default to" by @SamuelMarks in #17861
- [keras/optimizers/adamax.py] Standardise docstring usage of "Default to" by @SamuelMarks in #17862
- [keras/optimizers/legacy/adam.py] Standardise docstring usage of "Default to" by @SamuelMarks in #17867
- [keras/optimizers/legacy/ftrl.py] Standardise docstring usage of "Default to" by @SamuelMarks in #17868
- [keras/utils/dataset_utils.py] Standardise docstring usage of "Default to" by @SamuelMarks in #17895
- [keras/utils/feature_space.py] Standardise docstring usage of "Default to" by @SamuelMarks in #17896
- [keras/optimizers/nadam.py] Standardise docstring usage of "Default to" by @SamuelMarks in #17875
- [keras/saving/serialization_lib.py] Standardise docstring usage of "Default to" by @SamuelMarks in #17889
- [keras/metrics/base_metric.py] Standardise docstring usage of "Default to" by @SamuelMarks in #17850
- Update indentation level - utils/image_dataset by @Frightera in #18005
- [keras/optimizers/schedules] Standardise docstring usage of "Default to" by @SamuelMarks in #17976
- [keras/layers/reshaping] Standardise docstring usage of "Default to" by @SamuelMarks in #17969
- [keras/optimizers/legacy] Standardise docstring usage of "Default to" by @SamuelMarks in https://github.com/kera...
Keras Release 2.13.1 RC1
Keras Release 2.13.1 RC0
What's Changed
- Fix timeseries_dataset_from_array counts when sequence_stride > 1 by @basjacobs93 in #17396
- Fix doc for MultiHeadAttention's output_shape arg by @tsdeng in #17432
- Added a link to the TextVectorization API Reference Page. by @Neeshamraghav012 in #17540
- Fix ConvNeXt classifier activation bug by @Frightera in #17544
- Activations clean up by @joesho112358 in #17545
- Perform all ops in apply_gradient in a given tf.name_scope. by @foxik in #17550
- Bugfix/normalization invert by @jerabaul29 in #17501
- OptimizerV2: Allow deepcopy by @jschueller in #17463
- keras.models.clone_model creates different weight names for RNN layers by @mergian in #17465
- Fix spelling error in Initializer warning by @edknv in #17568
- LayerScale fix to support pretrained ConvNeXt models with mixed precision by @andreped in #17547
- Softmax fix in Mixed Precision by @dsr-lab in #17571
- Less restrictive ROCm+GRU/LSTM fallback logic by @ekuznetsov139 in #17587
- Update security section. by @sachinprasadhs in #17522
- Fix serialization error with EfficientNet by @RocketDelivery in #17498
- grammar corrections by @egurnick in #17595
- Update documentation to keras reuters dataset by @hxy9243 in #17635
- Add Lion optimizer by @drauh in #17605
- Correct the docstring of Head func in convnext.py by @Frightera in #17667
- keras.layers.Bidirectional is missing argument "states", which is defined for keras.layers.RNN by @mergian in #17469
- fix a small bug in tf.keras.layer.Layer.compute_output_signature by @yamanoko in #17636
- Optimize mixed-precision finite check for sparse tensors. by @nluehr in #17638
- Typo Lion docstring by @drauh in #17726
- Raise ValueError if reducing axis dimension is 0 by @old-school-kid in #16755
- Add CategoricalFocalCrossentropy to Losses API by @Frightera in #17651
- Unifying interpolation selection by @jpodivin in #17742
- Add a missing space by @sudoLife in #17744
- [keras/initializers/initializers_v1.py] Standardise docstring usage of "Default to" by @SamuelMarks in #17785
- [keras/layers/convolutional/conv3d_transpose.py] Standardise docstring usage of "Default to" by @SamuelMarks in #17797
- [keras/engine/training.py] Standardise docstring usage of "Default to" by @SamuelMarks in #17780
- [keras/feature_column/dense_features.py] Standardise docstring usage of "Default to" by @SamuelMarks in #17783
- [keras/datasets/imdb.py] Standardise docstring usage of "Default to" by @SamuelMarks in #17771
- [keras/backend.py] Standardise docstring usage of "Default to" by @SamuelMarks in #17769
- [keras/engine/base_layer_utils.py] Standardise docstring usage of "Default to" by @SamuelMarks in #17774
- [keras/layers/activation/leaky_relu.py] Standardise docstring usage of "Default to" by @SamuelMarks in #17786
- [keras/engine/training_v1.py] Standardise docstring usage of "Default to" by @SamuelMarks in #17781
- [keras/layers/activation/relu.py] Standardise docstring usage of "Default to" by @SamuelMarks in #17787
- [keras/layers/convolutional/conv2d_transpose.py] Standardise docstring usage of "Default to" by @SamuelMarks in #17795
- [keras/layers/convolutional/conv3d.py] Standardise docstring usage of "Default to" by @SamuelMarks in #17796
- [keras/layers/activation/softmax.py] Standardise docstring usage of "Default to" by @SamuelMarks in #17788
- [keras/layers/convolutional/depthwise_conv2d.py] Standardise docstring usage of "Default to" by @SamuelMarks in #17799
- [keras/layers/convolutional/separable_conv2d.py] Standardise docstring usage of "Default to" by @SamuelMarks in #17800
- [keras/layers/locally_connected/locally_connected2d.py] Standardise docstring usage of "Default to" by @SamuelMarks in #17803
- [keras/layers/locally_connected/locally_connected1d.py] Standardise docstring usage of "Default to" by @SamuelMarks in #17802
- Fix performance issue with sample weights in model.fit() by @nershman in #17357
- [keras/datasets/reuters.py] Standardise docstring usage of "Default to" by @SamuelMarks in #17772
- [keras/applications/mobilenet.py] Standardise docstring usage of "Default to" by @SamuelMarks in #17763
- [keras/applications/inception_v3.py] Standardise docstring usage of "Default to" by @SamuelMarks in #17762
- [keras/engine/input_layer.py] Standardise docstring usage of "Default to" by @SamuelMarks in #17779
- [keras/engine/data_adapter.py] Standardise docstring usage of "Default to" by @SamuelMarks in #17777
- [keras/applications/imagenet_utils.py] Standardise docstring usage of "Default to" by @SamuelMarks in #17760
- [keras/layers/attention/additive_attention.py] Standardise docstring usage of "Default to" by @SamuelMarks in #17789
- [keras/engine/base_layer.py] Standardise docstring usage of "Default to" by @SamuelMarks in #17773
- [keras/layers/kernelized.py] Standardise docstring usage of "Default to" by @SamuelMarks in #17801
- [keras/engine/functional.py] Standardise docstring usage of "Default to" by @SamuelMarks in #17778
- [keras/layers/attention/multi_head_attention.py] Standardise docstring usage of "Default to" by @SamuelMarks in #17791
- Minor improvements and code refactoring in backend.py by @Frightera in #17746
- Update indentation level - layers/attention by @Frightera in #17945
- Update indentation level - layers/activation by @Frightera in #17943
- [keras/layers/preprocessing/image_preprocessing_test.py] Standardise docstring usage of "Default to" by @SamuelMarks in #17820
- [keras/layers/preprocessing/text_vectorization.py] Standardise docstring usage of "Default to" by @SamuelMarks in #17825
- [keras/optimizers/ftrl.py] Standardise docstring usage of "Default to" by @SamuelMarks in #17864
- [keras/optimizers/adam.py] Standardise docstring usage of "Default to" by @SamuelMarks in #17861
- [keras/optimizers/adamax.py] Standardise docstring usage of "Default to" by @SamuelMarks in #17862
- [keras/optimizers/legacy/adam.py] Standardise docstring usage of "Default to" by @SamuelMarks in #17867
- [keras/optimizers/legacy/ftrl.py] Standardise docstring usage of "Default to" by @SamuelMarks in #17868
- [keras/utils/dataset_utils.py] Standardise docstring usage of "Default to" by @SamuelMarks in #17895
- [keras/utils/feature_space.py] Standardise docstring usage of "Default to" by @SamuelMarks in #17896
- [keras/optimizers/nadam.py] Standardise docstring usage of "Default to" by @SamuelMarks in #17875
- [keras/saving/serialization_lib.py] Standardise docstring usage of "Default to" by @SamuelMarks in #17889
- [keras/metrics/base_metric.py] Standardise docstring usage of "Default to" by @SamuelMarks in #17850
- Update indentation level - utils/image_dataset by @Frightera in #18005
- [keras/optimizers/schedules] Standardise docstring usage of "Default to" by @SamuelMarks in #17976
- [keras/layers/reshaping] Standardise docstring usage of "Default to" by @SamuelMarks in #17969
- [keras/optimizers/legacy] Standardise docstring usage of "Default to" by @SamuelMarks in https://github.com/kera...
Keras Release 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 #17150
- Fixed typo in keras/keras/preprocessing/text.py by @KarahanS in #17159
- Changed .format to f-string for better readability by @AdityaPunetha in #17170
- Use the fallback method for GRU and LSTM on ROCm if padded I/O is needed by @ekuznetsov139 in #17111
- Updated broken link by @sushreebarsa in #17196
- Remove unused
amsgrad
argument in SGD by @lgeiger in #17197 - Delegate
finalize_variable_values
inLossScaleOptimizerV3
by @lgeiger in #17225 - Update broken link by @chunduriv in #17224
- Fix
use_causal_mask=True
withRaggedTensor
bug by @haifeng-jin in #17231 - Restore update_freq functionality by @myaaaaaaaaa in #17142
- support to compat python 3.11 by @hongxu-jia in #17239
- Update base_layer_v1.py by @kbuyukakyuz in #17246
- Added identity layer by @AdityaKane2001 in #17291
- Adds show_trainable option to plot_model() by @mfidabel in #17145
- Update deprecated tf.contrib by @sachinprasadhs in #17344
- Update depthwise_conv2d.py by @gowthamkpr in #17341
- Tzm/optional verbosity by @Mirandatz in #17346
- Fixed EfficientNetV2's MBConvBlock output phase. by @sebastian-sz in #17364
- Update README.md to fix wrong links by @NourEldin-Osama in #17374
- Warning if categorical crossentropy is used for 2 labels by @old-school-kid in #17330
- Improved the CONTRIBUTING.md file by @izam-mohammed in #17428
- Updated Docs string of doc_utils.py with new apis by @mohantym in #17441
- Update MHA docstrings by @haifeng-jin in #17461
- Update docstrings in text_dataset by @haifeng-jin in #17462
- Bugfix: Pass show_layer_activations to expand_nested calls by @alkatar21 in #17415
- Fix index_directory directory structure ignoring when passing labels explicitly by @wwossname in #17403
- Add
to_ordinal
feature for ordinal regression/classification by @awsaf49 in #17419 - Use 4 spaces indent for Dense layer docstrings by @haifeng-jin in #17472
- keras.layers.Bidirectional constructor ignores trainable argument, causing models with trainable=False layers to incorrectly be cloned by @mergian in #17467
- Fix api_docs for
to_ordinal
by @awsaf49 in #17485 - Less restrictive fallback logic by @jayfurmanek in #17591
New Contributors
- @KarahanS made their first contribution in #17159
- @AdityaPunetha made their first contribution in #17170
- @hongxu-jia made their first contribution in #17239
- @kbuyukakyuz made their first contribution in #17246
- @gowthamkpr made their first contribution in #17341
- @Mirandatz made their first contribution in #17346
- @NourEldin-Osama made their first contribution in #17374
- @izam-mohammed made their first contribution in #17428
- @alkatar21 made their first contribution in #17415
- @wwossname made their first contribution in #17403
- @awsaf49 made their first contribution in #17419
- @jayfurmanek made their first contribution in #17591
Full Changelog: v2.11.0...v2.12.0
Keras Release 2.12.0 RC1
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 #17150
- Fixed typo in keras/keras/preprocessing/text.py by @KarahanS in #17159
- Changed .format to f-string for better readability by @AdityaPunetha in #17170
- Use the fallback method for GRU and LSTM on ROCm if padded I/O is needed by @ekuznetsov139 in #17111
- Updated broken link by @sushreebarsa in #17196
- Remove unused
amsgrad
argument in SGD by @lgeiger in #17197 - Delegate
finalize_variable_values
inLossScaleOptimizerV3
by @lgeiger in #17225 - Update broken link by @chunduriv in #17224
- Fix
use_causal_mask=True
withRaggedTensor
bug by @haifeng-jin in #17231 - Restore update_freq functionality by @myaaaaaaaaa in #17142
- support to compat python 3.11 by @hongxu-jia in #17239
- Update base_layer_v1.py by @kbuyukakyuz in #17246
- Added identity layer by @AdityaKane2001 in #17291
- Adds show_trainable option to plot_model() by @mfidabel in #17145
- Update deprecated tf.contrib by @sachinprasadhs in #17344
- Update depthwise_conv2d.py by @gowthamkpr in #17341
- Tzm/optional verbosity by @Mirandatz in #17346
- Fixed EfficientNetV2's MBConvBlock output phase. by @sebastian-sz in #17364
- Update README.md to fix wrong links by @NourEldin-Osama in #17374
- Warning if categorical crossentropy is used for 2 labels by @old-school-kid in #17330
- Improved the CONTRIBUTING.md file by @izam-mohammed in #17428
- Updated Docs string of doc_utils.py with new apis by @mohantym in #17441
- Update MHA docstrings by @haifeng-jin in #17461
- Update docstrings in text_dataset by @haifeng-jin in #17462
- Bugfix: Pass show_layer_activations to expand_nested calls by @alkatar21 in #17415
- Fix index_directory directory structure ignoring when passing labels explicitly by @wwossname in #17403
- Add
to_ordinal
feature for ordinal regression/classification by @awsaf49 in #17419 - Use 4 spaces indent for Dense layer docstrings by @haifeng-jin in #17472
- keras.layers.Bidirectional constructor ignores trainable argument, causing models with trainable=False layers to incorrectly be cloned by @mergian in #17467
- Fix api_docs for
to_ordinal
by @awsaf49 in #17485 - Less restrictive fallback logic by @jayfurmanek in #17591
New Contributors
- @KarahanS made their first contribution in #17159
- @AdityaPunetha made their first contribution in #17170
- @ekuznetsov139 made their first contribution in #17111
- @hongxu-jia made their first contribution in #17239
- @kbuyukakyuz made their first contribution in #17246
- @gowthamkpr made their first contribution in #17341
- @Mirandatz made their first contribution in #17346
- @NourEldin-Osama made their first contribution in #17374
- @izam-mohammed made their first contribution in #17428
- @alkatar21 made their first contribution in #17415
- @wwossname made their first contribution in #17403
- @awsaf49 made their first contribution in #17419
- @jayfurmanek made their first contribution in #17591
Full Changelog: v2.11.0...v2.12.0-rc1