:orphan: Lessons ======== .. raw:: html
.. raw:: html
.. only:: html .. image:: /auto_examples/images/thumb/sphx_glr_installation_thumb.png :alt: 0.1. installation :ref:`sphx_glr_auto_examples_installation.py` .. raw:: html
0.1. installation
.. raw:: html
.. only:: html .. image:: /auto_examples/images/thumb/sphx_glr_eda_thumb.png :alt: 0.2. eda :ref:`sphx_glr_auto_examples_eda.py` .. raw:: html
0.2. eda
.. raw:: html
.. toctree:: :hidden: /auto_examples/installation /auto_examples/eda 1. Model ------------------- .. raw:: html
.. raw:: html
.. only:: html .. image:: /auto_examples/model/images/thumb/sphx_glr_model_building_classical_rgr_thumb.png :alt: 1. solving regression problem with ML :ref:`sphx_glr_auto_examples_model_model_building_classical_rgr.py` .. raw:: html
1. solving regression problem with ML
.. raw:: html
.. only:: html .. image:: /auto_examples/model/images/thumb/sphx_glr_model_building_classical_cls_thumb.png :alt: 2. solving classification problem with ML :ref:`sphx_glr_auto_examples_model_model_building_classical_cls.py` .. raw:: html
2. solving classification problem with ML
.. raw:: html
.. only:: html .. image:: /auto_examples/model/images/thumb/sphx_glr_model_building_nn_rgr_thumb.png :alt: 3. neural networks for regression :ref:`sphx_glr_auto_examples_model_model_building_nn_rgr.py` .. raw:: html
3. neural networks for regression
.. raw:: html
.. only:: html .. image:: /auto_examples/model/images/thumb/sphx_glr_model_building_nn_cls_thumb.png :alt: 4. neural network for classification :ref:`sphx_glr_auto_examples_model_model_building_nn_cls.py` .. raw:: html
4. neural network for classification
.. raw:: html
.. only:: html .. image:: /auto_examples/model/images/thumb/sphx_glr_activations_thumb.png :alt: 5. activations :ref:`sphx_glr_auto_examples_model_activations.py` .. raw:: html
5. activations
.. raw:: html
.. only:: html .. image:: /auto_examples/model/images/thumb/sphx_glr_model_building_nn_torch_thumb.png :alt: 6. building neural network with PyTorch :ref:`sphx_glr_auto_examples_model_model_building_nn_torch.py` .. raw:: html
6. building neural network with PyTorch
.. raw:: html
.. only:: html .. image:: /auto_examples/model/images/thumb/sphx_glr_training_pytorch_based_models_thumb.png :alt: 7. training pytorch based models :ref:`sphx_glr_auto_examples_model_training_pytorch_based_models.py` .. raw:: html
7. training pytorch based models
.. raw:: html
.. only:: html .. image:: /auto_examples/model/images/thumb/sphx_glr_load_model_from_config_thumb.png :alt: 8. loading model from config :ref:`sphx_glr_auto_examples_model_load_model_from_config.py` .. raw:: html
8. loading model from config
.. raw:: html
.. only:: html .. image:: /auto_examples/model/images/thumb/sphx_glr_model_evaluation_thumb.png :alt: 9. model evaluation :ref:`sphx_glr_auto_examples_model_model_evaluation.py` .. raw:: html
9. model evaluation
.. raw:: html
.. only:: html .. image:: /auto_examples/model/images/thumb/sphx_glr_input_data_formats_thumb.png :alt: 10. input data formats :ref:`sphx_glr_auto_examples_model_input_data_formats.py` .. raw:: html
10. input data formats
.. raw:: html
2. Hyperparameter optimization ------------------------------- .. raw:: html
.. raw:: html
.. only:: html .. image:: /auto_examples/hyperparameter_optimization/images/thumb/sphx_glr_hpo_upper_thumb.png :alt: 1. hyperparameter optimization using Model class :ref:`sphx_glr_auto_examples_hyperparameter_optimization_hpo_upper.py` .. raw:: html
1. hyperparameter optimization using Model class
.. raw:: html
.. only:: html .. image:: /auto_examples/hyperparameter_optimization/images/thumb/sphx_glr_hpo_lower_thumb.png :alt: 2. hyperparameter optimizing using HyperOpt class :ref:`sphx_glr_auto_examples_hyperparameter_optimization_hpo_lower.py` .. raw:: html
2. hyperparameter optimizing using HyperOpt class
.. raw:: html
3. Model comparison ------------------- .. raw:: html
.. raw:: html
.. only:: html .. image:: /auto_examples/model_comparison/images/thumb/sphx_glr_compare_ml_thumb.png :alt: 1. compare ml models for regression :ref:`sphx_glr_auto_examples_model_comparison_compare_ml.py` .. raw:: html
1. compare ml models for regression
.. raw:: html
.. only:: html .. image:: /auto_examples/model_comparison/images/thumb/sphx_glr_compare_ml_cls_thumb.png :alt: 2. compare ml models for classification :ref:`sphx_glr_auto_examples_model_comparison_compare_ml_cls.py` .. raw:: html
2. compare ml models for classification
.. raw:: html
.. only:: html .. image:: /auto_examples/model_comparison/images/thumb/sphx_glr_compare_dl_thumb.png :alt: 3. compare dl models :ref:`sphx_glr_auto_examples_model_comparison_compare_dl.py` .. raw:: html
3. compare dl models
.. raw:: html
.. only:: html .. image:: /auto_examples/model_comparison/images/thumb/sphx_glr_compare_transformations_thumb.png :alt: 4. compare transformations :ref:`sphx_glr_auto_examples_model_comparison_compare_transformations.py` .. raw:: html
4. compare transformations
.. raw:: html
4. preprocessing ------------------- .. raw:: html
.. raw:: html
.. only:: html .. image:: /auto_examples/preprocessing/images/thumb/sphx_glr_data_preparation_thumb.png :alt: 1. data preparation :ref:`sphx_glr_auto_examples_preprocessing_data_preparation.py` .. raw:: html
1. data preparation
.. raw:: html
.. only:: html .. image:: /auto_examples/preprocessing/images/thumb/sphx_glr_handling_categorical_data_thumb.png :alt: 2. handling categorical data :ref:`sphx_glr_auto_examples_preprocessing_handling_categorical_data.py` .. raw:: html
2. handling categorical data
.. raw:: html
.. only:: html .. image:: /auto_examples/preprocessing/images/thumb/sphx_glr_handling_missing_values_thumb.png :alt: 3. handling missing values :ref:`sphx_glr_auto_examples_preprocessing_handling_missing_values.py` .. raw:: html
3. handling missing values
.. raw:: html
.. only:: html .. image:: /auto_examples/preprocessing/images/thumb/sphx_glr_preprocessing_transformations_thumb.png :alt: 4. data transformation :ref:`sphx_glr_auto_examples_preprocessing_preprocessing_transformations.py` .. raw:: html
4. data transformation
.. raw:: html
.. only:: html .. image:: /auto_examples/preprocessing/images/thumb/sphx_glr_dimensionality_reduction_thumb.png :alt: 5. dimensionality reduction :ref:`sphx_glr_auto_examples_preprocessing_dimensionality_reduction.py` .. raw:: html
5. dimensionality reduction
.. raw:: html
.. only:: html .. image:: /auto_examples/preprocessing/images/thumb/sphx_glr_feature_creation_thumb.png :alt: 6. feature creation :ref:`sphx_glr_auto_examples_preprocessing_feature_creation.py` .. raw:: html
6. feature creation
.. raw:: html
.. only:: html .. image:: /auto_examples/preprocessing/images/thumb/sphx_glr_hru_discretization_thumb.png :alt: 7. HRU discretization :ref:`sphx_glr_auto_examples_preprocessing_hru_discretization.py` .. raw:: html
7. HRU discretization
.. raw:: html
5. post-processing ------------------- .. raw:: html
.. raw:: html
.. only:: html .. image:: /auto_examples/postprocessing/images/thumb/sphx_glr_postprocessing_of_results_thumb.png :alt: 1. postprocessing of regression results :ref:`sphx_glr_auto_examples_postprocessing_postprocessing_of_results.py` .. raw:: html
1. postprocessing of regression results
.. raw:: html
.. only:: html .. image:: /auto_examples/postprocessing/images/thumb/sphx_glr_postprocessing_cls_results_thumb.png :alt: 2. postprocessing of classification results :ref:`sphx_glr_auto_examples_postprocessing_postprocessing_cls_results.py` .. raw:: html
2. postprocessing of classification results
.. raw:: html
.. only:: html .. image:: /auto_examples/postprocessing/images/thumb/sphx_glr_visualizing_decision_trees_thumb.png :alt: 3. visualizing decision trees :ref:`sphx_glr_auto_examples_postprocessing_visualizing_decision_trees.py` .. raw:: html
3. visualizing decision trees
.. raw:: html
.. only:: html .. image:: /auto_examples/postprocessing/images/thumb/sphx_glr_visualizing_neural_networks_thumb.png :alt: 4. visualizing neural networks :ref:`sphx_glr_auto_examples_postprocessing_visualizing_neural_networks.py` .. raw:: html
4. visualizing neural networks
.. raw:: html
.. only:: html .. image:: /auto_examples/postprocessing/images/thumb/sphx_glr_interpretable_ml_thumb.png :alt: 5. interpretable machine learning :ref:`sphx_glr_auto_examples_postprocessing_interpretable_ml.py` .. raw:: html
5. interpretable machine learning
.. raw:: html
.. only:: html .. image:: /auto_examples/postprocessing/images/thumb/sphx_glr_interpretable_dl_thumb.png :alt: 6. interpretable deep learning :ref:`sphx_glr_auto_examples_postprocessing_interpretable_dl.py` .. raw:: html
6. interpretable deep learning
.. raw:: html
.. only:: html .. image:: /auto_examples/postprocessing/images/thumb/sphx_glr_model_agnostic_interpretation_thumb.png :alt: 7. model agnostic interpretaion methods :ref:`sphx_glr_auto_examples_postprocessing_model_agnostic_interpretation.py` .. raw:: html
7. model agnostic interpretaion methods
.. raw:: html
6. Avanced topics ------------------- .. raw:: html
.. raw:: html
.. only:: html .. image:: /auto_examples/advanced/images/thumb/sphx_glr_using_ai4water_datasets_thumb.png :alt: 1. ai4water datasts :ref:`sphx_glr_auto_examples_advanced_using_ai4water_datasets.py` .. raw:: html
1. ai4water datasts
.. raw:: html
.. only:: html .. image:: /auto_examples/advanced/images/thumb/sphx_glr_working_with_large_data_thumb.png :alt: 2. working with large data :ref:`sphx_glr_auto_examples_advanced_working_with_large_data.py` .. raw:: html
2. working with large data
.. raw:: html
.. only:: html .. image:: /auto_examples/advanced/images/thumb/sphx_glr_multi_output_nn_thumb.png :alt: 3. multi-output neural network :ref:`sphx_glr_auto_examples_advanced_multi_output_nn.py` .. raw:: html
3. multi-output neural network
.. raw:: html
.. only:: html .. image:: /auto_examples/advanced/images/thumb/sphx_glr_multi_input_nn_thumb.png :alt: 4. multi-input neural network :ref:`sphx_glr_auto_examples_advanced_multi_input_nn.py` .. raw:: html
4. multi-input neural network
.. raw:: html
.. only:: html .. image:: /auto_examples/advanced/images/thumb/sphx_glr_using_conditional_rnn_thumb.png :alt: 5. using conditional RNN :ref:`sphx_glr_auto_examples_advanced_using_conditional_rnn.py` .. raw:: html
5. using conditional RNN
.. raw:: html
.. only:: html .. image:: /auto_examples/advanced/images/thumb/sphx_glr_quantile_regression_thumb.png :alt: 6. Quantile regression :ref:`sphx_glr_auto_examples_advanced_quantile_regression.py` .. raw:: html
6. Quantile regression
.. raw:: html
.. only:: html .. image:: /auto_examples/advanced/images/thumb/sphx_glr_auto_encoders_thumb.png :alt: 7. Autoencoders and variational autoencoders :ref:`sphx_glr_auto_examples_advanced_auto_encoders.py` .. raw:: html
7. Autoencoders and variational autoencoders
.. raw:: html
.. only:: html .. image:: /auto_examples/advanced/images/thumb/sphx_glr_using_third_party_models_thumb.png :alt: 8. using third party models :ref:`sphx_glr_auto_examples_advanced_using_third_party_models.py` .. raw:: html
8. using third party models
.. raw:: html
.. only:: html .. image:: /auto_examples/advanced/images/thumb/sphx_glr_customizing_training_loop_tf_thumb.png :alt: 9. customizing training loop in tensorflow :ref:`sphx_glr_auto_examples_advanced_customizing_training_loop_tf.py` .. raw:: html
9. customizing training loop in tensorflow
.. raw:: html
.. only:: html .. image:: /auto_examples/advanced/images/thumb/sphx_glr_customizing_training_loop_torch_thumb.png :alt: 10. customizing training loop in pytorch :ref:`sphx_glr_auto_examples_advanced_customizing_training_loop_torch.py` .. raw:: html
10. customizing training loop in pytorch
.. raw:: html
.. only:: html .. image:: /auto_examples/advanced/images/thumb/sphx_glr_customizing_loss_fn_tf_thumb.png :alt: 11. customizing loss function in tensorflow :ref:`sphx_glr_auto_examples_advanced_customizing_loss_fn_tf.py` .. raw:: html
11. customizing loss function in tensorflow
.. raw:: html
.. only:: html .. image:: /auto_examples/advanced/images/thumb/sphx_glr_customizing_loss_fn_torch_thumb.png :alt: 12. customizing loss function in pytorch :ref:`sphx_glr_auto_examples_advanced_customizing_loss_fn_torch.py` .. raw:: html
12. customizing loss function in pytorch
.. raw:: html
7. computer vision ------------------- .. raw:: html
.. raw:: html
.. only:: html .. image:: /auto_examples/computer_vision/images/thumb/sphx_glr_cloud_cover_detection_thumb.png :alt: 1. cloud cover detection :ref:`sphx_glr_auto_examples_computer_vision_cloud_cover_detection.py` .. raw:: html
1. cloud cover detection
.. raw:: html
.. only:: html .. image:: /auto_examples/computer_vision/images/thumb/sphx_glr_crop_disease_detection_thumb.png :alt: 2. crop disease detection :ref:`sphx_glr_auto_examples_computer_vision_crop_disease_detection.py` .. raw:: html
2. crop disease detection
.. raw:: html
.. only:: html .. image:: /auto_examples/computer_vision/images/thumb/sphx_glr_flood_prediction_thumb.png :alt: 3. flood prediction :ref:`sphx_glr_auto_examples_computer_vision_flood_prediction.py` .. raw:: html
3. flood prediction
.. raw:: html
.. only:: html .. image:: /auto_examples/computer_vision/images/thumb/sphx_glr_map_floodwater_thumb.png :alt: 4. map floodwater :ref:`sphx_glr_auto_examples_computer_vision_map_floodwater.py` .. raw:: html
4. map floodwater
.. raw:: html
.. only:: html .. image:: /auto_examples/computer_vision/images/thumb/sphx_glr_seismic_facies_thumb.png :alt: 5. seismic facies :ref:`sphx_glr_auto_examples_computer_vision_seismic_facies.py` .. raw:: html
5. seismic facies
.. raw:: html
.. only:: html .. image:: /auto_examples/computer_vision/images/thumb/sphx_glr_snow_cast_thumb.png :alt: 6. snow cast :ref:`sphx_glr_auto_examples_computer_vision_snow_cast.py` .. raw:: html
6. snow cast
.. raw:: html
.. only:: html .. image:: /auto_examples/computer_vision/images/thumb/sphx_glr_space_net_thumb.png :alt: 7. space net :ref:`sphx_glr_auto_examples_computer_vision_space_net.py` .. raw:: html
7. space net
.. raw:: html
.. only:: html .. image:: /auto_examples/computer_vision/images/thumb/sphx_glr_spot_the_crop_thumb.png :alt: 8. spot the crop :ref:`sphx_glr_auto_examples_computer_vision_spot_the_crop.py` .. raw:: html
8. spot the crop
.. raw:: html
.. only:: html .. image:: /auto_examples/computer_vision/images/thumb/sphx_glr_weather_4cast_thumb.png :alt: 9. weather forecasting :ref:`sphx_glr_auto_examples_computer_vision_weather_4cast.py` .. raw:: html
9. weather forecasting
.. raw:: html
.. toctree:: :hidden: :includehidden: /auto_examples/model/index.rst /auto_examples/hyperparameter_optimization/index.rst /auto_examples/model_comparison/index.rst /auto_examples/preprocessing/index.rst /auto_examples/postprocessing/index.rst /auto_examples/advanced/index.rst /auto_examples/computer_vision/index.rst .. only:: html .. container:: sphx-glr-footer sphx-glr-footer-gallery .. container:: sphx-glr-download sphx-glr-download-python :download:`Download all examples in Python source code: auto_examples_python.zip ` .. container:: sphx-glr-download sphx-glr-download-jupyter :download:`Download all examples in Jupyter notebooks: auto_examples_jupyter.zip ` .. only:: html .. rst-class:: sphx-glr-signature `Gallery generated by Sphinx-Gallery `_