.style.yapf AUTHORS LICENSE dev/.devcontainer/Dockerfile dev/.devcontainer/devcontainer.json dev/update_requirements.py docs/Makefile docs/_ext/codediff.py docs/_ext/codediff_test.py docs/_static/css/flax_theme.css docs/_templates/autosummary/flax_module.rst docs/conf.py docs/deprecated_howtos/checkpointing.rst docs/deprecated_howtos/distributed-training.rst docs/deprecated_howtos/ensembling.rst docs/deprecated_howtos/index.rst docs/deprecated_howtos/polyak-averaging.rst docs/deprecated_howtos/scheduled-sampling.rst docs/design_notes/linen_design_principles.rst docs/flax.config.rst docs/flax.core.frozen_dict.rst docs/flax.errors.rst docs/flax.jax_utils.rst docs/flax.linen.rst docs/flax.nn.rst docs/flax.optim.rst docs/flax.serialization.rst docs/flax.struct.rst docs/flax.traceback_util.rst docs/flax.training.rst docs/flax.traverse_util.rst docs/howtos.rst docs/howtos/ensembling.rst docs/howtos/extracting_intermediates.rst docs/howtos/lr_schedule.rst docs/howtos/model_surgery.rst docs/howtos/optax_update_guide.rst docs/howtos/state_params.rst docs/index.rst docs/notebooks/annotated_mnist.ipynb docs/notebooks/flax_basics.ipynb docs/notebooks/index.rst docs/notebooks/jax_for_the_impatient.ipynb docs/notebooks/linen_intro.ipynb docs/notebooks/optax_update_guide.ipynb examples/cloud/launch_gce.py examples/cloud/startup_script.sh examples/imagenet/configs/default.py examples/imagenet/configs/fake_data_benchmark.py examples/imagenet/configs/tpu.py examples/imagenet/configs/v100_x8.py examples/imagenet/configs/v100_x8_mixed_precision.py examples/imagenet/imagenet.ipynb examples/imagenet/imagenet_benchmark.py examples/imagenet/imagenet_fake_data_benchmark.py examples/imagenet/input_pipeline.py examples/imagenet/main.py examples/imagenet/models.py examples/imagenet/models_test.py examples/imagenet/train.py examples/imagenet/train_test.py examples/linen_design_test/attention_simple.py examples/linen_design_test/autoencoder.py examples/linen_design_test/dense.py examples/linen_design_test/linear_regression.py examples/linen_design_test/mlp_explicit.py examples/linen_design_test/mlp_inline.py examples/linen_design_test/mlp_lazy.py examples/linen_design_test/tied_autoencoder.py examples/linen_design_test/weight_std.py examples/lm1b/configs/default.py examples/lm1b/input_pipeline.py examples/lm1b/input_pipeline_test.py examples/lm1b/main.py examples/lm1b/models.py examples/lm1b/temperature_sampler.py examples/lm1b/tokenizer.py examples/lm1b/train.py examples/lm1b/train_test.py examples/mnist/configs/default.py examples/mnist/main.py examples/mnist/mnist.ipynb examples/mnist/mnist_benchmark.py examples/mnist/train.py examples/mnist/train_test.py examples/nlp_seq/input_pipeline.py examples/nlp_seq/input_pipeline_test.py examples/nlp_seq/models.py examples/nlp_seq/train.py examples/ogbg_molpcba/configs/default.py examples/ogbg_molpcba/configs/default_graph_net.py examples/ogbg_molpcba/configs/hparam_sweep.py examples/ogbg_molpcba/configs/test.py examples/ogbg_molpcba/input_pipeline.py examples/ogbg_molpcba/input_pipeline_test.py examples/ogbg_molpcba/main.py examples/ogbg_molpcba/models.py examples/ogbg_molpcba/models_test.py examples/ogbg_molpcba/ogbg_molpcba.ipynb examples/ogbg_molpcba/ogbg_molpcba_benchmark.py examples/ogbg_molpcba/train.py examples/ogbg_molpcba/train_test.py examples/pixelcnn/configs/default.py examples/pixelcnn/input_pipeline.py examples/pixelcnn/main.py examples/pixelcnn/model_test.py examples/pixelcnn/pixelcnn.py examples/pixelcnn/sample.py examples/pixelcnn/train.py examples/pixelcnn/train_test.py examples/ppo/agent.py examples/ppo/configs/default.py examples/ppo/env_utils.py examples/ppo/models.py examples/ppo/ppo_lib.py examples/ppo/ppo_lib_test.py examples/ppo/ppo_main.py examples/ppo/seed_rl_atari_preprocessing.py examples/ppo/test_episodes.py examples/seq2seq/seq2seq.ipynb examples/seq2seq/train.py examples/seq2seq/train_test.py examples/sst2/build_vocabulary.py examples/sst2/configs/default.py examples/sst2/input_pipeline.py examples/sst2/input_pipeline_test.py examples/sst2/main.py examples/sst2/models.py examples/sst2/models_test.py examples/sst2/sst2.ipynb examples/sst2/train.py examples/sst2/train_test.py examples/sst2/vocabulary.py examples/vae/train.py examples/vae/utils.py examples/wmt/bleu.py examples/wmt/configs/default.py examples/wmt/configs/gpu_mixed_precision.py examples/wmt/decode.py examples/wmt/input_pipeline.py examples/wmt/input_pipeline_test.py examples/wmt/main.py examples/wmt/models.py examples/wmt/tokenizer.py examples/wmt/train.py examples/wmt/train_test.py flax/__init__.py flax/config.py flax/core/__init__.py flax/core/axes_scan.py flax/core/flax_functional_engine.ipynb flax/core/frozen_dict.py flax/core/lift.py flax/core/nn/__init__.py flax/core/nn/attention.py flax/core/nn/linear.py flax/core/nn/normalization.py flax/core/nn/stochastic.py flax/core/scope.py flax/core/tracers.py flax/core/variables.py flax/deprecated/__init__.py flax/deprecated/nn/__init__.py flax/deprecated/nn/activation.py flax/deprecated/nn/attention.py flax/deprecated/nn/base.py flax/deprecated/nn/initializers.py flax/deprecated/nn/linear.py flax/deprecated/nn/normalization.py flax/deprecated/nn/pooling.py flax/deprecated/nn/recurrent.py flax/deprecated/nn/stochastic.py flax/deprecated/nn/utils.py flax/errors.py flax/jax_utils.py flax/linen/__init__.py flax/linen/activation.py flax/linen/attention.py flax/linen/dotgetter.py flax/linen/initializers.py flax/linen/linear.py flax/linen/module.py flax/linen/normalization.py flax/linen/partitioning.py flax/linen/pooling.py flax/linen/recurrent.py flax/linen/stochastic.py flax/linen/transforms.py flax/metrics/__init__.py flax/metrics/tensorboard.py flax/optim/__init__.py flax/optim/adabelief.py flax/optim/adadelta.py flax/optim/adafactor.py flax/optim/adagrad.py flax/optim/adam.py flax/optim/base.py flax/optim/dynamic_scale.py flax/optim/lamb.py flax/optim/lars.py flax/optim/momentum.py flax/optim/rmsprop.py flax/optim/sgd.py flax/optim/weight_norm.py flax/py.typed flax/serialization.py flax/struct.py flax/testing/__init__.py flax/testing/benchmark.py flax/traceback_util.py flax/training/__init__.py flax/training/checkpoints.py flax/training/common_utils.py flax/training/early_stopping.py flax/training/lr_schedule.py flax/training/prefetch_iterator.py flax/training/train_state.py flax/traverse_util.py flax/version.py images/flax_logo.svg pylintrc pytest.ini setup.cfg setup.py tests/checkpoints_test.py tests/core/core_frozen_dict_test.py tests/core/core_lift_test.py tests/core/core_scope_test.py tests/core/design/core_attention_test.py tests/core/design/core_auto_encoder_test.py tests/core/design/core_big_resnets_test.py tests/core/design/core_custom_vjp_test.py tests/core/design/core_dense_test.py tests/core/design/core_flow_test.py tests/core/design/core_resnet_test.py tests/core/design/core_scan_test.py tests/core/design/core_tied_autoencoder_test.py tests/core/design/core_vmap_test.py tests/core/design/core_weight_std_test.py tests/download_dataset_metadata.sh tests/early_stopping_test.py tests/linen/dotgetter_test.py tests/linen/linen_activation_test.py tests/linen/linen_attention_test.py tests/linen/linen_linear_test.py tests/linen/linen_module_test.py tests/linen/linen_test.py tests/linen/linen_transforms_test.py tests/linen/partitioning_test.py tests/linen/toplevel_test.py tests/nn_attention_test.py tests/nn_linear_test.py tests/nn_test.py tests/optim_test.py tests/run_all_tests.sh tests/serialization_test.py tests/struct_test.py tests/tensorboard_test.py tests/traceback_util_test.py tests/traverse_util_test.py <<<<<< network # path=./coverage.xml /home/runner/work/flax/flax/flax <<<<<< EOF