Keras

Latest version: v3.3.3

Safety actively analyzes 630450 Python packages for vulnerabilities to keep your Python projects secure.

Scan your dependencies

Page 6 of 12

2.9.0rc1

Not secure
What's Changed
* Cherrypick Keras DTensor related updates into keras 2.9 by qlzh727 in https://github.com/keras-team/keras/pull/16379


**Full Changelog**: https://github.com/keras-team/keras/compare/v2.9.0-rc0...v2.9.0-rc1

2.9.0rc0

Not secure
Please see https://github.com/tensorflow/tensorflow/blob/r2.9/RELEASE.md for Keras release notes.

Major Features and Improvements

* `tf.keras`:
* Added `tf.keras.applications.resnet_rs` models. This includes the `ResNetRS50`, `ResNetRS101`, `ResNetRS152`, `ResNetRS200`, `ResNetRS270`, `ResNetRS350` and `ResNetRS420` model architectures. The ResNetRS models are based on the architecture described in [Revisiting ResNets: Improved Training and Scaling Strategies](https://arxiv.org/pdf/2103.07579.pdf)
* Added `tf.keras.optimizers.experimental.Optimizer`. The reworked optimizer gives more control over different phases of optimizer calls, and is easier to customize. We provide Adam, SGD, Adadelta, AdaGrad and RMSprop optimizers based on `tf.keras.optimizers.experimental.Optimizer`. Generally the new optimizers work in the same way as the old ones, but support new constructor arguments. In the future, the symbols `tf.keras.optimizers.Optimizer`/`Adam`/etc will point to the new optimizers, and the previous generation of optimizers will be moved to `tf.keras.optimizers.legacy.Optimizer`/`Adam`/etc.
* Added L2 unit normalization layer `tf.keras.layers.UnitNormalization`.
* Added `tf.keras.regularizers.OrthogonalRegularizer`, a new regularizer that encourages orthogonality between the rows (or columns) or a weight matrix.
* Added `tf.keras.layers.RandomBrightness` layer for image preprocessing.
* Added APIs for switching between interactive logging and absl logging. By default, Keras always writes the logs to stdout. However, this is not optimal in a non-interactive environment, where you don't have access to stdout, but can only view the logs. You can use `tf.keras.utils.disable_interactive_logging()` to write the logs to ABSL logging. You can also use `tf.keras.utils.enable_interactive_logging()` to change it back to stdout, or `tf.keras.utils.is_interactive_logging_enabled()` to check if interactive logging is enabled.
* Changed default value for the `verbose` argument of `Model.evaluate()` and `Model.predict()` to `"auto"`, which defaults to `verbose=1` for most cases and defaults to `verbose=2` when used with `ParameterServerStrategy` or with interactive logging disabled.
* Argument `jit_compile` in `Model.compile()` now applies to `Model.evaluate()` and `Model.predict()`. Setting `jit_compile=True` in `compile()` compiles the model's training, evaluation, and inference steps to [XLA](https://www.tensorflow.org/xla). Note that `jit_compile=True` may not necessarily work for all models.
* Added DTensor-related Keras APIs under `tf.keras.dtensor` namespace. The APIs are still classified as experimental. You are welcome to try it out. Please check the tutoral and guide on https://www.tensorflow.org/ for more details about DTensor.


What's Changed
* Update_OptimizerV2.py by sachinprasadhs in https://github.com/keras-team/keras/pull/15819
* Use `assign_sub` when computing `moving_average_update` by lgeiger in https://github.com/keras-team/keras/pull/15773
* Document the verbose parameter in EarlyStopping by ThunderKey in https://github.com/keras-team/keras/pull/15817
* Fix LSTM and GRU cuDNN kernel failure for RaggedTensors. by foxik in https://github.com/keras-team/keras/pull/15756
* A tiny problem in an AttributeError message in base_layer.py by Aujkst in https://github.com/keras-team/keras/pull/15847
* Update training_generator_test.py by sachinprasadhs in https://github.com/keras-team/keras/pull/15876
* Minor correction in RegNet docs by AdityaKane2001 in https://github.com/keras-team/keras/pull/15901
* add scoring methods in Luong-style attention by old-school-kid in https://github.com/keras-team/keras/pull/15867
* refactoring code with List Comprehension by idiomaticrefactoring in https://github.com/keras-team/keras/pull/15924
* added clarifying statement to save_model example text by soosung80 in https://github.com/keras-team/keras/pull/15930
* Update base_conv.py by AdityaKane2001 in https://github.com/keras-team/keras/pull/15943
* Update global_clipnorm by sachinprasadhs in https://github.com/keras-team/keras/pull/15938
* Update callbacks.py by Cheril311 in https://github.com/keras-team/keras/pull/15977
* Applied correct reshaping to metric func sparse_top_k by dfossl in https://github.com/keras-team/keras/pull/15997
* Keras saving/loading: Add a custom object saving test to verify the `keras.utils.register_keras_serializable` flows we are expecting users to follow work, and will continue to work with the new design and implementation coming in. by copybara-service in https://github.com/keras-team/keras/pull/15992
* Metric accuracy bug fixes - Metrics Refactor proposal by dfossl in https://github.com/keras-team/keras/pull/16010
* Make `classifier_activation` argument accessible for DenseNet and NASNet models by adrhill in https://github.com/keras-team/keras/pull/16005
* Copy image utils from keras_preprocessing directly into core keras by copybara-service in https://github.com/keras-team/keras/pull/15975
* Update `keras.callbacks.BackupAndRestore` docs by lgeiger in https://github.com/keras-team/keras/pull/16018
* Updating the definition of an argument in the text_dataset_from_directory function by shraddhazpy in https://github.com/keras-team/keras/pull/16012
* Remove deprecated TF1 Layer APIs `apply()`, `get_updates_for()`, `get_losses_for()`, and remove the `inputs` argument in the `add_loss()` method. by copybara-service in https://github.com/keras-team/keras/pull/16046
* Fixed minor typos by hdubbs in https://github.com/keras-team/keras/pull/16071
* Fix typo in documentation by futtetennista in https://github.com/keras-team/keras/pull/16082
* Issue 16090: Split input_shapes horizontally in utils.vis_utils.plot_model by RicardFos in https://github.com/keras-team/keras/pull/16096
* Docker env setup related changes by shraddhazpy in https://github.com/keras-team/keras/pull/16040
* Fixed EfficientNetV2 b parameter not increasing with each block. by sebastian-sz in https://github.com/keras-team/keras/pull/16145
* Updated args of train_on_batch method by jvishnuvardhan in https://github.com/keras-team/keras/pull/16147
* Binary accuracy bug fixes - Metric accuracy method refactor by dfossl in https://github.com/keras-team/keras/pull/16083
* Fix the corner case for dtensor model layout map. by copybara-service in https://github.com/keras-team/keras/pull/16170
* Fix typo in docstring for `DenseFeatures` by gadagashwini in https://github.com/keras-team/keras/pull/16165
* Fix typo in Returns Section by chunduriv in https://github.com/keras-team/keras/pull/16182
* Some tests misusing assertTrue for comparisons fix by code-review-doctor in https://github.com/keras-team/keras/pull/16073
* Add .DS_Store to .gitignore for macOS users by tsheaff in https://github.com/keras-team/keras/pull/16198
* Solve memory inefficiency in RNNs by atmguille in https://github.com/keras-team/keras/pull/16174
* Update README.md by ahmedopolis in https://github.com/keras-team/keras/pull/16259
* Fix documentation text being mistakenly rendered as code by guberti in https://github.com/keras-team/keras/pull/16253
* Allow single input for merging layers Add, Average, Concatenate, Maximum, Minimum, Multiply by foxik in https://github.com/keras-team/keras/pull/16230
* Mention image dimensions format in image_dataset_from_directory by nrzimmermann in https://github.com/keras-team/keras/pull/16232
* fix thresholded_relu to support list datatype by old-school-kid in https://github.com/keras-team/keras/pull/16277
* Implement all tf interpolation upscaling methods by Mahrkeenerh in https://github.com/keras-team/keras/pull/16249

New Contributors
* lgeiger made their first contribution in https://github.com/keras-team/keras/pull/15773
* ThunderKey made their first contribution in https://github.com/keras-team/keras/pull/15817
* Aujkst made their first contribution in https://github.com/keras-team/keras/pull/15847
* idiomaticrefactoring made their first contribution in https://github.com/keras-team/keras/pull/15924
* soosung80 made their first contribution in https://github.com/keras-team/keras/pull/15930
* Cheril311 made their first contribution in https://github.com/keras-team/keras/pull/15977
* dfossl made their first contribution in https://github.com/keras-team/keras/pull/15997
* adrhill made their first contribution in https://github.com/keras-team/keras/pull/16005
* shraddhazpy made their first contribution in https://github.com/keras-team/keras/pull/16012
* hdubbs made their first contribution in https://github.com/keras-team/keras/pull/16071
* futtetennista made their first contribution in https://github.com/keras-team/keras/pull/16082
* RicardFos made their first contribution in https://github.com/keras-team/keras/pull/16096
* gadagashwini made their first contribution in https://github.com/keras-team/keras/pull/16165
* chunduriv made their first contribution in https://github.com/keras-team/keras/pull/16182
* code-review-doctor made their first contribution in https://github.com/keras-team/keras/pull/16073
* tsheaff made their first contribution in https://github.com/keras-team/keras/pull/16198
* atmguille made their first contribution in https://github.com/keras-team/keras/pull/16174
* ahmedopolis made their first contribution in https://github.com/keras-team/keras/pull/16259
* guberti made their first contribution in https://github.com/keras-team/keras/pull/16253
* nrzimmermann made their first contribution in https://github.com/keras-team/keras/pull/16232
* Mahrkeenerh made their first contribution in https://github.com/keras-team/keras/pull/16249

**Full Changelog**: https://github.com/keras-team/keras/compare/v2.8.0-rc0...v2.9.0-rc0

2.8.0

Not secure
Please see the release history at https://github.com/tensorflow/tensorflow/releases/tag/v2.8.0 for more details.

2.8.0rc1

Not secure
What's Changed
* Compute LSTM and GRU via cuDNN for RaggedTensors. by foxik in https://github.com/keras-team/keras/pull/15862

**Full Changelog**: https://github.com/keras-team/keras/compare/v2.8.0-rc0...v2.8.0-rc1

2.8.0rc0

Not secure
Please see https://github.com/tensorflow/tensorflow/blob/r2.8/RELEASE.md for Keras release notes.

* `tf.keras`:
* Preprocessing Layers
* Added a `tf.keras.layers.experimental.preprocessing.HashedCrossing`
layer which applies the hashing trick to the concatenation of crossed
scalar inputs. This provides a stateless way to try adding feature crosses
of integer or string data to a model.
* Removed `keras.layers.experimental.preprocessing.CategoryCrossing`. Users
should migrate to the `HashedCrossing` layer or use
`tf.sparse.cross`/`tf.ragged.cross` directly.
* Added additional `standardize` and `split` modes to `TextVectorization`.
* `standardize="lower"` will lowercase inputs.
* `standardize="string_punctuation"` will remove all puncuation.
* `split="character"` will split on every unicode character.
* Added an `output_mode` argument to the `Discretization` and `Hashing`
layers with the same semantics as other preprocessing layers. All
categorical preprocessing layers now support `output_mode`.
* All preprocessing layer output will follow the compute dtype of a
`tf.keras.mixed_precision.Policy`, unless constructed with
`output_mode="int"` in which case output will be `tf.int64`.
The output type of any preprocessing layer can be controlled individually
by passing a `dtype` argument to the layer.
* `tf.random.Generator` for keras initializers and all RNG code.
* Added 3 new APIs for enable/disable/check the usage of
`tf.random.Generator` in keras backend, which will be the new backend for
all the RNG in Keras. We plan to switch on the new code path by default in
tf 2.8, and the behavior change will likely to cause some breakage on user
side (eg if the test is checking against some golden nubmer). These 3 APIs
will allow user to disable and switch back to legacy behavior if they
prefer. In future (eg tf 2.10), we expect to totally remove the legacy
code path (stateful random Ops), and these 3 APIs will be removed as well.
* `tf.keras.callbacks.experimental.BackupAndRestore` is now available as
`tf.keras.callbacks.BackupAndRestore`. The experimental endpoint is
deprecated and will be removed in a future release.
* `tf.keras.experimental.SidecarEvaluator` is now available as
`tf.keras.utils.SidecarEvaluator`. The experimental endpoint is
deprecated and will be removed in a future release.
* Metrics update and collection logic in default `Model.train_step()` is now
customizable via overriding `Model.compute_metrics()`.
* Losses computation logic in default `Model.train_step()` is now
customizable via overriding `Model.compute_loss()`.
* `jit_compile` added to `Model.compile()` on an opt-in basis to compile the
model's training step with [XLA](https://www.tensorflow.org/xla). Note that
`jit_compile=True` may not necessarily work for all models.


What's Changed
* Cleanup legacy Keras files by qlzh727 in https://github.com/keras-team/keras/pull/14256
* Sync OSS keras to head. by qlzh727 in https://github.com/keras-team/keras/pull/14300
* Update build script for GPU build. by copybara-service in https://github.com/keras-team/keras/pull/14336
* Move the LossReduction class from tf to Keras. by copybara-service in https://github.com/keras-team/keras/pull/14362
* Update keras API generate script. by copybara-service in https://github.com/keras-team/keras/pull/14418
* Adding extra target that are needed by PIP package dependency. by copybara-service in https://github.com/keras-team/keras/pull/14421
* Add test related targets to PIP package list. by copybara-service in https://github.com/keras-team/keras/pull/14427
* Sync OSS keras to head. by copybara-service in https://github.com/keras-team/keras/pull/14428
* Update visibility setting for keras/tests to enable PIP package testing. by copybara-service in https://github.com/keras-team/keras/pull/14429
* Remove items from PIP_EXCLUDED_FILES which is needed with testing PIP. by copybara-service in https://github.com/keras-team/keras/pull/14431
* Split bins into num_bins and bin_boundaries arguments for discretization by copybara-service in https://github.com/keras-team/keras/pull/14507
* Update pbtxt to use _PRFER_OSS_KERAS=1. by copybara-service in https://github.com/keras-team/keras/pull/14519
* Sync OSS keras to head. by copybara-service in https://github.com/keras-team/keras/pull/14572
* Sync OSS keras to head. by copybara-service in https://github.com/keras-team/keras/pull/14614
* Cleanup the bazelrc and remove unrelated items to keras. by copybara-service in https://github.com/keras-team/keras/pull/14616
* Sync OSS keras to head. by copybara-service in https://github.com/keras-team/keras/pull/14624
* Remove object metadata when saving SavedModel. by copybara-service in https://github.com/keras-team/keras/pull/14697
* Fix static shape inference for Resizing layer. by copybara-service in https://github.com/keras-team/keras/pull/14712
* Make TextVectorization work with list input. by copybara-service in https://github.com/keras-team/keras/pull/14711
* Remove deprecated methods of Sequential model. by copybara-service in https://github.com/keras-team/keras/pull/14714
* Improve Model docstrings by copybara-service in https://github.com/keras-team/keras/pull/14726
* Add migration doc for legacy_tf_layers/core.py. by copybara-service in https://github.com/keras-team/keras/pull/14740
* PR 43417: Fixes 42872: map_to_outputs_names always returns a copy by copybara-service in https://github.com/keras-team/keras/pull/14755
* Rename the keras.py to keras_lib.py to resolve the name conflict during OSS test. by copybara-service in https://github.com/keras-team/keras/pull/14778
* Switch to tf.io.gfile for validating vocabulary files. by copybara-service in https://github.com/keras-team/keras/pull/14788
* Avoid serializing generated thresholds for AUC metrics. by copybara-service in https://github.com/keras-team/keras/pull/14789
* Fix data_utils.py when name ends with `.tar.gz` by copybara-service in https://github.com/keras-team/keras/pull/14777
* Fix lookup layer oov token check when num_oov_indices > len(vocabulary tokens) by copybara-service in https://github.com/keras-team/keras/pull/14793
* Update callbacks.py by jvishnuvardhan in https://github.com/keras-team/keras/pull/14760
* Fix keras metric.result_state when the metric variables are sharded variable. by copybara-service in https://github.com/keras-team/keras/pull/14790
* Fix typos in CONTRIBUTING.md by amogh7joshi in https://github.com/keras-team/keras/pull/14642
* Fixed ragged sample weights by DavideWalder in https://github.com/keras-team/keras/pull/14804
* Pin the protobuf version to 3.9.2 which is same as the TF. by copybara-service in https://github.com/keras-team/keras/pull/14835
* Make variable scope shim regularizer adding check for attribute presence instead of instance class by copybara-service in https://github.com/keras-team/keras/pull/14837
* Add missing license header for leakr check. by copybara-service in https://github.com/keras-team/keras/pull/14840
* Fix TextVectorization with output_sequence_length on unknown input shapes by copybara-service in https://github.com/keras-team/keras/pull/14832
* Add more explicit error message for instance type checking of optimizer. by copybara-service in https://github.com/keras-team/keras/pull/14846
* Set aggregation for variable when using PS Strategy for aggregating variables when running multi-gpu tests. by copybara-service in https://github.com/keras-team/keras/pull/14845
* Remove unnecessary reshape layer in MobileNet architecture by copybara-service in https://github.com/keras-team/keras/pull/14854
* Removes caching of the convolution tf.nn.convolution op. While this provided some performance benefits, it also produced some surprising behavior for users in eager mode. by copybara-service in https://github.com/keras-team/keras/pull/14855
* Output int64 by default from Discretization by copybara-service in https://github.com/keras-team/keras/pull/14841
* add patterns to .gitignore by haifeng-jin in https://github.com/keras-team/keras/pull/14861
* Clarify documentation of DepthwiseConv2D by vinhill in https://github.com/keras-team/keras/pull/14817
* add DepthwiseConv1D layer by fsx950223 in https://github.com/keras-team/keras/pull/14863
* Make model summary wrap by Llamrei in https://github.com/keras-team/keras/pull/14865
* Update the link in Estimator by hirobf10 in https://github.com/keras-team/keras/pull/14901
* Fix `int` given for `float` args by SamuelMarks in https://github.com/keras-team/keras/pull/14900
* Fix RNN, StackedRNNCells with nested state_size, output_size TypeError issues by Ending2015a in https://github.com/keras-team/keras/pull/14905
* Fix the use of imagenet_utils.preprocess_input within a Lambda layer with mixed precision by anth2o in https://github.com/keras-team/keras/pull/14917
* Fix docstrings in `MultiHeadAttention layer` call argument `return_attention_scores`. by guillesanbri in https://github.com/keras-team/keras/pull/14920
* Check if layer has _metrics_lock attribute by DanBmh in https://github.com/keras-team/keras/pull/14903
* Make keras.Model picklable by adriangb in https://github.com/keras-team/keras/pull/14748
* Fix typo in docs by seanmor5 in https://github.com/keras-team/keras/pull/14946
* use getter setter by fsx950223 in https://github.com/keras-team/keras/pull/14948
* Close _SESSION.session in clear_session by sfreilich in https://github.com/keras-team/keras/pull/14414
* Fix keras nightly PIP package build. by copybara-service in https://github.com/keras-team/keras/pull/14957
* Fix EarlyStopping stop at fisrt epoch when patience=0 ; add auc to au… by DachuanZhao in https://github.com/keras-team/keras/pull/14750
* Add default value in Attention layer docs 50839 by europeanplaice in https://github.com/keras-team/keras/pull/14952
* Update 00-bug-template.md by jvishnuvardhan in https://github.com/keras-team/keras/pull/14991
* minor fixing by slowy07 in https://github.com/keras-team/keras/pull/15008
* Remove cast of y_true to y_pred data type in sparse categorical cross entropy loss by old-school-kid in https://github.com/keras-team/keras/pull/15015
* Improve a number of error messages in Keras layers. by copybara-service in https://github.com/keras-team/keras/pull/15031
* Fix typo in the test case name. by copybara-service in https://github.com/keras-team/keras/pull/15050
* BackupAndRestore callback: Allow the train_counter to be fault tolerant across training interruptions. by copybara-service in https://github.com/keras-team/keras/pull/15018
* Include Keras API design guidelines in the contribution docs. by copybara-service in https://github.com/keras-team/keras/pull/15051
* Fix clone_model to consider input_tensors by LeonhardFeiner in https://github.com/keras-team/keras/pull/14982
* Fix docs about GRU and cuDNN. by bzamecnik in https://github.com/keras-team/keras/pull/15058
* fix: typo spelling by slowy07 in https://github.com/keras-team/keras/pull/14989
* update contributing guide by haifeng-jin in https://github.com/keras-team/keras/pull/15063
* Make python code in Sequential docs consistent by 01-vyom in https://github.com/keras-team/keras/pull/15075
* Create stale.yml by rthadur in https://github.com/keras-team/keras/pull/15176
* Update Contributing Guide by haifeng-jin in https://github.com/keras-team/keras/pull/15133
* fix "rbg" -> "rgb" in image_dataset_from_directory by YoniChechik in https://github.com/keras-team/keras/pull/15177
* Do not initialize tables automatically for lookup layers by copybara-service in https://github.com/keras-team/keras/pull/15193
* Log the best epoch when restoring the best weights in early stopping by harupy in https://github.com/keras-team/keras/pull/15197
* update contributing guide by haifeng-jin in https://github.com/keras-team/keras/pull/15189
* fix __array__ for numpy support by collinzrj in https://github.com/keras-team/keras/pull/15201
* Add test case for batch normalization with renorm on TPUs. by copybara-service in https://github.com/keras-team/keras/pull/15234
* Update training.py by jvishnuvardhan in https://github.com/keras-team/keras/pull/15195
* [Follow-up for 15197] Fix a log message for weight restoration in early stopping by harupy in https://github.com/keras-team/keras/pull/15222
* Rename references to "K" as "backend" for consistency. by copybara-service in https://github.com/keras-team/keras/pull/15242
* Add Keras utility for making user programs deterministic. by copybara-service in https://github.com/keras-team/keras/pull/15243
* Update convolutional.py by ymodak in https://github.com/keras-team/keras/pull/15158
* Fix for bug causing failing test keras/utils/vis_utils_test.py test_layer_range_value_fail second value (empty list). by ddrakard in https://github.com/keras-team/keras/pull/15215
* Fix small mistake … `optimizer` to `optimizers` by MohamedAliRashad in https://github.com/keras-team/keras/pull/15227
* Added dense_shape property delegation by jackd in https://github.com/keras-team/keras/pull/15199
* handle when a List is used as validation_data instead of a Tuple, in model.fit() by tarun-bisht in https://github.com/keras-team/keras/pull/15237
* fix cropping layer return empty list if crop is higher than data shape by arubiales in https://github.com/keras-team/keras/pull/14970
* Make the import in integration_test consistent with other keras code. by copybara-service in https://github.com/keras-team/keras/pull/15275
* Specify `stacklevel` for `warnings.warn` to make it easier to identify which lines throw warnings by harupy in https://github.com/keras-team/keras/pull/15209
* Fixes Github tensorflow/issues/51710 by copybara-service in https://github.com/keras-team/keras/pull/15280
* Print expanded nested layers feature in models.summary() by krishrustagi in https://github.com/keras-team/keras/pull/15251
* adapt EarlyStopping auto mode to auc by DachuanZhao in https://github.com/keras-team/keras/pull/15200
* change misleading description of m_mul by mikael-epigram in https://github.com/keras-team/keras/pull/15288
* The latest update.Hope it can suit you by DLPerf in https://github.com/keras-team/keras/pull/15295
* Fixed and added ValueError for `plot_model`, `model_to_dot` and `model.summary()` by krishrustagi in https://github.com/keras-team/keras/pull/15318
* Fix a minor typo in CIFAR-10 and CIFAR-100 description by Rishit-dagli in https://github.com/keras-team/keras/pull/15321
* Fix cropping2D empty list 15325 by arubiales in https://github.com/keras-team/keras/pull/15326
* convert label_smoothing dtype to y dtype by FancyXun in https://github.com/keras-team/keras/pull/15363
* Exclude default bazel paths for VsCode by bhack in https://github.com/keras-team/keras/pull/15343
* fix: typo in SeparableConv1D by carmineds in https://github.com/keras-team/keras/pull/15370
* Add user bin path for pip installed packages by bhack in https://github.com/keras-team/keras/pull/15385
* Fix reset_metrics by bhack in https://github.com/keras-team/keras/pull/15342
* Kernel_size, pool_size should be positive integers by WingsBrokenAngel in https://github.com/keras-team/keras/pull/15356
* Reopening 48000, 48491, 48610 from tensorflow/tensorflow by AdityaKane2001 in https://github.com/keras-team/keras/pull/15315
* `expand_nested` bug fix and changing `model.summary` style by krishrustagi in https://github.com/keras-team/keras/pull/15355
* unnecessary casting and condition removed by cemsina in https://github.com/keras-team/keras/pull/15399
* Bug fix for issue 15211, PR 15233 ("Plot model show activations") by ddrakard in https://github.com/keras-team/keras/pull/15286
* fix a bug: when use tf.keras.layers.TextVectorization layer to load model by mikuh in https://github.com/keras-team/keras/pull/15422
* added correct initialisation for MHA by FabianGroeger96 in https://github.com/keras-team/keras/pull/15423
* Persist attribute "sparse" of IndexLookup layer by diggerk in https://github.com/keras-team/keras/pull/15473
* Updated Normalization import by sachinprasadhs in https://github.com/keras-team/keras/pull/15476
* Added layer trainable information in model summary by mfidabel in https://github.com/keras-team/keras/pull/15459
* Add efficientnet v2 to keras.applications by sebastian-sz in https://github.com/keras-team/keras/pull/14935
* Fix typos by kianmeng in https://github.com/keras-team/keras/pull/15543
* Update the contribution guide to include a applications section by mattdangerw in https://github.com/keras-team/keras/pull/15447
* chore: replace os.path.join with tf.io.gfile.join by adriangb in https://github.com/keras-team/keras/pull/15551
* Fixing typos. by MohamadJaber1 in https://github.com/keras-team/keras/pull/15626
* Updating the documentation of MAPE by sanatmpa1 in https://github.com/keras-team/keras/pull/15604
* Fix typo by europeanplaice in https://github.com/keras-team/keras/pull/15639
* [Docs] Changed typo ModelNetV3 to MobileNetV3. by sebastian-sz in https://github.com/keras-team/keras/pull/15640
* Adding a choice not to make batches in `timeseries_dataset_from_array` by europeanplaice in https://github.com/keras-team/keras/pull/15646
* Bypass the require a config warning for marge layers by leondgarse in https://github.com/keras-team/keras/pull/15612
* Allow keras.utils.Sequence sub-classes to use sparse/ragged tensors by karlhigley in https://github.com/keras-team/keras/pull/15264
* fix backend _GRAPH_LEARNING_PHASES graph circular reference. by zhjunqin in https://github.com/keras-team/keras/pull/15520
* doc: add link to SciKeras migration guide by adriangb in https://github.com/keras-team/keras/pull/15723
* Fix a minor typo in the docstring by kykim0 in https://github.com/keras-team/keras/pull/15683
* Fixed docstrings in keras/optimizer_v2/learning_rate_schedule.py by AdityaKane2001 in https://github.com/keras-team/keras/pull/15718
* Implement compute_output_shape for BaseDenseAttention by mishc9 in https://github.com/keras-team/keras/pull/15720
* SidecarEvaluator: Graduate from experimental endpoint. by copybara-service in https://github.com/keras-team/keras/pull/15788
* Update README.md by aliencaocao in https://github.com/keras-team/keras/pull/15814

New Contributors
* copybara-service made their first contribution in https://github.com/keras-team/keras/pull/14336
* jvishnuvardhan made their first contribution in https://github.com/keras-team/keras/pull/14760
* amogh7joshi made their first contribution in https://github.com/keras-team/keras/pull/14642
* DavideWalder made their first contribution in https://github.com/keras-team/keras/pull/14804
* vinhill made their first contribution in https://github.com/keras-team/keras/pull/14817
* fsx950223 made their first contribution in https://github.com/keras-team/keras/pull/14863
* Llamrei made their first contribution in https://github.com/keras-team/keras/pull/14865
* hirobf10 made their first contribution in https://github.com/keras-team/keras/pull/14901
* SamuelMarks made their first contribution in https://github.com/keras-team/keras/pull/14900
* Ending2015a made their first contribution in https://github.com/keras-team/keras/pull/14905
* anth2o made their first contribution in https://github.com/keras-team/keras/pull/14917
* guillesanbri made their first contribution in https://github.com/keras-team/keras/pull/14920
* DanBmh made their first contribution in https://github.com/keras-team/keras/pull/14903
* adriangb made their first contribution in https://github.com/keras-team/keras/pull/14748
* seanmor5 made their first contribution in https://github.com/keras-team/keras/pull/14946
* sfreilich made their first contribution in https://github.com/keras-team/keras/pull/14414
* DachuanZhao made their first contribution in https://github.com/keras-team/keras/pull/14750
* europeanplaice made their first contribution in https://github.com/keras-team/keras/pull/14952
* slowy07 made their first contribution in https://github.com/keras-team/keras/pull/15008
* old-school-kid made their first contribution in https://github.com/keras-team/keras/pull/15015
* LeonhardFeiner made their first contribution in https://github.com/keras-team/keras/pull/14982
* 01-vyom made their first contribution in https://github.com/keras-team/keras/pull/15075
* rthadur made their first contribution in https://github.com/keras-team/keras/pull/15176
* YoniChechik made their first contribution in https://github.com/keras-team/keras/pull/15177
* harupy made their first contribution in https://github.com/keras-team/keras/pull/15197
* collinzrj made their first contribution in https://github.com/keras-team/keras/pull/15201
* ddrakard made their first contribution in https://github.com/keras-team/keras/pull/15215
* MohamedAliRashad made their first contribution in https://github.com/keras-team/keras/pull/15227
* jackd made their first contribution in https://github.com/keras-team/keras/pull/15199
* tarun-bisht made their first contribution in https://github.com/keras-team/keras/pull/15237
* arubiales made their first contribution in https://github.com/keras-team/keras/pull/14970
* krishrustagi made their first contribution in https://github.com/keras-team/keras/pull/15251
* mikael-epigram made their first contribution in https://github.com/keras-team/keras/pull/15288
* DLPerf made their first contribution in https://github.com/keras-team/keras/pull/15295
* Rishit-dagli made their first contribution in https://github.com/keras-team/keras/pull/15321
* FancyXun made their first contribution in https://github.com/keras-team/keras/pull/15363
* bhack made their first contribution in https://github.com/keras-team/keras/pull/15343
* carmineds made their first contribution in https://github.com/keras-team/keras/pull/15370
* WingsBrokenAngel made their first contribution in https://github.com/keras-team/keras/pull/15356
* AdityaKane2001 made their first contribution in https://github.com/keras-team/keras/pull/15315
* cemsina made their first contribution in https://github.com/keras-team/keras/pull/15399
* mikuh made their first contribution in https://github.com/keras-team/keras/pull/15422
* FabianGroeger96 made their first contribution in https://github.com/keras-team/keras/pull/15423
* diggerk made their first contribution in https://github.com/keras-team/keras/pull/15473
* sachinprasadhs made their first contribution in https://github.com/keras-team/keras/pull/15476
* mfidabel made their first contribution in https://github.com/keras-team/keras/pull/15459
* sebastian-sz made their first contribution in https://github.com/keras-team/keras/pull/14935
* kianmeng made their first contribution in https://github.com/keras-team/keras/pull/15543
* MohamadJaber1 made their first contribution in https://github.com/keras-team/keras/pull/15626
* sanatmpa1 made their first contribution in https://github.com/keras-team/keras/pull/15604
* leondgarse made their first contribution in https://github.com/keras-team/keras/pull/15612
* karlhigley made their first contribution in https://github.com/keras-team/keras/pull/15264
* zhjunqin made their first contribution in https://github.com/keras-team/keras/pull/15520
* kykim0 made their first contribution in https://github.com/keras-team/keras/pull/15683
* mishc9 made their first contribution in https://github.com/keras-team/keras/pull/15720
* aliencaocao made their first contribution in https://github.com/keras-team/keras/pull/15814

**Full Changelog**: https://github.com/keras-team/keras/compare/v2.7.0-rc0...v2.8.0-rc0

2.7.0

Not secure
Please see the release history at https://github.com/tensorflow/tensorflow/releases/tag/v2.7.0 for more details.

Page 6 of 12

© 2024 Safety CLI Cybersecurity Inc. All Rights Reserved.