├── .github └── ISSUE_TEMPLATE │ ├── bug_report.md │ └── feature_request.md ├── .gitignore ├── Dockerfile.tmpl ├── Jenkinsfile ├── LICENSE ├── README.md ├── clean-layer.sh ├── config.txt ├── dev.Dockerfile ├── diff ├── kaggle_requirements.txt ├── packages ├── README.md ├── build_package ├── jaxlib.Dockerfile └── torch.Dockerfile ├── patches ├── imagemagick-policy.xml ├── kaggle_datasets.py ├── kaggle_gcp.py ├── kaggle_module_resolver.py ├── kaggle_secrets.py ├── kaggle_session.py ├── kaggle_web_client.py ├── keras_internal.py ├── keras_internal_test.py ├── nbconvert-extensions.tpl ├── sitecustomize.py ├── template_conf.json └── tensorboard │ └── notebook.py ├── push ├── renderizer └── Dockerfile ├── test ├── test_pytables.py ├── tests ├── __init__.py ├── common.py ├── data │ ├── coutwildrnp.shp │ ├── coutwildrnp.shx │ ├── dot.png │ ├── english.png │ ├── face.jpg │ ├── feather-0_3_1.feather │ ├── fifa_2018_stats.csv │ ├── haarcascade_frontalface_alt.xml │ ├── jupyter_tensorboard.ipynb │ ├── kagglehub │ │ └── models │ │ │ └── keras │ │ │ ├── bert │ │ │ └── keras │ │ │ │ └── bert_tiny_en_uncased │ │ │ │ └── 2 │ │ │ │ ├── assets │ │ │ │ └── tokenizer │ │ │ │ │ └── vocabulary.txt │ │ │ │ ├── config.json │ │ │ │ ├── metadata.json │ │ │ │ └── tokenizer.json │ │ │ └── efficientnetv2 │ │ │ └── keras │ │ │ └── efficientnetv2_b0_imagenet_classifier │ │ │ └── 2 │ │ │ ├── config.json │ │ │ └── metadata.json │ ├── lgb_test.csv │ ├── lgb_train.csv │ ├── mnist-8.onnx │ ├── mnist.npz │ ├── model.tar.gz │ ├── notebook.ipynb │ ├── saved_model │ │ ├── keras_metadata.pb │ │ ├── saved_model.pb │ │ └── variables │ │ │ ├── variables.data-00000-of-00001 │ │ │ └── variables.index │ ├── test.pdf │ ├── test.tif │ ├── test.wav │ ├── text.txt │ └── train.csv ├── test_7z.py ├── test_albumentations.py ├── test_annoy.py ├── test_bayes_opt.py ├── test_bigquery.py ├── test_bigquery_proxy.py ├── test_bigquery_storage.py ├── test_bokeh.py ├── test_bqplot.py ├── test_cartopy.py ├── test_category_encoders.py ├── test_cudf.py ├── test_cuml.py ├── test_cupy.py ├── test_datasets.py ├── test_dipy.py ├── test_earthengine.py ├── test_easyocr.py ├── test_fastai.py ├── test_fasttext.py ├── test_fiona.py ├── test_flask.py ├── test_flax.py ├── test_gcloud.py ├── test_gcs.py ├── test_gensim.py ├── test_geopandas.py ├── test_google_genai_patch.py ├── test_google_generativeai_patch.py ├── test_google_generativeai_patch_disabled.py ├── test_h2o.py ├── test_hep_ml.py ├── test_hf_datasets.py ├── test_holoviews.py ├── test_hyperopt.py ├── test_igraph.py ├── test_imports.py ├── test_jax.py ├── test_jieba.py ├── test_jupyter_nbconvert.py ├── test_jupyter_server.py ├── test_jupyterlab_lsp.py ├── test_jupytertensorboard.py ├── test_kaggle_kernel_credentials.py ├── test_kaggle_module_resolver.py ├── test_kagglehub.py ├── test_keras.py ├── test_keras_cv.py ├── test_keras_nlp.py ├── test_keras_tuner.py ├── test_kornia.py ├── test_learntools.py ├── test_lightgbm.py ├── test_matplotlib.py ├── test_natural_language.py ├── test_nbdev.py ├── test_nltk.py ├── test_numba.py ├── test_numpy.py ├── test_nvidia.py ├── test_onnx.py ├── test_opencv.py ├── test_openpyxl.py ├── test_openslide.py ├── test_optuna.py ├── test_pandas.py ├── test_papermill.py ├── test_plotly.py ├── test_plotly_express.py ├── test_polars.py ├── test_prophet.py ├── test_pycrypto.py ├── test_pycuda.py ├── test_pydegensac.py ├── test_pydub.py ├── test_pysal.py ├── test_pytesseract.py ├── test_pytest.py ├── test_python_lsp_server.py ├── test_pytorch.py ├── test_pytorch_ignite.py ├── test_pytorch_lightning.py ├── test_rgf.py ├── test_seaborn.py ├── test_shap.py ├── test_shapely.py ├── test_skimage.py ├── test_sklearn.py ├── test_sklearnex.py ├── test_spacy.py ├── test_sympy.py ├── test_tensorflow.py ├── test_tensorflow_bigquery.py ├── test_tensorflow_cloud.py ├── test_tensorflow_decision_forests.py ├── test_tensorflow_probability.py ├── test_tensorflow_text.py ├── test_timm.py ├── test_torchaudio.py ├── test_torchinfo.py ├── test_torchtune.py ├── test_torchvision.py ├── test_transformers.py ├── test_translation.py ├── test_tsfresh.py ├── test_ucaip.py ├── test_user_secrets.py ├── test_user_session.py ├── test_video_intelligence.py ├── test_vision.py ├── test_vtk.py ├── test_wandb.py ├── test_xgboost.py ├── test_xvfbwrapper.py └── utils │ ├── __init__.py │ └── kagglehub.py ├── tools └── pip_list_versions.py └── tpu ├── Dockerfile ├── build ├── clean-layer.sh ├── config.txt └── requirements.in /.github/ISSUE_TEMPLATE/bug_report.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Kaggle/docker-python/HEAD/.github/ISSUE_TEMPLATE/bug_report.md -------------------------------------------------------------------------------- /.github/ISSUE_TEMPLATE/feature_request.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Kaggle/docker-python/HEAD/.github/ISSUE_TEMPLATE/feature_request.md -------------------------------------------------------------------------------- /.gitignore: -------------------------------------------------------------------------------- 1 | *.pyc 2 | .idea/ 3 | .vscode 4 | .mypy_cache 5 | .generated -------------------------------------------------------------------------------- /Dockerfile.tmpl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Kaggle/docker-python/HEAD/Dockerfile.tmpl -------------------------------------------------------------------------------- /Jenkinsfile: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Kaggle/docker-python/HEAD/Jenkinsfile -------------------------------------------------------------------------------- /LICENSE: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Kaggle/docker-python/HEAD/LICENSE -------------------------------------------------------------------------------- /README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Kaggle/docker-python/HEAD/README.md -------------------------------------------------------------------------------- /clean-layer.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Kaggle/docker-python/HEAD/clean-layer.sh -------------------------------------------------------------------------------- /config.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Kaggle/docker-python/HEAD/config.txt -------------------------------------------------------------------------------- /dev.Dockerfile: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Kaggle/docker-python/HEAD/dev.Dockerfile -------------------------------------------------------------------------------- /diff: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Kaggle/docker-python/HEAD/diff -------------------------------------------------------------------------------- /kaggle_requirements.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Kaggle/docker-python/HEAD/kaggle_requirements.txt -------------------------------------------------------------------------------- /packages/README.md: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /packages/build_package: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Kaggle/docker-python/HEAD/packages/build_package -------------------------------------------------------------------------------- /packages/jaxlib.Dockerfile: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Kaggle/docker-python/HEAD/packages/jaxlib.Dockerfile -------------------------------------------------------------------------------- /packages/torch.Dockerfile: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Kaggle/docker-python/HEAD/packages/torch.Dockerfile -------------------------------------------------------------------------------- /patches/imagemagick-policy.xml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Kaggle/docker-python/HEAD/patches/imagemagick-policy.xml -------------------------------------------------------------------------------- /patches/kaggle_datasets.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Kaggle/docker-python/HEAD/patches/kaggle_datasets.py -------------------------------------------------------------------------------- /patches/kaggle_gcp.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Kaggle/docker-python/HEAD/patches/kaggle_gcp.py -------------------------------------------------------------------------------- /patches/kaggle_module_resolver.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Kaggle/docker-python/HEAD/patches/kaggle_module_resolver.py -------------------------------------------------------------------------------- /patches/kaggle_secrets.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Kaggle/docker-python/HEAD/patches/kaggle_secrets.py -------------------------------------------------------------------------------- /patches/kaggle_session.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Kaggle/docker-python/HEAD/patches/kaggle_session.py -------------------------------------------------------------------------------- /patches/kaggle_web_client.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Kaggle/docker-python/HEAD/patches/kaggle_web_client.py -------------------------------------------------------------------------------- /patches/keras_internal.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Kaggle/docker-python/HEAD/patches/keras_internal.py -------------------------------------------------------------------------------- /patches/keras_internal_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Kaggle/docker-python/HEAD/patches/keras_internal_test.py -------------------------------------------------------------------------------- /patches/nbconvert-extensions.tpl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Kaggle/docker-python/HEAD/patches/nbconvert-extensions.tpl -------------------------------------------------------------------------------- /patches/sitecustomize.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Kaggle/docker-python/HEAD/patches/sitecustomize.py -------------------------------------------------------------------------------- /patches/template_conf.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Kaggle/docker-python/HEAD/patches/template_conf.json -------------------------------------------------------------------------------- /patches/tensorboard/notebook.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Kaggle/docker-python/HEAD/patches/tensorboard/notebook.py -------------------------------------------------------------------------------- /push: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Kaggle/docker-python/HEAD/push -------------------------------------------------------------------------------- /renderizer/Dockerfile: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Kaggle/docker-python/HEAD/renderizer/Dockerfile -------------------------------------------------------------------------------- /test: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Kaggle/docker-python/HEAD/test -------------------------------------------------------------------------------- /test_pytables.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Kaggle/docker-python/HEAD/test_pytables.py -------------------------------------------------------------------------------- /tests/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /tests/common.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Kaggle/docker-python/HEAD/tests/common.py -------------------------------------------------------------------------------- /tests/data/coutwildrnp.shp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Kaggle/docker-python/HEAD/tests/data/coutwildrnp.shp -------------------------------------------------------------------------------- /tests/data/coutwildrnp.shx: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Kaggle/docker-python/HEAD/tests/data/coutwildrnp.shx -------------------------------------------------------------------------------- /tests/data/dot.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Kaggle/docker-python/HEAD/tests/data/dot.png -------------------------------------------------------------------------------- /tests/data/english.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Kaggle/docker-python/HEAD/tests/data/english.png -------------------------------------------------------------------------------- /tests/data/face.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Kaggle/docker-python/HEAD/tests/data/face.jpg -------------------------------------------------------------------------------- /tests/data/feather-0_3_1.feather: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Kaggle/docker-python/HEAD/tests/data/feather-0_3_1.feather -------------------------------------------------------------------------------- /tests/data/fifa_2018_stats.csv: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Kaggle/docker-python/HEAD/tests/data/fifa_2018_stats.csv -------------------------------------------------------------------------------- /tests/data/haarcascade_frontalface_alt.xml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Kaggle/docker-python/HEAD/tests/data/haarcascade_frontalface_alt.xml -------------------------------------------------------------------------------- /tests/data/jupyter_tensorboard.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Kaggle/docker-python/HEAD/tests/data/jupyter_tensorboard.ipynb -------------------------------------------------------------------------------- /tests/data/kagglehub/models/keras/bert/keras/bert_tiny_en_uncased/2/assets/tokenizer/vocabulary.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Kaggle/docker-python/HEAD/tests/data/kagglehub/models/keras/bert/keras/bert_tiny_en_uncased/2/assets/tokenizer/vocabulary.txt -------------------------------------------------------------------------------- /tests/data/kagglehub/models/keras/bert/keras/bert_tiny_en_uncased/2/config.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Kaggle/docker-python/HEAD/tests/data/kagglehub/models/keras/bert/keras/bert_tiny_en_uncased/2/config.json -------------------------------------------------------------------------------- /tests/data/kagglehub/models/keras/bert/keras/bert_tiny_en_uncased/2/metadata.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Kaggle/docker-python/HEAD/tests/data/kagglehub/models/keras/bert/keras/bert_tiny_en_uncased/2/metadata.json -------------------------------------------------------------------------------- /tests/data/kagglehub/models/keras/bert/keras/bert_tiny_en_uncased/2/tokenizer.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Kaggle/docker-python/HEAD/tests/data/kagglehub/models/keras/bert/keras/bert_tiny_en_uncased/2/tokenizer.json -------------------------------------------------------------------------------- /tests/data/kagglehub/models/keras/efficientnetv2/keras/efficientnetv2_b0_imagenet_classifier/2/config.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Kaggle/docker-python/HEAD/tests/data/kagglehub/models/keras/efficientnetv2/keras/efficientnetv2_b0_imagenet_classifier/2/config.json -------------------------------------------------------------------------------- /tests/data/kagglehub/models/keras/efficientnetv2/keras/efficientnetv2_b0_imagenet_classifier/2/metadata.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Kaggle/docker-python/HEAD/tests/data/kagglehub/models/keras/efficientnetv2/keras/efficientnetv2_b0_imagenet_classifier/2/metadata.json -------------------------------------------------------------------------------- /tests/data/lgb_test.csv: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Kaggle/docker-python/HEAD/tests/data/lgb_test.csv -------------------------------------------------------------------------------- /tests/data/lgb_train.csv: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Kaggle/docker-python/HEAD/tests/data/lgb_train.csv -------------------------------------------------------------------------------- /tests/data/mnist-8.onnx: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Kaggle/docker-python/HEAD/tests/data/mnist-8.onnx -------------------------------------------------------------------------------- /tests/data/mnist.npz: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Kaggle/docker-python/HEAD/tests/data/mnist.npz -------------------------------------------------------------------------------- /tests/data/model.tar.gz: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Kaggle/docker-python/HEAD/tests/data/model.tar.gz -------------------------------------------------------------------------------- /tests/data/notebook.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Kaggle/docker-python/HEAD/tests/data/notebook.ipynb -------------------------------------------------------------------------------- /tests/data/saved_model/keras_metadata.pb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Kaggle/docker-python/HEAD/tests/data/saved_model/keras_metadata.pb -------------------------------------------------------------------------------- /tests/data/saved_model/saved_model.pb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Kaggle/docker-python/HEAD/tests/data/saved_model/saved_model.pb -------------------------------------------------------------------------------- /tests/data/saved_model/variables/variables.data-00000-of-00001: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Kaggle/docker-python/HEAD/tests/data/saved_model/variables/variables.data-00000-of-00001 -------------------------------------------------------------------------------- /tests/data/saved_model/variables/variables.index: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Kaggle/docker-python/HEAD/tests/data/saved_model/variables/variables.index -------------------------------------------------------------------------------- /tests/data/test.pdf: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Kaggle/docker-python/HEAD/tests/data/test.pdf -------------------------------------------------------------------------------- /tests/data/test.tif: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Kaggle/docker-python/HEAD/tests/data/test.tif -------------------------------------------------------------------------------- /tests/data/test.wav: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Kaggle/docker-python/HEAD/tests/data/test.wav -------------------------------------------------------------------------------- /tests/data/text.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Kaggle/docker-python/HEAD/tests/data/text.txt -------------------------------------------------------------------------------- /tests/data/train.csv: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Kaggle/docker-python/HEAD/tests/data/train.csv -------------------------------------------------------------------------------- /tests/test_7z.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Kaggle/docker-python/HEAD/tests/test_7z.py -------------------------------------------------------------------------------- /tests/test_albumentations.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Kaggle/docker-python/HEAD/tests/test_albumentations.py -------------------------------------------------------------------------------- /tests/test_annoy.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Kaggle/docker-python/HEAD/tests/test_annoy.py -------------------------------------------------------------------------------- /tests/test_bayes_opt.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Kaggle/docker-python/HEAD/tests/test_bayes_opt.py -------------------------------------------------------------------------------- /tests/test_bigquery.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Kaggle/docker-python/HEAD/tests/test_bigquery.py -------------------------------------------------------------------------------- /tests/test_bigquery_proxy.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Kaggle/docker-python/HEAD/tests/test_bigquery_proxy.py -------------------------------------------------------------------------------- /tests/test_bigquery_storage.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Kaggle/docker-python/HEAD/tests/test_bigquery_storage.py -------------------------------------------------------------------------------- /tests/test_bokeh.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Kaggle/docker-python/HEAD/tests/test_bokeh.py -------------------------------------------------------------------------------- /tests/test_bqplot.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Kaggle/docker-python/HEAD/tests/test_bqplot.py -------------------------------------------------------------------------------- /tests/test_cartopy.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Kaggle/docker-python/HEAD/tests/test_cartopy.py -------------------------------------------------------------------------------- /tests/test_category_encoders.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Kaggle/docker-python/HEAD/tests/test_category_encoders.py -------------------------------------------------------------------------------- /tests/test_cudf.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Kaggle/docker-python/HEAD/tests/test_cudf.py -------------------------------------------------------------------------------- /tests/test_cuml.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Kaggle/docker-python/HEAD/tests/test_cuml.py -------------------------------------------------------------------------------- /tests/test_cupy.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Kaggle/docker-python/HEAD/tests/test_cupy.py -------------------------------------------------------------------------------- /tests/test_datasets.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Kaggle/docker-python/HEAD/tests/test_datasets.py -------------------------------------------------------------------------------- /tests/test_dipy.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Kaggle/docker-python/HEAD/tests/test_dipy.py -------------------------------------------------------------------------------- /tests/test_earthengine.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Kaggle/docker-python/HEAD/tests/test_earthengine.py -------------------------------------------------------------------------------- /tests/test_easyocr.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Kaggle/docker-python/HEAD/tests/test_easyocr.py -------------------------------------------------------------------------------- /tests/test_fastai.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Kaggle/docker-python/HEAD/tests/test_fastai.py -------------------------------------------------------------------------------- /tests/test_fasttext.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Kaggle/docker-python/HEAD/tests/test_fasttext.py -------------------------------------------------------------------------------- /tests/test_fiona.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Kaggle/docker-python/HEAD/tests/test_fiona.py -------------------------------------------------------------------------------- /tests/test_flask.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Kaggle/docker-python/HEAD/tests/test_flask.py -------------------------------------------------------------------------------- /tests/test_flax.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Kaggle/docker-python/HEAD/tests/test_flax.py -------------------------------------------------------------------------------- /tests/test_gcloud.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Kaggle/docker-python/HEAD/tests/test_gcloud.py -------------------------------------------------------------------------------- /tests/test_gcs.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Kaggle/docker-python/HEAD/tests/test_gcs.py -------------------------------------------------------------------------------- /tests/test_gensim.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Kaggle/docker-python/HEAD/tests/test_gensim.py -------------------------------------------------------------------------------- /tests/test_geopandas.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Kaggle/docker-python/HEAD/tests/test_geopandas.py -------------------------------------------------------------------------------- /tests/test_google_genai_patch.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Kaggle/docker-python/HEAD/tests/test_google_genai_patch.py -------------------------------------------------------------------------------- /tests/test_google_generativeai_patch.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Kaggle/docker-python/HEAD/tests/test_google_generativeai_patch.py -------------------------------------------------------------------------------- /tests/test_google_generativeai_patch_disabled.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Kaggle/docker-python/HEAD/tests/test_google_generativeai_patch_disabled.py -------------------------------------------------------------------------------- /tests/test_h2o.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Kaggle/docker-python/HEAD/tests/test_h2o.py -------------------------------------------------------------------------------- /tests/test_hep_ml.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Kaggle/docker-python/HEAD/tests/test_hep_ml.py -------------------------------------------------------------------------------- /tests/test_hf_datasets.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Kaggle/docker-python/HEAD/tests/test_hf_datasets.py -------------------------------------------------------------------------------- /tests/test_holoviews.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Kaggle/docker-python/HEAD/tests/test_holoviews.py -------------------------------------------------------------------------------- /tests/test_hyperopt.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Kaggle/docker-python/HEAD/tests/test_hyperopt.py -------------------------------------------------------------------------------- /tests/test_igraph.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Kaggle/docker-python/HEAD/tests/test_igraph.py -------------------------------------------------------------------------------- /tests/test_imports.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Kaggle/docker-python/HEAD/tests/test_imports.py -------------------------------------------------------------------------------- /tests/test_jax.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Kaggle/docker-python/HEAD/tests/test_jax.py -------------------------------------------------------------------------------- /tests/test_jieba.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Kaggle/docker-python/HEAD/tests/test_jieba.py -------------------------------------------------------------------------------- /tests/test_jupyter_nbconvert.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Kaggle/docker-python/HEAD/tests/test_jupyter_nbconvert.py -------------------------------------------------------------------------------- /tests/test_jupyter_server.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Kaggle/docker-python/HEAD/tests/test_jupyter_server.py -------------------------------------------------------------------------------- /tests/test_jupyterlab_lsp.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Kaggle/docker-python/HEAD/tests/test_jupyterlab_lsp.py -------------------------------------------------------------------------------- /tests/test_jupytertensorboard.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Kaggle/docker-python/HEAD/tests/test_jupytertensorboard.py -------------------------------------------------------------------------------- /tests/test_kaggle_kernel_credentials.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Kaggle/docker-python/HEAD/tests/test_kaggle_kernel_credentials.py -------------------------------------------------------------------------------- /tests/test_kaggle_module_resolver.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Kaggle/docker-python/HEAD/tests/test_kaggle_module_resolver.py -------------------------------------------------------------------------------- /tests/test_kagglehub.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Kaggle/docker-python/HEAD/tests/test_kagglehub.py -------------------------------------------------------------------------------- /tests/test_keras.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Kaggle/docker-python/HEAD/tests/test_keras.py -------------------------------------------------------------------------------- /tests/test_keras_cv.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Kaggle/docker-python/HEAD/tests/test_keras_cv.py -------------------------------------------------------------------------------- /tests/test_keras_nlp.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Kaggle/docker-python/HEAD/tests/test_keras_nlp.py -------------------------------------------------------------------------------- /tests/test_keras_tuner.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Kaggle/docker-python/HEAD/tests/test_keras_tuner.py -------------------------------------------------------------------------------- /tests/test_kornia.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Kaggle/docker-python/HEAD/tests/test_kornia.py -------------------------------------------------------------------------------- /tests/test_learntools.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Kaggle/docker-python/HEAD/tests/test_learntools.py -------------------------------------------------------------------------------- /tests/test_lightgbm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Kaggle/docker-python/HEAD/tests/test_lightgbm.py -------------------------------------------------------------------------------- /tests/test_matplotlib.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Kaggle/docker-python/HEAD/tests/test_matplotlib.py -------------------------------------------------------------------------------- /tests/test_natural_language.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Kaggle/docker-python/HEAD/tests/test_natural_language.py -------------------------------------------------------------------------------- /tests/test_nbdev.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Kaggle/docker-python/HEAD/tests/test_nbdev.py -------------------------------------------------------------------------------- /tests/test_nltk.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Kaggle/docker-python/HEAD/tests/test_nltk.py -------------------------------------------------------------------------------- /tests/test_numba.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Kaggle/docker-python/HEAD/tests/test_numba.py -------------------------------------------------------------------------------- /tests/test_numpy.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Kaggle/docker-python/HEAD/tests/test_numpy.py -------------------------------------------------------------------------------- /tests/test_nvidia.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Kaggle/docker-python/HEAD/tests/test_nvidia.py -------------------------------------------------------------------------------- /tests/test_onnx.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Kaggle/docker-python/HEAD/tests/test_onnx.py -------------------------------------------------------------------------------- /tests/test_opencv.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Kaggle/docker-python/HEAD/tests/test_opencv.py -------------------------------------------------------------------------------- /tests/test_openpyxl.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Kaggle/docker-python/HEAD/tests/test_openpyxl.py -------------------------------------------------------------------------------- /tests/test_openslide.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Kaggle/docker-python/HEAD/tests/test_openslide.py -------------------------------------------------------------------------------- /tests/test_optuna.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Kaggle/docker-python/HEAD/tests/test_optuna.py -------------------------------------------------------------------------------- /tests/test_pandas.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Kaggle/docker-python/HEAD/tests/test_pandas.py -------------------------------------------------------------------------------- /tests/test_papermill.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Kaggle/docker-python/HEAD/tests/test_papermill.py -------------------------------------------------------------------------------- /tests/test_plotly.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Kaggle/docker-python/HEAD/tests/test_plotly.py -------------------------------------------------------------------------------- /tests/test_plotly_express.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Kaggle/docker-python/HEAD/tests/test_plotly_express.py -------------------------------------------------------------------------------- /tests/test_polars.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Kaggle/docker-python/HEAD/tests/test_polars.py -------------------------------------------------------------------------------- /tests/test_prophet.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Kaggle/docker-python/HEAD/tests/test_prophet.py -------------------------------------------------------------------------------- /tests/test_pycrypto.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Kaggle/docker-python/HEAD/tests/test_pycrypto.py -------------------------------------------------------------------------------- /tests/test_pycuda.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Kaggle/docker-python/HEAD/tests/test_pycuda.py -------------------------------------------------------------------------------- /tests/test_pydegensac.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Kaggle/docker-python/HEAD/tests/test_pydegensac.py -------------------------------------------------------------------------------- /tests/test_pydub.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Kaggle/docker-python/HEAD/tests/test_pydub.py -------------------------------------------------------------------------------- /tests/test_pysal.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Kaggle/docker-python/HEAD/tests/test_pysal.py -------------------------------------------------------------------------------- /tests/test_pytesseract.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Kaggle/docker-python/HEAD/tests/test_pytesseract.py -------------------------------------------------------------------------------- /tests/test_pytest.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Kaggle/docker-python/HEAD/tests/test_pytest.py -------------------------------------------------------------------------------- /tests/test_python_lsp_server.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Kaggle/docker-python/HEAD/tests/test_python_lsp_server.py -------------------------------------------------------------------------------- /tests/test_pytorch.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Kaggle/docker-python/HEAD/tests/test_pytorch.py -------------------------------------------------------------------------------- /tests/test_pytorch_ignite.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Kaggle/docker-python/HEAD/tests/test_pytorch_ignite.py -------------------------------------------------------------------------------- /tests/test_pytorch_lightning.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Kaggle/docker-python/HEAD/tests/test_pytorch_lightning.py -------------------------------------------------------------------------------- /tests/test_rgf.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Kaggle/docker-python/HEAD/tests/test_rgf.py -------------------------------------------------------------------------------- /tests/test_seaborn.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Kaggle/docker-python/HEAD/tests/test_seaborn.py -------------------------------------------------------------------------------- /tests/test_shap.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Kaggle/docker-python/HEAD/tests/test_shap.py -------------------------------------------------------------------------------- /tests/test_shapely.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Kaggle/docker-python/HEAD/tests/test_shapely.py -------------------------------------------------------------------------------- /tests/test_skimage.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Kaggle/docker-python/HEAD/tests/test_skimage.py -------------------------------------------------------------------------------- /tests/test_sklearn.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Kaggle/docker-python/HEAD/tests/test_sklearn.py -------------------------------------------------------------------------------- /tests/test_sklearnex.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Kaggle/docker-python/HEAD/tests/test_sklearnex.py -------------------------------------------------------------------------------- /tests/test_spacy.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Kaggle/docker-python/HEAD/tests/test_spacy.py -------------------------------------------------------------------------------- /tests/test_sympy.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Kaggle/docker-python/HEAD/tests/test_sympy.py -------------------------------------------------------------------------------- /tests/test_tensorflow.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Kaggle/docker-python/HEAD/tests/test_tensorflow.py -------------------------------------------------------------------------------- /tests/test_tensorflow_bigquery.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Kaggle/docker-python/HEAD/tests/test_tensorflow_bigquery.py -------------------------------------------------------------------------------- /tests/test_tensorflow_cloud.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Kaggle/docker-python/HEAD/tests/test_tensorflow_cloud.py -------------------------------------------------------------------------------- /tests/test_tensorflow_decision_forests.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Kaggle/docker-python/HEAD/tests/test_tensorflow_decision_forests.py -------------------------------------------------------------------------------- /tests/test_tensorflow_probability.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Kaggle/docker-python/HEAD/tests/test_tensorflow_probability.py -------------------------------------------------------------------------------- /tests/test_tensorflow_text.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Kaggle/docker-python/HEAD/tests/test_tensorflow_text.py -------------------------------------------------------------------------------- /tests/test_timm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Kaggle/docker-python/HEAD/tests/test_timm.py -------------------------------------------------------------------------------- /tests/test_torchaudio.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Kaggle/docker-python/HEAD/tests/test_torchaudio.py -------------------------------------------------------------------------------- /tests/test_torchinfo.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Kaggle/docker-python/HEAD/tests/test_torchinfo.py -------------------------------------------------------------------------------- /tests/test_torchtune.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Kaggle/docker-python/HEAD/tests/test_torchtune.py -------------------------------------------------------------------------------- /tests/test_torchvision.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Kaggle/docker-python/HEAD/tests/test_torchvision.py -------------------------------------------------------------------------------- /tests/test_transformers.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Kaggle/docker-python/HEAD/tests/test_transformers.py -------------------------------------------------------------------------------- /tests/test_translation.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Kaggle/docker-python/HEAD/tests/test_translation.py -------------------------------------------------------------------------------- /tests/test_tsfresh.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Kaggle/docker-python/HEAD/tests/test_tsfresh.py -------------------------------------------------------------------------------- /tests/test_ucaip.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Kaggle/docker-python/HEAD/tests/test_ucaip.py -------------------------------------------------------------------------------- /tests/test_user_secrets.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Kaggle/docker-python/HEAD/tests/test_user_secrets.py -------------------------------------------------------------------------------- /tests/test_user_session.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Kaggle/docker-python/HEAD/tests/test_user_session.py -------------------------------------------------------------------------------- /tests/test_video_intelligence.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Kaggle/docker-python/HEAD/tests/test_video_intelligence.py -------------------------------------------------------------------------------- /tests/test_vision.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Kaggle/docker-python/HEAD/tests/test_vision.py -------------------------------------------------------------------------------- /tests/test_vtk.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Kaggle/docker-python/HEAD/tests/test_vtk.py -------------------------------------------------------------------------------- /tests/test_wandb.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Kaggle/docker-python/HEAD/tests/test_wandb.py -------------------------------------------------------------------------------- /tests/test_xgboost.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Kaggle/docker-python/HEAD/tests/test_xgboost.py -------------------------------------------------------------------------------- /tests/test_xvfbwrapper.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Kaggle/docker-python/HEAD/tests/test_xvfbwrapper.py -------------------------------------------------------------------------------- /tests/utils/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /tests/utils/kagglehub.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Kaggle/docker-python/HEAD/tests/utils/kagglehub.py -------------------------------------------------------------------------------- /tools/pip_list_versions.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Kaggle/docker-python/HEAD/tools/pip_list_versions.py -------------------------------------------------------------------------------- /tpu/Dockerfile: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Kaggle/docker-python/HEAD/tpu/Dockerfile -------------------------------------------------------------------------------- /tpu/build: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Kaggle/docker-python/HEAD/tpu/build -------------------------------------------------------------------------------- /tpu/clean-layer.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Kaggle/docker-python/HEAD/tpu/clean-layer.sh -------------------------------------------------------------------------------- /tpu/config.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Kaggle/docker-python/HEAD/tpu/config.txt -------------------------------------------------------------------------------- /tpu/requirements.in: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Kaggle/docker-python/HEAD/tpu/requirements.in --------------------------------------------------------------------------------