├── .gitattributes ├── .github ├── ISSUE_TEMPLATE │ ├── bug-report.md │ ├── enhancement.md │ ├── model-compression-bug-report.md │ ├── model-compression-enhancement.md │ └── studentProgram.md ├── pull_request_template.md └── workflows │ ├── cffconvert.yml │ └── main.yml ├── .gitignore ├── .readthedocs.yaml ├── CITATION.cff ├── Dockerfile ├── LICENSE ├── README.md ├── SECURITY.md ├── crowdin.yml ├── dependencies ├── develop.txt ├── recommended.txt ├── recommended_gpu.txt ├── recommended_gpu_legacy.txt ├── recommended_legacy.txt ├── required.txt ├── required_extra.txt └── setup.txt ├── docs ├── .gitignore ├── Makefile ├── _removed │ ├── CurvefittingAssessor.rst │ ├── HowToDebug.rst │ ├── HowToLaunchFromPython.rst │ ├── HowToUseDocker.rst │ ├── InstallationLinux.rst │ ├── InstallationLinux_zh.rst │ ├── InstallationWin.rst │ ├── InstallationWin_zh.rst │ ├── Release_v1.0.md │ ├── SupportedFramework_Library.rst │ ├── TrainingService │ │ ├── AMLMode.rst │ │ ├── FrameworkControllerMode.rst │ │ ├── HybridMode.rst │ │ ├── KubeflowMode.rst │ │ ├── Overview.rst │ │ ├── PaiMode.rst │ │ └── RemoteMachineMode.rst │ ├── TrialExample │ │ ├── Cifar10Examples.rst │ │ ├── GbdtExample.rst │ │ ├── MnistExamples.rst │ │ ├── Pix2pixExample.rst │ │ └── SklearnExamples.rst │ ├── Trials.rst │ ├── Tuner │ │ ├── BohbAdvisor.rst │ │ ├── CustomizeAdvisor.rst │ │ ├── DngoTuner.rst │ │ ├── EvolutionTuner.rst │ │ ├── GPTuner.rst │ │ ├── HyperbandAdvisor.rst │ │ ├── MetisTuner.rst │ │ ├── PBTTuner.rst │ │ └── SmacTuner.rst │ ├── Tutorial │ │ ├── NNSpider.md │ │ ├── python_api_connect.ipynb │ │ └── python_api_start.ipynb │ ├── WebUI.rst │ ├── faq.rst │ ├── installation.rst │ ├── reference │ │ └── python_api.rst │ └── training_services.rst ├── extension │ ├── cardlinkitem.py │ ├── codesnippetcard.py │ ├── getpartialtext.py │ ├── inplace_translation.py │ ├── patch_autodoc.py │ ├── toctree_check.py │ └── tutorial_links.py ├── img │ ├── 3_steps.jpg │ ├── Assessor.png │ ├── EvoNasTuner.png │ ├── NAS_Bench_201.svg │ ├── NAS_Darts_cell.svg │ ├── NAS_ENAS_macro.svg │ ├── NAS_ENAS_micro.svg │ ├── NNIDesign.jpg │ ├── SA_latency_accuracy.png │ ├── Tensorboard_1.png │ ├── Tensorboard_2.png │ ├── Tensorboard_3.png │ ├── Tensorboard_4.png │ ├── agp_pruner.png │ ├── algo_NetAdapt.png │ ├── amc_pruner.jpg │ ├── aml_cluster.png │ ├── aml_workspace.png │ ├── apoz.png │ ├── azure_storage.png │ ├── bar.png │ ├── bohb_1.png │ ├── bohb_2.png │ ├── bohb_3.png │ ├── bohb_4.png │ ├── bohb_5.png │ ├── bohb_6.jpg │ ├── channel_dependency_example.jpg │ ├── compression_pipeline.png │ ├── compressor_framework.jpg │ ├── contributors.png │ ├── cream.png │ ├── cream_flops100.jpg │ ├── cream_flops600.jpg │ ├── curvefitting_example.PNG │ ├── curvefitting_expression_xi.gif │ ├── curvefitting_f_comb.gif │ ├── curvefitting_learning_curve.PNG │ ├── darts_illustration.png │ ├── darts_mode.png │ ├── darts_search_process.png │ ├── darts_val_acc.png │ ├── dependency-aware.jpg │ ├── dispatcher_error.jpg │ ├── distill.png │ ├── dlts-step1.png │ ├── dlts-step3.png │ ├── dlts-step4.png │ ├── dlts-step5.png │ ├── efficientnet_search_result.png │ ├── enas_search_space.png │ ├── example_combined.png │ ├── example_connectchoice.png │ ├── example_enas.png │ ├── example_layerchoice.png │ ├── example_of_curve_fitting.PNG │ ├── experiment_arch.png │ ├── experiment_process.jpg │ ├── expression_xi.gif │ ├── f_comb.gif │ ├── favicon.ico │ ├── fbnet.png │ ├── fpgm_fig1.png │ ├── highlevelarchi.png │ ├── hpo_benchmark │ │ ├── car_fold1_1.jpg │ │ ├── car_fold1_2.jpg │ │ ├── christine_fold0_1.jpg │ │ ├── christine_fold0_2.jpg │ │ ├── cnae-9_fold0_1.jpg │ │ ├── cnae-9_fold0_2.jpg │ │ ├── credit-g_fold1_1.jpg │ │ ├── credit-g_fold1_2.jpg │ │ ├── performances.png │ │ ├── titanic_2_fold1_1.jpg │ │ └── titanic_2_fold1_2.jpg │ ├── hpo_rocksdb_fillrandom.png │ ├── hpo_rocksdb_readrandom.png │ ├── huggingface_bert_architecture.png │ ├── hyperband_parallelism.png │ ├── hyperband_serial.png │ ├── importance_estimation_sum.png │ ├── kubeflow_training_design.png │ ├── l1filter_pruner.png │ ├── learning_curve.PNG │ ├── lottery_ticket_mnist_fc.png │ ├── mask_conflict.jpg │ ├── mobilev2_l1_cifar.jpg │ ├── movement_pruning.png │ ├── nas-bench-101-example.png │ ├── nas-bench-201-example.png │ ├── nas-bench-nds-example.png │ ├── nas-bench-nlp-example1.jpeg │ ├── nas-bench-nlp-example2.jpeg │ ├── nas_abstract_illustration.png │ ├── nas_on_nni.png │ ├── nas_weight_share.png │ ├── nasnet_cell.png │ ├── nasnet_cell_stack.png │ ├── nasui-1.png │ ├── nasui-2.png │ ├── netron_entrance_webui.png │ ├── nni-1.png │ ├── nni_arch_overview.png │ ├── nni_icon.svg │ ├── nni_logo.png │ ├── nni_logo_dark.png │ ├── nni_pai_joblist.jpg │ ├── nni_prune_process.png │ ├── nni_trial_hdfs_output.jpg │ ├── nni_webui_joblist.png │ ├── one-shot_training.png │ ├── oneshot_mode.png │ ├── opevo.png │ ├── overview.svg │ ├── pai_data_management_page.jpg │ ├── pai_job_submission_page.jpg │ ├── pai_profile.jpg │ ├── pai_token.jpg │ ├── pai_token_button.jpg │ ├── parallel_tpe_search1.gif │ ├── parallel_tpe_search2.gif │ ├── parallel_tpe_search3.gif │ ├── parallel_tpe_search4.PNG │ ├── parallel_tpe_search_branin.PNG │ ├── parallel_tpe_search_cl.PNG │ ├── parallel_tpe_search_ei.PNG │ ├── parallel_tpe_search_ei2.PNG │ ├── parallel_tpe_search_kb.PNG │ ├── parallel_tpe_search_qEI.PNG │ ├── parallel_tpe_search_result.PNG │ ├── parallel_tpe_search_tpe.PNG │ ├── pbt.jpg │ ├── pix2pix_pytorch_facades.png │ ├── ppo_cifar10.png │ ├── ppo_mnist.png │ ├── proxylessnas.png │ ├── prune_quant.jpg │ ├── pruning_process.png │ ├── readme_banner.png │ ├── release-1-title-1.png │ ├── release-1-title-2.png │ ├── release_icon.png │ ├── rocksdb-fillrandom-plot.png │ ├── slim_pruner.png │ ├── thumbnails │ │ ├── experiment-management-small.svg │ │ ├── feature-engineering-small.svg │ │ ├── hpo-pytorch.svg │ │ ├── hpo-small.svg │ │ ├── hpo-tensorflow.svg │ │ ├── multi-trial-nas-small.svg │ │ ├── nas-benchmark.svg │ │ ├── nas-tutorial.svg │ │ ├── nni_icon_blue.png │ │ ├── nni_icon_white.png │ │ ├── one-shot-nas-small.svg │ │ ├── pruning-small.svg │ │ ├── pruning-speed-up.svg │ │ ├── pruning-tutorial.svg │ │ ├── quantization-small.svg │ │ ├── quantization-speed-up.svg │ │ ├── quantization-tutorial.svg │ │ ├── training-service-small.svg │ │ └── web-portal-small.svg │ ├── transformer_structure.png │ ├── trial_error.jpg │ ├── trialkeeper.jpg │ ├── version_check.png │ ├── webui_img │ │ ├── add_column.png │ │ ├── best_curve.png │ │ ├── compare.png │ │ ├── config.png │ │ ├── copy_parameter.png │ │ ├── default_metric.png │ │ ├── detail │ │ │ ├── customized_trial.png │ │ │ ├── customized_trial_button.png │ │ │ ├── log_local.png │ │ │ ├── search_No.png │ │ │ ├── search_id.png │ │ │ ├── search_parameter_choice.png │ │ │ ├── search_parameter_range.png │ │ │ └── search_status.png │ │ ├── detail_local.png │ │ ├── detail_pai.png │ │ ├── edit_experiment_param.gif │ │ ├── experiment_error.gif │ │ ├── filter_intermediate.png │ │ ├── full_oview.png │ │ ├── hyper_parameter.png │ │ ├── intermediate.png │ │ ├── kill_running.png │ │ ├── manage_experiment_list │ │ │ ├── filter.png │ │ │ ├── list.png │ │ │ ├── nav.png │ │ │ └── to_another_exp.png │ │ ├── refresh_interval.png │ │ ├── review_log.png │ │ ├── search_space.png │ │ ├── select_trial.png │ │ ├── summary.png │ │ ├── trial_duration.png │ │ └── trials_intermeidate.png │ ├── webui_overview_page.png │ ├── webui_trialdetail_page.png │ └── weight_sharing.png ├── source │ ├── compression │ │ ├── advance.rst │ │ ├── best_practices.rst │ │ ├── changes.rst │ │ ├── config_list.rst │ │ ├── evaluator.rst │ │ ├── fusion_compress.rst │ │ ├── module_fusion.rst │ │ ├── overview.rst │ │ ├── pruner.rst │ │ ├── pruning.rst │ │ ├── quantization.rst │ │ ├── quantizer.rst │ │ ├── setting.rst │ │ ├── toctree.rst │ │ ├── toctree_pruning.rst │ │ └── toctree_quantization.rst │ ├── conf.py │ ├── examples.rst │ ├── experiment │ │ ├── experiment_management.rst │ │ ├── overview.rst │ │ ├── toctree.rst │ │ ├── training_service │ │ │ ├── adaptdl.rst │ │ │ ├── aml.rst │ │ │ ├── customize.rst │ │ │ ├── frameworkcontroller.rst │ │ │ ├── hybrid.rst │ │ │ ├── kubeflow.rst │ │ │ ├── local.rst │ │ │ ├── openpai.rst │ │ │ ├── overview.rst │ │ │ ├── paidlc.rst │ │ │ ├── remote.rst │ │ │ ├── shared_storage.rst │ │ │ └── toctree.rst │ │ └── web_portal │ │ │ ├── tensorboard.rst │ │ │ ├── toctree.rst │ │ │ ├── web_portal.rst │ │ │ └── web_portal_zh.rst │ ├── feature_engineering │ │ ├── gbdt_selector.rst │ │ ├── gradient_feature_selector.rst │ │ ├── overview.rst │ │ └── toctree.rst │ ├── hpo │ │ ├── advanced_usage.rst │ │ ├── assessors.rst │ │ ├── custom_algorithm.rst │ │ ├── custom_algorithm_installation.rst │ │ ├── hpo_benchmark.rst │ │ ├── hpo_benchmark_stats.rst │ │ ├── overview.rst │ │ ├── overview_zh.rst │ │ ├── quickstart.rst │ │ ├── search_space.rst │ │ ├── toctree.rst │ │ ├── toctree_zh.rst │ │ └── tuners.rst │ ├── index.rst │ ├── index_zh.rst │ ├── installation.rst │ ├── installation_zh.rst │ ├── locales │ │ └── zh │ │ │ └── LC_MESSAGES │ │ │ ├── compression.po │ │ │ ├── hpo.po │ │ │ ├── index.po │ │ │ ├── installation.po │ │ │ ├── nas.po │ │ │ ├── quickstart.po │ │ │ ├── sphinx.po │ │ │ └── tutorials.po │ ├── nas │ │ ├── advanced_usage.rst │ │ ├── benchmarks.rst │ │ ├── benchmarks_toctree.rst │ │ ├── construct_space.rst │ │ ├── evaluator.rst │ │ ├── execution_engine.rst │ │ ├── exploration_strategy.rst │ │ ├── hardware_aware_nas.rst │ │ ├── mutator.rst │ │ ├── overview.rst │ │ ├── serialization.rst │ │ ├── space_hub.rst │ │ ├── toctree.rst │ │ └── tutorials.rst │ ├── notes │ │ ├── architecture_overview.rst │ │ ├── build_from_source.rst │ │ ├── contributing.rst │ │ └── research_publications.rst │ ├── quickstart.rst │ ├── quickstart_zh.rst │ ├── reference │ │ ├── compression │ │ │ ├── distiller.rst │ │ │ ├── evaluator.rst │ │ │ ├── pruner.rst │ │ │ ├── pruning_speedup.rst │ │ │ ├── quantizer.rst │ │ │ ├── toctree.rst │ │ │ └── utils.rst │ │ ├── experiment.rst │ │ ├── experiment_config.rst │ │ ├── hpo.rst │ │ ├── mutable.rst │ │ ├── nas.rst │ │ ├── nnictl.rst │ │ ├── others.rst │ │ └── python_api.rst │ ├── refs.bib │ ├── release.rst │ ├── sharings │ │ ├── automodel_toctree.rst │ │ ├── autosys_toctree.rst │ │ ├── community_sharings.rst │ │ ├── efficientnet.rst │ │ ├── feature_engineering_toctree.rst │ │ ├── hpo_comparison.rst │ │ ├── images │ │ │ └── nn_spider │ │ │ │ ├── comfort.png │ │ │ │ ├── crying.png │ │ │ │ ├── cut.png │ │ │ │ ├── error.png │ │ │ │ ├── holiday.png │ │ │ │ ├── home.svg │ │ │ │ ├── nobug.png │ │ │ │ ├── sign.png │ │ │ │ ├── sweat.png │ │ │ │ ├── weaving.png │ │ │ │ └── working.png │ │ ├── nas_comparison.rst │ │ ├── nn_spider.rst │ │ ├── nni_autofeatureeng.rst │ │ ├── nni_colab_support.rst │ │ ├── op_evo_examples.rst │ │ ├── overview.rst │ │ ├── parallelizing_tpe_search.rst │ │ ├── perf_compare_toctree.rst │ │ ├── recommenders_svd.rst │ │ ├── rocksdb_examples.rst │ │ ├── sptag_auto_tune.rst │ │ └── squad_evolution_examples.rst │ └── tutorials │ │ ├── darts.ipynb │ │ ├── darts.py │ │ ├── darts.py.md5 │ │ ├── darts.rst │ │ ├── darts_codeobj.pickle │ │ ├── hello_nas.ipynb │ │ ├── hello_nas.py │ │ ├── hello_nas.py.md5 │ │ ├── hello_nas.rst │ │ ├── hello_nas_codeobj.pickle │ │ ├── hpo_nnictl │ │ ├── model.ipynb │ │ ├── model.py │ │ ├── model.py.md5 │ │ ├── model.rst │ │ ├── model_codeobj.pickle │ │ └── nnictl.rst │ │ ├── hpo_quickstart_pytorch │ │ ├── images │ │ │ └── thumb │ │ │ │ ├── sphx_glr_main_thumb.png │ │ │ │ └── sphx_glr_model_thumb.png │ │ ├── index.rst │ │ ├── main.ipynb │ │ ├── main.py │ │ ├── main.py.md5 │ │ ├── main.rst │ │ ├── main_codeobj.pickle │ │ ├── main_zh.rst │ │ ├── model.ipynb │ │ ├── model.py │ │ ├── model.py.md5 │ │ ├── model.rst │ │ ├── model_codeobj.pickle │ │ ├── model_zh.rst │ │ └── sg_execution_times.rst │ │ ├── hpo_quickstart_tensorflow │ │ ├── images │ │ │ └── thumb │ │ │ │ ├── sphx_glr_main_thumb.png │ │ │ │ └── sphx_glr_model_thumb.png │ │ ├── index.rst │ │ ├── main.ipynb │ │ ├── main.py │ │ ├── main.py.md5 │ │ ├── main.rst │ │ ├── main_codeobj.pickle │ │ ├── model.ipynb │ │ ├── model.py │ │ ├── model.py.md5 │ │ ├── model.rst │ │ ├── model_codeobj.pickle │ │ └── sg_execution_times.rst │ │ ├── images │ │ ├── sphx_glr_darts_001.png │ │ ├── sphx_glr_darts_002.png │ │ ├── sphx_glr_darts_003.png │ │ └── thumb │ │ │ ├── sphx_glr_darts_thumb.png │ │ │ ├── sphx_glr_hello_nas_thumb.png │ │ │ ├── sphx_glr_nas_quick_start_mnist_thumb.png │ │ │ ├── sphx_glr_nasbench_as_dataset_thumb.png │ │ │ ├── sphx_glr_new_pruning_bert_glue_thumb.png │ │ │ ├── sphx_glr_nni_experiment_thumb.png │ │ │ ├── sphx_glr_pruning_bert_glue_thumb.png │ │ │ ├── sphx_glr_pruning_customize_thumb.png │ │ │ ├── sphx_glr_pruning_quick_start_mnist_thumb.png │ │ │ ├── sphx_glr_pruning_quick_start_thumb.png │ │ │ ├── sphx_glr_pruning_speedup_thumb.png │ │ │ ├── sphx_glr_quantization_bert_glue_thumb.png │ │ │ ├── sphx_glr_quantization_customize_thumb.png │ │ │ ├── sphx_glr_quantization_quick_start_mnist_thumb.png │ │ │ ├── sphx_glr_quantization_quick_start_thumb.png │ │ │ └── sphx_glr_quantization_speedup_thumb.png │ │ ├── index.rst │ │ ├── nasbench_as_dataset.ipynb │ │ ├── nasbench_as_dataset.py │ │ ├── nasbench_as_dataset.py.md5 │ │ ├── nasbench_as_dataset.rst │ │ ├── nasbench_as_dataset_codeobj.pickle │ │ ├── new_pruning_bert_glue.ipynb │ │ ├── new_pruning_bert_glue.py │ │ ├── new_pruning_bert_glue.py.md5 │ │ ├── new_pruning_bert_glue.rst │ │ ├── new_pruning_bert_glue_codeobj.pickle │ │ ├── pruning_quick_start.ipynb │ │ ├── pruning_quick_start.py │ │ ├── pruning_quick_start.py.md5 │ │ ├── pruning_quick_start.rst │ │ ├── pruning_quick_start_codeobj.pickle │ │ ├── pruning_speedup.ipynb │ │ ├── pruning_speedup.py │ │ ├── pruning_speedup.py.md5 │ │ ├── pruning_speedup.rst │ │ ├── pruning_speedup_codeobj.pickle │ │ ├── quantization_bert_glue.ipynb │ │ ├── quantization_bert_glue.py │ │ ├── quantization_bert_glue.py.md5 │ │ ├── quantization_bert_glue.rst │ │ ├── quantization_bert_glue_codeobj.pickle │ │ ├── quantization_quick_start.ipynb │ │ ├── quantization_quick_start.py │ │ ├── quantization_quick_start.py.md5 │ │ ├── quantization_quick_start.rst │ │ ├── quantization_quick_start_codeobj.pickle │ │ ├── quantization_speedup.ipynb │ │ ├── quantization_speedup.py │ │ ├── quantization_speedup.py.md5 │ │ ├── quantization_speedup.rst │ │ ├── quantization_speedup_codeobj.pickle │ │ └── sg_execution_times.rst ├── static │ ├── css │ │ ├── index_page.css │ │ ├── material_custom.css │ │ ├── material_dropdown.css │ │ ├── material_theme.css │ │ └── sphinx_gallery.css │ ├── img │ │ ├── README.md │ │ ├── contributors.png │ │ ├── gallery-colab.svg │ │ ├── gallery-download.svg │ │ ├── gallery-github.svg │ │ ├── hero-background.svg │ │ ├── nni-icon.svg │ │ ├── overview.svg │ │ ├── release_icon.png │ │ └── webui.gif │ └── js │ │ ├── github.js │ │ ├── misc.js │ │ ├── sphinx_gallery.js │ │ └── version.js ├── templates │ ├── autosummary │ │ └── module.rst │ ├── globaltoc.html │ ├── header.html │ ├── hero.html │ ├── layout.html │ ├── relbar.html │ └── sidebar.html └── tools │ ├── chineselink.py │ ├── restoremd.py │ └── translation_patch.py ├── examples ├── assessors │ ├── README.md │ └── README_zh_CN.md ├── compression │ ├── README.md │ ├── evaluator │ │ ├── lightning_evaluator.py │ │ └── torch_evaluator.py │ ├── fusion │ │ ├── pd_fuse.py │ │ └── pqd_fuse.py │ ├── models.py │ ├── pruning │ │ ├── norm_pruning.py │ │ ├── scheduled_pruning.py │ │ ├── slim_pruning.py │ │ └── taylor_pruning.py │ └── quantization │ │ ├── bnn_example.py │ │ ├── dorefa_example.py │ │ ├── lsq_example.py │ │ ├── ptq_example.py │ │ └── qat_example.py ├── concrete_tracer │ ├── concrete_trace_distilbert.py │ ├── concrete_trace_yolov3.py │ └── concrete_trace_yolov5.py ├── feature_engineering │ ├── auto-feature-engineering │ │ ├── README.md │ │ └── README_zh_CN.md │ ├── gbdt_selector │ │ └── gbdt_selector_test.py │ └── gradient_feature_selector │ │ ├── .gitignore │ │ ├── benchmark_test.py │ │ ├── sklearn_test.py │ │ ├── test_memory.py │ │ └── test_time.py ├── model_compress │ └── quantization │ │ ├── bert_ds_config.json │ │ ├── bert_quantization_with_ds.py │ │ ├── ds_config.json │ │ └── quantization_with_deepspeed.py ├── nas │ ├── .gitignore │ ├── benchmarks │ │ ├── .gitignore │ │ ├── nasbench101.requirements.txt │ │ ├── nasbench101.sh │ │ ├── nasbench201.requirements.txt │ │ ├── nasbench201.sh │ │ ├── nds.requirements.txt │ │ ├── nds.sh │ │ ├── nlp.requirements.txt │ │ └── nlp.sh │ └── legacy │ │ ├── README.md │ │ ├── cdarts │ │ ├── aux_head.py │ │ ├── config.py │ │ ├── datasets │ │ │ ├── cifar.py │ │ │ ├── data_utils.py │ │ │ └── imagenet.py │ │ ├── genotypes.py │ │ ├── model.py │ │ ├── ops.py │ │ ├── retrain.py │ │ ├── run_retrain_cifar.sh │ │ ├── run_search_cifar.sh │ │ ├── search.py │ │ └── utils.py │ │ ├── classic_nas-tf │ │ ├── config_ppo.yml │ │ ├── config_random_search.yml │ │ └── train.py │ │ ├── classic_nas │ │ ├── config_ppo.yml │ │ ├── config_random_search.yml │ │ └── mnist.py │ │ ├── cream │ │ ├── Cream.md │ │ ├── Cream_zh_CN.md │ │ ├── __init__.py │ │ ├── configs │ │ │ ├── retrain │ │ │ │ ├── 114.yaml │ │ │ │ ├── 14.yaml │ │ │ │ ├── 23.yaml │ │ │ │ ├── 287.yaml │ │ │ │ ├── 43.yaml │ │ │ │ ├── 481.yaml │ │ │ │ ├── 604.yaml │ │ │ │ └── 72.yaml │ │ │ ├── test.yaml │ │ │ └── train.yaml │ │ ├── lib │ │ │ ├── config.py │ │ │ ├── core │ │ │ │ ├── retrain.py │ │ │ │ └── test.py │ │ │ ├── models │ │ │ │ ├── blocks │ │ │ │ │ ├── __init__.py │ │ │ │ │ ├── inverted_residual_block.py │ │ │ │ │ └── residual_block.py │ │ │ │ ├── builders │ │ │ │ │ ├── build_childnet.py │ │ │ │ │ └── build_supernet.py │ │ │ │ └── structures │ │ │ │ │ ├── childnet.py │ │ │ │ │ └── supernet.py │ │ │ └── utils │ │ │ │ ├── builder_util.py │ │ │ │ ├── flops_table.py │ │ │ │ ├── op_by_layer_dict.py │ │ │ │ ├── search_structure_supernet.py │ │ │ │ └── util.py │ │ ├── requirements │ │ ├── retrain.py │ │ ├── test.py │ │ └── train.py │ │ ├── mnasnet │ │ ├── base_mnasnet.py │ │ ├── mutator.py │ │ └── search.py │ │ ├── mnist │ │ └── search.py │ │ ├── nasbench101 │ │ ├── base_ops.py │ │ └── network.py │ │ ├── nasbench201 │ │ ├── base_ops.py │ │ └── network.py │ │ ├── notebooks │ │ ├── Retiarii_example_multi-trial_NAS.ipynb │ │ ├── Retiarii_example_one-shot_NAS.ipynb │ │ ├── tabular_data_classification_in_AML.ipynb │ │ └── utils.py │ │ ├── oneshot │ │ ├── darts │ │ │ ├── README.md │ │ │ ├── README_zh_CN.md │ │ │ ├── datasets.py │ │ │ ├── model.py │ │ │ ├── ops.py │ │ │ ├── retrain.py │ │ │ ├── search.py │ │ │ └── utils.py │ │ ├── enas-tf │ │ │ ├── datasets.py │ │ │ ├── macro.py │ │ │ ├── micro.py │ │ │ ├── search.py │ │ │ └── utils.py │ │ ├── enas │ │ │ ├── README.md │ │ │ ├── README_zh_CN.md │ │ │ ├── datasets.py │ │ │ ├── macro.py │ │ │ ├── micro.py │ │ │ ├── ops.py │ │ │ ├── search.py │ │ │ └── utils.py │ │ ├── naive-tf │ │ │ └── train.py │ │ ├── naive │ │ │ ├── .gitignore │ │ │ ├── README.md │ │ │ ├── README_zh_CN.md │ │ │ └── train.py │ │ ├── pfld │ │ │ ├── __init__.py │ │ │ ├── datasets.py │ │ │ ├── export.py │ │ │ ├── lib │ │ │ │ ├── __init__.py │ │ │ │ ├── builder.py │ │ │ │ ├── ops.py │ │ │ │ ├── subnet.py │ │ │ │ ├── supernet.py │ │ │ │ ├── trainer.py │ │ │ │ └── utils.py │ │ │ ├── retrain.py │ │ │ └── train.py │ │ ├── proxylessnas │ │ │ ├── datasets.py │ │ │ ├── main.py │ │ │ ├── model.py │ │ │ ├── ops.py │ │ │ ├── putils.py │ │ │ └── retrain.py │ │ └── spos │ │ │ ├── README.md │ │ │ ├── README_zh_CN.md │ │ │ ├── architecture_final.json │ │ │ ├── blocks.py │ │ │ ├── evaluation.py │ │ │ ├── network.py │ │ │ ├── search.py │ │ │ ├── supernet.py │ │ │ └── utils.py │ │ ├── pdarts │ │ ├── .gitignore │ │ ├── README.md │ │ ├── README_zh_CN.md │ │ └── search.py │ │ ├── search_space_zoo │ │ ├── darts_example.py │ │ ├── darts_stack_cells.py │ │ ├── datasets.py │ │ ├── enas_macro_example.py │ │ ├── enas_micro_example.py │ │ ├── fixed-architecture.json │ │ ├── nasbench201.py │ │ └── utils.py │ │ ├── textnas │ │ ├── README.md │ │ ├── README_zh_CN.md │ │ ├── arc │ │ │ └── final_arc.json │ │ ├── dataloader.py │ │ ├── model.py │ │ ├── ops.py │ │ ├── retrain.py │ │ ├── run_retrain.sh │ │ ├── search.py │ │ └── utils.py │ │ └── transformer │ │ ├── README.md │ │ └── retiarii_transformer_demo.py ├── trials │ ├── README.md │ ├── README_zh_CN.md │ ├── auto-gbdt │ │ ├── config.yml │ │ ├── config_metis.yml │ │ ├── config_windows.yml │ │ ├── data │ │ │ ├── regression.test │ │ │ └── regression.train │ │ ├── main.py │ │ ├── requirments.txt │ │ └── search_space.json │ ├── benchmarking │ │ ├── automlbenchmark │ │ │ ├── .gitignore │ │ │ ├── nni │ │ │ │ ├── benchmarks │ │ │ │ │ ├── nnismall-binary.yaml │ │ │ │ │ ├── nnismall-multiclass.yaml │ │ │ │ │ ├── nnismall-regression.yaml │ │ │ │ │ ├── nnismall.yaml │ │ │ │ │ ├── nnismall_description.txt │ │ │ │ │ └── nnivalid.yaml │ │ │ │ ├── config.yaml │ │ │ │ ├── extensions │ │ │ │ │ └── NNI │ │ │ │ │ │ ├── .marker_setup_safe_to_delete │ │ │ │ │ │ ├── __init__.py │ │ │ │ │ │ ├── architectures │ │ │ │ │ │ ├── run_mlp.py │ │ │ │ │ │ └── run_random_forest.py │ │ │ │ │ │ ├── exec.py │ │ │ │ │ │ ├── run_experiment.py │ │ │ │ │ │ └── tuners.py │ │ │ │ └── frameworks.yaml │ │ │ ├── parse_result_csv.py │ │ │ ├── requirements.txt │ │ │ ├── runbenchmark_nni.sh │ │ │ └── setup.sh │ │ └── hyperband │ │ │ ├── config_hyperband.yml │ │ │ ├── main.py │ │ │ └── search_space.json │ ├── cifar10_pytorch │ │ ├── README.md │ │ ├── README_zh_CN.md │ │ ├── adl.Dockerfile │ │ ├── config.yml │ │ ├── config_adl.yml │ │ ├── config_windows.yml │ │ ├── main.py │ │ ├── main_adl.py │ │ ├── models │ │ │ ├── __init__.py │ │ │ ├── densenet.py │ │ │ ├── dpn.py │ │ │ ├── googlenet.py │ │ │ ├── lenet.py │ │ │ ├── mobilenet.py │ │ │ ├── mobilenetv2.py │ │ │ ├── pnasnet.py │ │ │ ├── preact_resnet.py │ │ │ ├── resnet.py │ │ │ ├── resnext.py │ │ │ ├── senet.py │ │ │ ├── shufflenet.py │ │ │ └── vgg.py │ │ ├── search_space.json │ │ ├── search_space_adl.json │ │ └── utils.py │ ├── efficientnet │ │ ├── .gitignore │ │ ├── README.md │ │ ├── README_zh_CN.md │ │ ├── config.yml │ │ ├── config_windows.yml │ │ ├── search_net.json │ │ └── tuner.py │ ├── ga_squad │ │ ├── README.md │ │ ├── README_zh_CN.md │ │ ├── attention.py │ │ ├── config.yml │ │ ├── config_windows.yml │ │ ├── data.py │ │ ├── download.sh │ │ ├── evaluate.py │ │ ├── ga_squad.png │ │ ├── graph.py │ │ ├── graph_to_tf.py │ │ ├── requirements.txt │ │ ├── rnn.py │ │ ├── train_model.py │ │ ├── trial.py │ │ └── util.py │ ├── kaggle-tgs-salt │ │ ├── README.md │ │ ├── README_zh_CN.md │ │ ├── augmentation.py │ │ ├── config.yml │ │ ├── config_windows.yml │ │ ├── focal_loss.py │ │ ├── loader.py │ │ ├── lovasz_losses.py │ │ ├── metrics.py │ │ ├── models.py │ │ ├── postprocessing.py │ │ ├── predict.py │ │ ├── preprocess.py │ │ ├── settings.py │ │ ├── train.py │ │ └── utils.py │ ├── mnist-advisor │ │ ├── config_bohb.yml │ │ ├── config_hyperband.yml │ │ ├── mnist.py │ │ └── search_space.json │ ├── mnist-batch-tune-keras │ │ ├── config.yml │ │ ├── config_windows.yml │ │ ├── mnist-keras.py │ │ ├── requirements.txt │ │ └── search_space.json │ ├── mnist-distributed-pytorch │ │ ├── config_kubeflow.yml │ │ ├── dist_mnist.py │ │ └── search_space.json │ ├── mnist-distributed-tfv1 │ │ ├── config_kubeflow.yml │ │ ├── dist_mnist.py │ │ └── search_space.json │ ├── mnist-keras │ │ ├── config.yml │ │ ├── config_pai.yml │ │ ├── config_windows.yml │ │ ├── mnist-keras.py │ │ └── search_space.json │ ├── mnist-nested-search-space │ │ ├── config.yml │ │ ├── config_windows.yml │ │ ├── mnist.py │ │ ├── requirments.txt │ │ ├── sample.json │ │ └── search_space.json │ ├── mnist-pbt-tuner-pytorch │ │ ├── .gitignore │ │ ├── config.yml │ │ ├── config_windows.yml │ │ ├── mnist.py │ │ └── search_space.json │ ├── mnist-pytorch │ │ ├── .gitignore │ │ ├── .nniignore │ │ ├── config.yml │ │ ├── config_adl.yml │ │ ├── config_aml.yml │ │ ├── config_assessor.yml │ │ ├── config_detailed.yml │ │ ├── config_dlc.yml │ │ ├── config_dlc_resource.yml │ │ ├── config_frameworkcontroller.yml │ │ ├── config_frameworkcontroller_custom.yml │ │ ├── config_hybrid.yml │ │ ├── config_kubeflow.yml │ │ ├── config_openpai.yml │ │ ├── config_remote.yml │ │ ├── config_tensorboard.yml │ │ ├── config_windows.yml │ │ ├── fc_template.yml │ │ ├── mnist.py │ │ ├── mnist_tensorboard.py │ │ ├── requirements.txt │ │ └── search_space.json │ ├── mnist-sharedstorage │ │ ├── config_azureblob.yml │ │ ├── config_nfs.yml │ │ ├── mnist.py │ │ ├── requirements.txt │ │ └── search_space.json │ ├── mnist-tfv1 │ │ ├── .nniignore │ │ ├── config.yml │ │ ├── config_aml.yml │ │ ├── config_assessor.yml │ │ ├── config_dlts.yml │ │ ├── config_frameworkcontroller.yml │ │ ├── config_hybrid.yml │ │ ├── config_hybrid_v2.yml │ │ ├── config_kubeflow.yml │ │ ├── config_pai.yml │ │ ├── config_windows.yml │ │ ├── launch_hybrid.py │ │ ├── mnist.py │ │ ├── mnist_before.py │ │ └── search_space.json │ ├── mnist-tfv2 │ │ ├── config.yml │ │ ├── config_assessor.yml │ │ ├── config_detailed.yml │ │ ├── config_hybrid.yml │ │ ├── config_remote.yml │ │ ├── config_windows.yml │ │ ├── launch.py │ │ ├── mnist.py │ │ └── search_space.json │ ├── network_morphism │ │ ├── FashionMNIST │ │ │ ├── FashionMNIST_keras.py │ │ │ ├── FashionMNIST_pytorch.py │ │ │ ├── __init__.py │ │ │ ├── config.yml │ │ │ └── utils.py │ │ ├── README.md │ │ ├── README_zh_CN.md │ │ ├── cifar10 │ │ │ ├── __init__.py │ │ │ ├── cifar10_keras.py │ │ │ ├── cifar10_pytorch.py │ │ │ ├── config.yml │ │ │ └── utils.py │ │ └── requirements.txt │ ├── pix2pix-pytorch │ │ ├── .gitignore │ │ ├── base_params.py │ │ ├── config.yml │ │ ├── pix2pix.py │ │ ├── setup.sh │ │ └── test.py │ ├── sklearn │ │ ├── classification │ │ │ ├── config.yml │ │ │ ├── main.py │ │ │ ├── python_api_connect.ipynb │ │ │ ├── python_api_start.ipynb │ │ │ └── search_space.json │ │ ├── regression │ │ │ ├── config.yml │ │ │ ├── main.py │ │ │ └── search_space.json │ │ └── requirements.txt │ ├── systems_auto_tuning │ │ ├── opevo │ │ │ ├── Dockerfile │ │ │ ├── Makefile │ │ │ ├── screenshot.png │ │ │ ├── src │ │ │ │ ├── algorithms │ │ │ │ │ ├── gbfs.py │ │ │ │ │ ├── na2c.py │ │ │ │ │ └── opevo.py │ │ │ │ ├── compiler_auto_tune_stable.py │ │ │ │ ├── experiments │ │ │ │ │ ├── bmm │ │ │ │ │ │ ├── B960N128K128M64PNN │ │ │ │ │ │ │ ├── config_opevo.yml │ │ │ │ │ │ │ └── search_space.json │ │ │ │ │ │ ├── B960N128K128M64PTN │ │ │ │ │ │ │ ├── config_opevo.yml │ │ │ │ │ │ │ └── search_space.json │ │ │ │ │ │ └── B960N128K64M128PNT │ │ │ │ │ │ │ ├── config_opevo.yml │ │ │ │ │ │ │ └── search_space.json │ │ │ │ │ ├── conv │ │ │ │ │ │ ├── N512C3HW227F64K11ST4PD0 │ │ │ │ │ │ │ ├── config_opevo.yml │ │ │ │ │ │ │ └── search_space.json │ │ │ │ │ │ └── N512C64HW27F192K5ST1PD2 │ │ │ │ │ │ │ ├── config_opevo.yml │ │ │ │ │ │ │ └── search_space.json │ │ │ │ │ └── mm │ │ │ │ │ │ ├── N512K1024M1024 │ │ │ │ │ │ ├── config_gbfs.yml │ │ │ │ │ │ ├── config_na2c.yml │ │ │ │ │ │ ├── config_opevo.yml │ │ │ │ │ │ └── search_space.json │ │ │ │ │ │ ├── N512K1024M4096 │ │ │ │ │ │ ├── config_gbfs.yml │ │ │ │ │ │ ├── config_na2c.yml │ │ │ │ │ │ ├── config_opevo.yml │ │ │ │ │ │ └── search_space.json │ │ │ │ │ │ └── N512K4096M1024 │ │ │ │ │ │ ├── config_gbfs.yml │ │ │ │ │ │ ├── config_na2c.yml │ │ │ │ │ │ ├── config_opevo.yml │ │ │ │ │ │ └── search_space.json │ │ │ │ ├── run.sh │ │ │ │ └── templates │ │ │ │ │ ├── batch_matmul.py │ │ │ │ │ ├── convfwd_direct.py │ │ │ │ │ └── matmul.py │ │ │ └── tvm_patches │ │ │ │ ├── libcuda.so.1 │ │ │ │ └── tvm_v0.6.patch │ │ └── rocksdb-fillrandom │ │ │ ├── config_smac.yml │ │ │ ├── config_tpe.yml │ │ │ ├── db_bench_installation.sh │ │ │ ├── main.py │ │ │ ├── plot.png │ │ │ └── search_space.json │ └── weight_sharing │ │ └── ga_squad │ │ ├── attention.py │ │ ├── config_remote.yml │ │ ├── data.py │ │ ├── download.sh │ │ ├── evaluate.py │ │ ├── graph.py │ │ ├── graph_to_tf.py │ │ ├── rnn.py │ │ ├── train_model.py │ │ ├── trial.py │ │ └── util.py ├── tuners │ ├── customized_tuner │ │ ├── README.md │ │ ├── README_zh_CN.md │ │ ├── demo_tuner │ │ │ ├── __init__.py │ │ │ └── demo_tuner.py │ │ ├── meta_file.yml │ │ └── setup.py │ ├── ga_customer_tuner │ │ ├── README.md │ │ ├── README_zh_CN.md │ │ ├── __init__.py │ │ ├── customer_tuner.py │ │ └── graph.py │ ├── mnist_keras_customized_advisor │ │ ├── config.yml │ │ ├── dummy_advisor.py │ │ ├── mnist_keras.py │ │ └── search_space.json │ ├── random_nas_tuner │ │ └── random_nas_tuner.py │ └── weight_sharing │ │ └── ga_customer_tuner │ │ ├── README.md │ │ ├── README_zh_CN.md │ │ ├── __init__.py │ │ ├── customer_tuner.py │ │ └── graph.py └── tutorials │ ├── .gitignore │ ├── README.rst │ ├── darts.py │ ├── hello_nas.py │ ├── hpo_nnictl │ ├── config.yaml │ ├── model.py │ └── nnictl.rst │ ├── hpo_quickstart_pytorch │ ├── README.rst │ ├── main.py │ └── model.py │ ├── hpo_quickstart_tensorflow │ ├── README.rst │ ├── main.py │ └── model.py │ ├── nasbench_as_dataset.py │ ├── new_pruning_bert_glue.py │ ├── pruning_quick_start.py │ ├── pruning_speedup.py │ ├── quantization_bert_glue.py │ ├── quantization_quick_start.py │ ├── quantization_speedup.py │ └── scripts │ └── trial_sklearn.py ├── nni ├── __init__.py ├── __main__.py ├── algorithms │ ├── __init__.py │ ├── feature_engineering │ │ ├── __init__.py │ │ ├── gbdt_selector │ │ │ ├── __init__.py │ │ │ ├── gbdt_selector.py │ │ │ └── requirements.txt │ │ └── gradient_selector │ │ │ ├── __init__.py │ │ │ ├── constants.py │ │ │ ├── fginitialize.py │ │ │ ├── fgtrain.py │ │ │ ├── gradient_selector.py │ │ │ ├── learnability.py │ │ │ ├── requirements.txt │ │ │ ├── syssettings.py │ │ │ └── utils.py │ └── hpo │ │ ├── __init__.py │ │ ├── batch_tuner.py │ │ ├── bohb_advisor │ │ ├── __init__.py │ │ ├── bohb_advisor.py │ │ └── config_generator.py │ │ ├── curvefitting_assessor │ │ ├── __init__.py │ │ ├── curvefitting_assessor.py │ │ ├── curvefunctions.py │ │ └── model_factory.py │ │ ├── dngo_tuner.py │ │ ├── evolution_tuner.py │ │ ├── gp_tuner │ │ ├── __init__.py │ │ ├── gp_tuner.py │ │ ├── target_space.py │ │ └── util.py │ │ ├── gridsearch_tuner.py │ │ ├── hyperband_advisor.py │ │ ├── hyperopt_tuner.py │ │ ├── medianstop_assessor.py │ │ ├── metis_tuner │ │ ├── Regression_GMM │ │ │ ├── CreateModel.py │ │ │ ├── Selection.py │ │ │ └── __init__.py │ │ ├── Regression_GP │ │ │ ├── CreateModel.py │ │ │ ├── OutlierDetection.py │ │ │ ├── Prediction.py │ │ │ ├── Selection.py │ │ │ └── __init__.py │ │ ├── __init__.py │ │ ├── lib_acquisition_function.py │ │ ├── lib_constraint_summation.py │ │ ├── lib_data.py │ │ ├── metis_tuner.py │ │ └── requirments.txt │ │ ├── networkmorphism_tuner │ │ ├── __init__.py │ │ ├── bayesian.py │ │ ├── graph.py │ │ ├── graph_transformer.py │ │ ├── layer_transformer.py │ │ ├── layers.py │ │ ├── networkmorphism_tuner.py │ │ ├── nn.py │ │ └── utils.py │ │ ├── pbt_tuner.py │ │ ├── ppo_tuner │ │ ├── __init__.py │ │ ├── distri.py │ │ ├── model.py │ │ ├── policy.py │ │ ├── ppo_tuner.py │ │ └── util.py │ │ ├── random_tuner.py │ │ ├── regularized_evolution_tuner.py │ │ ├── smac_tuner │ │ ├── __init__.py │ │ ├── convert_ss_to_scenario.py │ │ └── smac_tuner.py │ │ └── tpe_tuner.py ├── assessor.py ├── common │ ├── __init__.py │ ├── blob_utils.py │ ├── concrete_trace_utils │ │ ├── __init__.py │ │ ├── concrete_proxy.py │ │ ├── concrete_tracer.py │ │ ├── counter.py │ │ ├── flop_utils.py │ │ ├── operator_patcher.py │ │ └── utils.py │ ├── device.py │ ├── framework.py │ ├── graph_utils.py │ ├── hpo_utils │ │ ├── __init__.py │ │ ├── dedup.py │ │ ├── formatting.py │ │ ├── optimize_mode.py │ │ └── validation.py │ ├── nas_utils.py │ ├── serializer.py │ ├── types.py │ └── version.py ├── compression │ ├── __init__.py │ ├── base │ │ ├── __init__.py │ │ ├── apply_method.py │ │ ├── compressor.py │ │ ├── config.py │ │ ├── fuse_modules.py │ │ ├── setting.py │ │ ├── target_space.py │ │ └── wrapper.py │ ├── distillation │ │ ├── __init__.py │ │ └── basic_distiller.py │ ├── pruning │ │ ├── __init__.py │ │ ├── basic_pruner.py │ │ ├── movement_pruner.py │ │ ├── scheduled_pruner.py │ │ ├── slim_pruner.py │ │ ├── taylor_pruner.py │ │ └── tools │ │ │ ├── __init__.py │ │ │ ├── calculate_metrics.py │ │ │ ├── collect_data.py │ │ │ ├── sparse_gen.py │ │ │ └── utils.py │ ├── quantization │ │ ├── __init__.py │ │ ├── bnn_quantizer.py │ │ ├── dorefa_quantizer.py │ │ ├── lsq_quantizer.py │ │ ├── lsqplus_quantizer.py │ │ ├── ptq_quantizer.py │ │ └── qat_quantizer.py │ ├── quantization_speedup │ │ ├── __init__.py │ │ ├── backend.py │ │ ├── calibrator.py │ │ ├── frontend_to_onnx.py │ │ ├── integrated_tensorrt.py │ │ └── trt_pycuda.py │ ├── speedup │ │ ├── __init__.py │ │ ├── container.py │ │ ├── dependency.py │ │ ├── error_code.py │ │ ├── mask_conflict.py │ │ ├── mask_updater.py │ │ ├── model_speedup.py │ │ ├── replacement.py │ │ ├── replacer.py │ │ └── utils.py │ └── utils │ │ ├── __init__.py │ │ ├── attr.py │ │ ├── check_ddp.py │ │ ├── constructor_helper.py │ │ ├── counter.py │ │ ├── deepspeed_config.py │ │ ├── dependency.py │ │ ├── docstring.py │ │ ├── evaluator.py │ │ ├── external │ │ ├── __init__.py │ │ ├── external_replacer.py │ │ └── huggingface.py │ │ ├── fused_utils.py │ │ ├── mask_conflict.py │ │ ├── mask_counter.py │ │ ├── quantization │ │ ├── __init__.py │ │ ├── literal.py │ │ ├── observers.py │ │ ├── settings.py │ │ └── utils.py │ │ ├── scaling.py │ │ └── shape_dependency.py ├── contrib │ ├── __init__.py │ ├── distillation │ │ ├── __init__.py │ │ ├── label_patcher.py │ │ ├── storage.py │ │ ├── uid_dataset.py │ │ └── utils.py │ └── training_service │ │ ├── __init__.py │ │ ├── file_channel.py │ │ ├── trial_client.py │ │ ├── trial_runner.py │ │ ├── typehint.py │ │ └── utils.py ├── experiment │ ├── __init__.py │ ├── config │ │ ├── __init__.py │ │ ├── algorithm.py │ │ ├── base.py │ │ ├── convert.py │ │ ├── experiment_config.py │ │ ├── shared_storage.py │ │ ├── training_service.py │ │ ├── training_services │ │ │ ├── __init__.py │ │ │ ├── aml.py │ │ │ ├── dlc.py │ │ │ ├── frameworkcontroller.py │ │ │ ├── k8s_storage.py │ │ │ ├── kubeflow.py │ │ │ ├── local.py │ │ │ ├── openpai.py │ │ │ └── remote.py │ │ └── utils │ │ │ ├── __init__.py │ │ │ ├── internal.py │ │ │ └── public.py │ ├── data.py │ ├── experiment.py │ ├── launcher.py │ ├── management.py │ ├── pipe.py │ └── rest.py ├── feature_engineering │ ├── __init__.py │ └── feature_selector.py ├── mutable │ ├── __init__.py │ ├── _notimplemented.py │ ├── annotation.py │ ├── container.py │ ├── exception.py │ ├── frozen.py │ ├── mutable.py │ ├── shortcut.py │ ├── symbol.py │ └── utils.py ├── nas │ ├── __init__.py │ ├── benchmark │ │ ├── __init__.py │ │ ├── constants.py │ │ ├── download.py │ │ ├── evaluator.py │ │ ├── nasbench101 │ │ │ ├── __init__.py │ │ │ ├── constants.py │ │ │ ├── db_gen.py │ │ │ ├── graph_util.py │ │ │ ├── query.py │ │ │ └── schema.py │ │ ├── nasbench201 │ │ │ ├── __init__.py │ │ │ ├── constants.py │ │ │ ├── db_gen.py │ │ │ ├── query.py │ │ │ └── schema.py │ │ ├── nds │ │ │ ├── __init__.py │ │ │ ├── constants.py │ │ │ ├── db_gen.py │ │ │ ├── query.py │ │ │ └── schema.py │ │ ├── nlp │ │ │ ├── __init__.py │ │ │ ├── db_gen.py │ │ │ ├── query.py │ │ │ └── schema.py │ │ ├── space.py │ │ └── utils.py │ ├── evaluator │ │ ├── __init__.py │ │ ├── evaluator.py │ │ ├── functional.py │ │ ├── pytorch │ │ │ ├── __init__.py │ │ │ ├── cgo │ │ │ │ ├── __init__.py │ │ │ │ ├── evaluator.py │ │ │ │ └── trainer.py │ │ │ └── lightning.py │ │ └── tensorflow.py │ ├── execution │ │ ├── __init__.py │ │ ├── cgo │ │ │ ├── __init__.py │ │ │ ├── evaluator.py │ │ │ ├── logical_optimizer │ │ │ │ ├── __init__.py │ │ │ │ ├── interface.py │ │ │ │ ├── logical_plan.py │ │ │ │ └── opt_dedup_input.py │ │ │ └── middleware.py │ │ ├── engine.py │ │ ├── event.py │ │ ├── sequential.py │ │ └── training_service.py │ ├── experiment │ │ ├── __init__.py │ │ ├── config │ │ │ ├── __init__.py │ │ │ ├── engine.py │ │ │ ├── experiment.py │ │ │ ├── format.py │ │ │ └── utils.py │ │ └── experiment.py │ ├── hub │ │ ├── __init__.py │ │ ├── pytorch │ │ │ ├── __init__.py │ │ │ ├── autoformer.py │ │ │ ├── mobilenetv3.py │ │ │ ├── modules │ │ │ │ ├── __init__.py │ │ │ │ ├── autoactivation.py │ │ │ │ ├── nasbench101.py │ │ │ │ └── nasbench201.py │ │ │ ├── nasbench101.py │ │ │ ├── nasbench201.py │ │ │ ├── nasnet.py │ │ │ ├── proxylessnas.py │ │ │ ├── shufflenet.py │ │ │ └── utils │ │ │ │ ├── __init__.py │ │ │ │ ├── nn.py │ │ │ │ └── pretrained.py │ │ └── tensorflow.py │ ├── nn │ │ ├── __init__.py │ │ ├── pytorch │ │ │ ├── .gitignore │ │ │ ├── __init__.py │ │ │ ├── base.py │ │ │ ├── cell.py │ │ │ ├── choice.py │ │ │ ├── layers.py │ │ │ └── repeat.py │ │ └── tensorflow │ │ │ └── api.py │ ├── oneshot │ │ ├── __init__.py │ │ └── pytorch │ │ │ ├── __init__.py │ │ │ ├── _dataloader.py │ │ │ ├── _dataloader_legacy.py │ │ │ ├── base_lightning.py │ │ │ ├── differentiable.py │ │ │ ├── profiler.py │ │ │ ├── sampling.py │ │ │ ├── strategy.py │ │ │ └── supermodule │ │ │ ├── __init__.py │ │ │ ├── _expression_utils.py │ │ │ ├── _operation_utils.py │ │ │ ├── _singlepathnas.py │ │ │ ├── base.py │ │ │ ├── differentiable.py │ │ │ ├── operation.py │ │ │ ├── proxyless.py │ │ │ └── sampling.py │ ├── profiler │ │ ├── __init__.py │ │ ├── profiler.py │ │ ├── pytorch │ │ │ ├── flops.py │ │ │ ├── nn_meter.py │ │ │ └── utils │ │ │ │ ├── __init__.py │ │ │ │ ├── _attrs.py │ │ │ │ ├── _expression.py │ │ │ │ ├── misc.py │ │ │ │ ├── shape.py │ │ │ │ └── shape_formula.py │ │ └── tensorflow.py │ ├── space │ │ ├── __init__.py │ │ ├── frozen.py │ │ ├── graph.py │ │ ├── graph_op.py │ │ ├── metrics.py │ │ ├── mutator.py │ │ ├── pytorch │ │ │ ├── __init__.py │ │ │ ├── codegen.py │ │ │ ├── converter │ │ │ │ ├── __init__.py │ │ │ │ ├── graph_gen.py │ │ │ │ ├── op_types.py │ │ │ │ ├── utils.py │ │ │ │ └── visualize.py │ │ │ ├── graph.py │ │ │ ├── mutator.py │ │ │ └── op_def.py │ │ ├── space.py │ │ └── tensorflow │ │ │ ├── __init__.py │ │ │ ├── graph.py │ │ │ └── op_def.py │ ├── strategy │ │ ├── __init__.py │ │ ├── _rl_impl.py │ │ ├── base.py │ │ ├── bruteforce.py │ │ ├── evolution.py │ │ ├── hpo.py │ │ ├── middleware.py │ │ ├── oneshot.py │ │ ├── rl.py │ │ └── utils.py │ └── utils │ │ ├── __init__.py │ │ ├── _legacy.py │ │ ├── misc.py │ │ └── serializer.py ├── parameter_expressions.py ├── recoverable.py ├── runtime │ ├── __init__.py │ ├── command_channel │ │ ├── __init__.py │ │ ├── base.py │ │ ├── http.py │ │ └── websocket │ │ │ ├── __init__.py │ │ │ ├── channel.py │ │ │ └── connection.py │ ├── common.py │ ├── config.py │ ├── default_config │ │ ├── builtin_algorithms.yml │ │ ├── registered_algorithms.yml │ │ └── training_services.json │ ├── env_vars.py │ ├── log.py │ ├── msg_dispatcher.py │ ├── msg_dispatcher_base.py │ ├── trial_command_channel │ │ ├── __init__.py │ │ ├── base.py │ │ ├── local_legacy.py │ │ ├── standalone.py │ │ └── v3.py │ └── tuner_command_channel │ │ ├── __init__.py │ │ ├── channel.py │ │ ├── command_type.py │ │ └── legacy.py ├── tools │ ├── __init__.py │ ├── gpu_tool │ │ ├── __init__.py │ │ └── gpu_metrics_collector.py │ ├── jupyter_extension │ │ ├── __init__.py │ │ ├── management.py │ │ └── proxy.py │ ├── nni_manager_scripts │ │ ├── __init__.py │ │ ├── check_trial_keeper_alive.py │ │ ├── collect_gpu_info.py │ │ ├── collect_version_info.py │ │ ├── create_trial_keeper_dir.py │ │ └── launch_trial_keeper.py │ ├── nnictl │ │ ├── __init__.py │ │ ├── algo_management.py │ │ ├── command_utils.py │ │ ├── common_utils.py │ │ ├── config_schema.py │ │ ├── config_utils.py │ │ ├── constants.py │ │ ├── hello.py │ │ ├── launcher.py │ │ ├── launcher_utils.py │ │ ├── legacy_launcher.py │ │ ├── nnictl.py │ │ ├── nnictl_utils.py │ │ ├── rest_utils.py │ │ ├── ssh_utils.py │ │ ├── ts_management.py │ │ ├── updater.py │ │ └── url_utils.py │ ├── package_utils │ │ ├── __init__.py │ │ ├── common.py │ │ ├── config_manager.py │ │ └── tuner_factory.py │ └── trial_tool │ │ ├── __init__.py │ │ ├── aml_channel.py │ │ ├── base_channel.py │ │ ├── commands.py │ │ ├── constants.py │ │ ├── file_channel.py │ │ ├── gpu.py │ │ ├── hdfsClientUtility.py │ │ ├── log_utils.py │ │ ├── rest_utils.py │ │ ├── trial.py │ │ ├── trial_keeper.py │ │ ├── trial_runner.py │ │ ├── url_utils.py │ │ └── web_channel.py ├── trial.py ├── tuner.py ├── typehint.py └── utils.py ├── nni_assets ├── __init__.py ├── compression │ ├── __init__.py │ └── mnist_model.py └── hello_hpo │ ├── main.py │ └── model.py ├── pipelines ├── build-vm-image-linux.yml ├── build-vm-image-windows.yml ├── cache-dependencies.yml ├── deprecated │ ├── integration-test-adl.yml │ ├── integration-test-remote-l2w.yml │ └── integration-test-remote-w2l.yml ├── fast-test.yml ├── full-test-compression.yml ├── full-test-hpo.yml ├── full-test-nas.yml ├── integration-test-aml.yml ├── integration-test-frameworkcontroller.yml ├── integration-test-hybrid.yml ├── integration-test-kubeflow.yml ├── integration-test-local-linux.yml ├── integration-test-local-windows.yml ├── integration-test-openpai-linux.yml ├── integration-test-remote-l2l.yml ├── integration-test-remote-w2w.yml ├── integration-test-trt.yml ├── release.yml └── templates │ ├── build-vm-image-template.yml │ ├── cache-dependencies-template.yml │ ├── check-gpu-status.yml │ ├── config-version.yml │ ├── download-test-data.yml │ ├── install-customized-tuner.yml │ ├── install-dependencies-aml.yml │ ├── install-dependencies.yml │ ├── install-nni.yml │ ├── save-crashed-info.yml │ └── stage-filter.yml ├── pylintrc ├── pyrightconfig.json ├── setup.py ├── setup_ts.py ├── test ├── .coveragerc ├── .gitignore ├── algo │ ├── __init__.py │ ├── compression │ │ ├── __init__.py │ │ ├── assets │ │ │ ├── __init__.py │ │ │ ├── common.py │ │ │ ├── device.py │ │ │ └── simple_mnist │ │ │ │ ├── __init__.py │ │ │ │ ├── simple_evaluator.py │ │ │ │ ├── simple_lightning_model.py │ │ │ │ └── simple_torch_model.py │ │ ├── base │ │ │ ├── __init__.py │ │ │ ├── test_compressor.py │ │ │ ├── test_fused_wrapper.py │ │ │ ├── test_setting.py │ │ │ └── test_wrapper.py │ │ ├── distillation │ │ │ ├── __init__.py │ │ │ ├── test_distil_label_patcher.py │ │ │ └── test_distiller.py │ │ ├── pruning │ │ │ ├── __init__.py │ │ │ ├── test_auto_conv.py │ │ │ ├── test_channel_dependency.py │ │ │ ├── test_concrete_trace_dce.py │ │ │ ├── test_concrete_trace_mix_trace.py │ │ │ ├── test_concrete_trace_mmdetection.py │ │ │ ├── test_concrete_trace_super.py │ │ │ ├── test_pruner.py │ │ │ ├── test_speedup_init_mask.py │ │ │ ├── test_speedup_softmax.py │ │ │ └── test_speedup_torchvision.py │ │ ├── quantization │ │ │ ├── __init__.py │ │ │ ├── bnn_test.py │ │ │ ├── dorefa_test.py │ │ │ ├── lsq_test.py │ │ │ ├── ptq_test.py │ │ │ └── qat_test.py │ │ ├── test_fusion_compress.py │ │ └── utils │ │ │ ├── __init__.py │ │ │ ├── test_evaluator.py │ │ │ └── test_scaling.py │ └── nas │ │ ├── __init__.py │ │ ├── benchmark │ │ ├── __init__.py │ │ ├── prepare.py │ │ ├── test_algo.py │ │ └── test_sanity.py │ │ ├── cgo │ │ ├── __init__.py │ │ ├── mnist_pytorch.json │ │ └── test_cgo_engine.py │ │ ├── graph_converter │ │ ├── __init__.py │ │ ├── convert_mixin.py │ │ ├── inject_nn.py │ │ ├── test_convert.py │ │ ├── test_convert_basic.py │ │ ├── test_convert_models.py │ │ ├── test_convert_operators.py │ │ ├── test_convert_pytorch.py │ │ └── test_convert_shape.py │ │ ├── hub │ │ ├── test_pretrained.py │ │ └── test_sanity.py │ │ ├── oneshot │ │ ├── __init__.py │ │ ├── test_hub.py │ │ ├── test_profiler.py │ │ ├── test_proxyless.py │ │ ├── test_strategy.py │ │ ├── test_supermodules.py │ │ └── test_utils.py │ │ ├── profiler │ │ ├── __init__.py │ │ ├── conftest.py │ │ ├── test_flops.py │ │ ├── test_nn_meter.py │ │ └── test_shape.py │ │ ├── strategy │ │ ├── __init__.py │ │ ├── test_hpo.py │ │ └── test_rl_impl.py │ │ └── test_evaluator_lightning.py ├── pytest.ini ├── training_service │ ├── config │ │ ├── assessors │ │ │ ├── curvefitting-v2.yml │ │ │ ├── curvefitting.yml │ │ │ ├── medianstop-v2.yml │ │ │ └── medianstop.yml │ │ ├── customized_tuners │ │ │ ├── demotuner-sklearn-classification-v2.yml │ │ │ └── demotuner-sklearn-classification.yml │ │ ├── examples │ │ │ ├── cifar10-pytorch-adl.yml │ │ │ ├── cifar10-pytorch-v2.yml │ │ │ ├── cifar10-pytorch.yml │ │ │ ├── cifar10_adl_search_space.json │ │ │ ├── cifar10_search_space.json │ │ │ ├── mnist-keras-v2.yml │ │ │ ├── mnist-keras.yml │ │ │ ├── mnist-nested-search-space-v2.yml │ │ │ ├── mnist-nested-search-space.yml │ │ │ ├── mnist-pytorch-gpu.yml │ │ │ ├── mnist-pytorch-v2.yml │ │ │ ├── mnist-pytorch.yml │ │ │ ├── mnist-tfv1-v2.yml │ │ │ ├── mnist-tfv1.yml │ │ │ ├── mnist-tfv2-v2.yml │ │ │ ├── mnist-tfv2.yml │ │ │ ├── mnist_pytorch_search_space.json │ │ │ ├── mnist_search_space.json │ │ │ ├── sklearn-classification-v2.yml │ │ │ ├── sklearn-classification.yml │ │ │ ├── sklearn-regression-v2.yml │ │ │ └── sklearn-regression.yml │ │ ├── integration_tests.yml │ │ ├── integration_tests_config_v2.yml │ │ ├── integration_tests_tf2.yml │ │ ├── metrics_test │ │ │ ├── config-v2.yml │ │ │ ├── config.yml │ │ │ ├── config_dict_metrics-v2.yml │ │ │ ├── config_dict_metrics.yml │ │ │ ├── config_failure-v2.yml │ │ │ ├── config_failure.yml │ │ │ ├── expected_metrics.json │ │ │ ├── expected_metrics_dict.json │ │ │ ├── search_space.json │ │ │ └── trial.py │ │ ├── multi_phase │ │ │ ├── batch.yml │ │ │ ├── evolution.yml │ │ │ ├── grid.yml │ │ │ ├── metis.yml │ │ │ ├── multi_phase.py │ │ │ ├── search_space.json │ │ │ └── tpe.yml │ │ ├── multi_thread │ │ │ ├── config.yml │ │ │ ├── multi_thread_trial.py │ │ │ ├── multi_thread_tuner.py │ │ │ └── search_space.json │ │ ├── naive_test │ │ │ ├── README.md │ │ │ ├── README_zh_CN.md │ │ │ ├── expected_assessor_result.txt │ │ │ ├── expected_tuner_result.txt │ │ │ ├── local.yml │ │ │ ├── naive_assessor.py │ │ │ ├── naive_trial.py │ │ │ ├── naive_tuner.py │ │ │ └── search_space.json │ │ ├── naive_trial │ │ │ ├── naive_trial.py │ │ │ ├── search_space.json │ │ │ ├── search_space_choices.json │ │ │ ├── trial.py │ │ │ └── trial_choices.py │ │ ├── nnictl_experiment │ │ │ ├── sklearn-classification-v2.yml │ │ │ ├── sklearn-classification.yml │ │ │ └── test_import.json │ │ ├── pr_tests.yml │ │ ├── sharedstorage_test │ │ │ ├── config_sharedstorage_remote_azureblob.yml │ │ │ ├── config_sharedstorage_remote_nfs.yml │ │ │ ├── config_sharedstorage_search_space.json │ │ │ └── config_sharedstorage_trial.py │ │ ├── training_service.yml │ │ ├── training_service_v2.yml │ │ └── tuners │ │ │ ├── anneal.yml │ │ │ ├── batch.yml │ │ │ ├── bohb.yml │ │ │ ├── evolution.yml │ │ │ ├── gp.yml │ │ │ ├── gridsearch.yml │ │ │ ├── hyperband.yml │ │ │ ├── metis.yml │ │ │ ├── random.yml │ │ │ ├── seach_space_classic_nas.json │ │ │ ├── search_space.json │ │ │ ├── search_space_advisor.json │ │ │ ├── search_space_batchtuner.json │ │ │ ├── smac.yml │ │ │ └── tpe.yml │ └── nnitest │ │ ├── __init__.py │ │ ├── foreground.py │ │ ├── generate_ts_config.py │ │ ├── naive_test.py │ │ ├── remote_docker.py │ │ ├── run_tests.py │ │ ├── test_quantize_model_speedup.py │ │ ├── utils.py │ │ └── validators.py ├── ut │ ├── __init__.py │ ├── conftest.py │ ├── experiment │ │ ├── assets │ │ │ ├── config.yaml │ │ │ ├── search_space.json │ │ │ ├── ss.yaml │ │ │ ├── ss_comma.json │ │ │ ├── ss_tab.json │ │ │ ├── ss_tab_comma.json │ │ │ ├── ss_yaml12.yaml │ │ │ └── trial_sklearn.py │ │ ├── test_config_base.py │ │ ├── test_exp_config.py │ │ ├── test_experiment.py │ │ ├── test_search_space.py │ │ └── test_ts_remote.py │ ├── nas │ │ ├── __init__.py │ │ ├── experiment │ │ │ ├── __init__.py │ │ │ ├── test_config.py │ │ │ └── test_experiment.py │ │ ├── nn │ │ │ ├── __init__.py │ │ │ ├── models.py │ │ │ ├── test_base.py │ │ │ ├── test_cell.py │ │ │ ├── test_choice.py │ │ │ ├── test_hub_modules.py │ │ │ └── test_repeat.py │ │ ├── profiler │ │ │ ├── __init__.py │ │ │ ├── conftest.py │ │ │ ├── test_flops.py │ │ │ ├── test_shape.py │ │ │ └── test_utils.py │ │ ├── space │ │ │ ├── __init__.py │ │ │ ├── mnist_tensorflow.json │ │ │ ├── test_executable_space.py │ │ │ ├── test_graph.py │ │ │ ├── test_metrics.py │ │ │ └── test_mutator.py │ │ ├── strategy │ │ │ ├── __init__.py │ │ │ ├── test_middleware.py │ │ │ ├── test_sanity.py │ │ │ └── test_utils.py │ │ ├── test_engine.py │ │ ├── test_evaluator.py │ │ ├── test_optional_dependency.py │ │ └── test_utils.py │ ├── sdk │ │ ├── __init__.py │ │ ├── assets │ │ │ ├── classic_nas_search_space.json │ │ │ └── search_space.json │ │ ├── expect │ │ │ ├── test_graph_module1.expect │ │ │ ├── test_graph_module2.expect │ │ │ └── test_graph_module3.expect │ │ ├── helper │ │ │ ├── __init__.py │ │ │ ├── trial_command_channel.py │ │ │ └── websocket_server.py │ │ ├── imported │ │ │ ├── _test_serializer_py38.py │ │ │ └── model.py │ │ ├── models │ │ │ └── pytorch_models │ │ │ │ ├── __init__.py │ │ │ │ ├── mobilenet.py │ │ │ │ └── transformer.py │ │ ├── mutable │ │ │ ├── test_frozen.py │ │ │ ├── test_label.py │ │ │ ├── test_mutable.py │ │ │ ├── test_shortcut.py │ │ │ └── test_symbol.py │ │ ├── test_assessor.py │ │ ├── test_builtin_tuners.py │ │ ├── test_curvefitting_assessor.py │ │ ├── test_evolution_tuner.py │ │ ├── test_graph_utils.py │ │ ├── test_hpo_dedup.py │ │ ├── test_hpo_formatting.py │ │ ├── test_hpo_validation.py │ │ ├── test_hyperopt_tuner.py │ │ ├── test_msg_dispatcher.py │ │ ├── test_networkmorphism_tuner.py │ │ ├── test_serializer.py │ │ ├── test_trial.py │ │ ├── test_trial_command_channel.py │ │ ├── test_utils.py │ │ ├── test_version.py │ │ └── test_ws_channel.py │ └── tools │ │ ├── nnictl │ │ ├── config_files │ │ │ ├── invalid │ │ │ │ ├── custom-tuner-1.yml │ │ │ │ ├── custom-tuner-2.yml │ │ │ │ ├── mytuner.py │ │ │ │ ├── no-tuner.yml │ │ │ │ ├── search_space.json │ │ │ │ ├── searchspace-path.yml │ │ │ │ ├── tuner-wrong-key.yml │ │ │ │ ├── wrong-class-args.yml │ │ │ │ └── wrong-training-service.yml │ │ │ ├── test_files │ │ │ │ ├── test_json.json │ │ │ │ └── test_yaml.yml │ │ │ └── valid │ │ │ │ ├── main.py │ │ │ │ ├── search_space.json │ │ │ │ └── test.yml │ │ ├── mock │ │ │ ├── __init__.py │ │ │ ├── experiment.py │ │ │ ├── nnictl_metadata │ │ │ │ ├── .experiment │ │ │ │ └── xOpEwA5w │ │ │ │ │ └── db │ │ │ │ │ └── nni.sqlite │ │ │ └── restful_server.py │ │ ├── test_common_utils.py │ │ ├── test_config_utils.py │ │ ├── test_config_validation.py │ │ ├── test_kill_command.py │ │ └── test_nnictl_utils.py │ │ └── trial_tool │ │ ├── __init__.py │ │ └── test_file_channel.py └── vso_tools │ ├── _common.py │ ├── build_vm │ ├── change_ssh_port.sh │ ├── change_winrm_port.ps1 │ ├── config_linux.json │ ├── config_windows.json │ ├── disable_apt_daily.sh │ ├── packer_build_windows.py │ ├── setup_linux.sh │ ├── setup_windows.ps1 │ └── setup_windows_finalize.ps1 │ ├── build_wheel.py │ ├── copyright_check.py │ ├── fix_shebang.py │ ├── generate_nni_version.py │ ├── install_nni.py │ ├── interim_patch.py │ ├── pack_dependencies.py │ ├── pack_testdata.py │ ├── pip_use_prefix.py │ ├── ssl_patch.py │ ├── start_docker.py │ ├── stop_docker.py │ ├── trigger_import.py │ ├── unpack_dependencies.py │ └── unpack_testdata.py └── ts ├── jupyter_extension ├── .gitignore ├── README.md ├── package.json ├── src │ └── index.ts ├── tsconfig.json └── yarn.lock ├── nni_manager ├── .eslintrc ├── .gitignore ├── .mocharc.json ├── common │ ├── command_channel │ │ ├── http.ts │ │ ├── interface.ts │ │ ├── rpc_util.ts │ │ └── websocket │ │ │ ├── channel.ts │ │ │ ├── client.ts │ │ │ ├── connection.ts │ │ │ ├── index.ts │ │ │ └── server.ts │ ├── datastore.ts │ ├── default_map.ts │ ├── deferred.ts │ ├── errors.ts │ ├── experimentConfig.ts │ ├── experimentStartupInfo.ts │ ├── globals │ │ ├── arguments.ts │ │ ├── index.ts │ │ ├── log_stream.ts │ │ ├── paths.ts │ │ ├── rest.ts │ │ ├── shutdown.ts │ │ └── unittest.ts │ ├── ioc_shim.ts │ ├── log.ts │ ├── manager.ts │ ├── nniConfig.ts │ ├── pythonScript.ts │ ├── restServer.ts │ ├── shellUtils.ts │ ├── tarball.ts │ ├── tensorboardManager.ts │ ├── trainingService.ts │ ├── training_service_v3.ts │ ├── trial_keeper │ │ ├── collect_platform_info.ts │ │ ├── index.ts │ │ ├── keeper.ts │ │ ├── main.ts │ │ ├── process.ts │ │ ├── rpc.ts │ │ ├── task_scheduler │ │ │ ├── collect_info.ts │ │ │ ├── index.ts │ │ │ └── scheduler.ts │ │ └── task_scheduler_client.ts │ └── utils.ts ├── config │ ├── adl │ │ ├── adaptdl-crd-v1.json │ │ ├── adaptdl-nni-configmap-template.json │ │ ├── adaptdl-pvc-template.json │ │ ├── adaptdl-tensorboard-deployment-template.json │ │ ├── adaptdl-tensorboard-pvc-template.json │ │ └── adaptdljob-template.json │ ├── aml │ │ └── amlUtil.py │ ├── dlc │ │ └── dlcUtil.py │ ├── frameworkcontroller │ │ └── frameworkcontrollerjob-crd-v1.json │ └── kubeflow │ │ ├── pytorchjob-crd-v1.json │ │ ├── pytorchjob-crd-v1alpha2.json │ │ ├── pytorchjob-crd-v1beta1.json │ │ ├── pytorchjob-crd-v1beta2.json │ │ ├── tfjob-crd-v1.json │ │ ├── tfjob-crd-v1alpha2.json │ │ ├── tfjob-crd-v1beta1.json │ │ └── tfjob-crd-v1beta2.json ├── core │ ├── commands.ts │ ├── ipcInterface.ts │ ├── nniDataStore.ts │ ├── nnimanager.ts │ ├── sqlDatabase.ts │ └── tuner_command_channel.ts ├── extensions │ ├── experiments_manager │ │ ├── index.ts │ │ ├── manager.ts │ │ └── utils.ts │ └── nniTensorboardManager.ts ├── main.ts ├── package-lock.json ├── package.json ├── rest_server │ ├── core.ts │ ├── index.ts │ ├── restHandler.ts │ └── restValidationSchemas.ts ├── test │ ├── common │ │ ├── command_channel │ │ │ ├── http.test.ts │ │ │ └── websocket.test.ts │ │ ├── getIpv4Address.test.ts │ │ ├── globals_arguments.test.ts │ │ ├── globals_log_stream.test.ts │ │ ├── globals_shutdown.test.ts │ │ ├── logging.test.ts │ │ ├── shell_utils.test.ts │ │ ├── task_scheduler.test.ts │ │ └── trial_keeper │ │ │ └── process.test.ts │ ├── core │ │ ├── assessor.py │ │ ├── dataStore.test.ts │ │ ├── dummy_assessor.py │ │ ├── dummy_tuner.py │ │ ├── import_all.test.ts │ │ ├── nnimanager.test.ts │ │ └── sqlDatabase.test.ts │ ├── extensions │ │ └── experimentManager.test.ts │ ├── mock │ │ ├── datastore.ts │ │ ├── experimentManager.ts │ │ ├── mockTensorboardManager.ts │ │ ├── mockedTrial.py │ │ ├── nniManager.ts │ │ └── trainingService.ts │ ├── register.js │ ├── rest_server │ │ ├── log │ │ │ └── mock.log │ │ ├── mock_netron_server.ts │ │ ├── nni_manager_handlers.test.ts │ │ ├── rest_server.test.ts │ │ └── static │ │ │ ├── index.html │ │ │ └── script.js │ ├── training_service │ │ ├── fileUtility.test.ts │ │ ├── kubeflowTrainingService.test.ts │ │ ├── localTrainingService.test.ts │ │ ├── remote │ │ │ ├── linuxCommands.test.ts │ │ │ ├── shellExecutor.test.ts │ │ │ └── windowsCommands.test.ts │ │ └── reusable │ │ │ ├── amlClient.test.ts │ │ │ ├── mountedStorageService.test.ts │ │ │ ├── trialDispatcher.test.ts │ │ │ ├── utCommandChannel.ts │ │ │ └── utEnvironmentService.ts │ └── training_service_v3 │ │ └── local.test.ts ├── training_service │ ├── common │ │ ├── clusterJobRestServer.ts │ │ ├── containerJobData.ts │ │ ├── gpuData.ts │ │ ├── jobMetrics.ts │ │ ├── trialConfig.ts │ │ ├── trialConfigMetadataKey.ts │ │ └── util.ts │ ├── kubernetes │ │ ├── azureStorageClientUtils.ts │ │ ├── frameworkcontroller │ │ │ ├── frameworkcontrollerApiClient.ts │ │ │ ├── frameworkcontrollerConfig.ts │ │ │ ├── frameworkcontrollerJobInfoCollector.ts │ │ │ └── frameworkcontrollerTrainingService.ts │ │ ├── kubeflow │ │ │ ├── kubeflowApiClient.ts │ │ │ ├── kubeflowConfig.ts │ │ │ ├── kubeflowJobInfoCollector.ts │ │ │ └── kubeflowTrainingService.ts │ │ ├── kubernetesApiClient.ts │ │ ├── kubernetesConfig.ts │ │ ├── kubernetesData.ts │ │ ├── kubernetesJobInfoCollector.ts │ │ ├── kubernetesJobRestServer.ts │ │ └── kubernetesTrainingService.ts │ ├── local │ │ ├── gpuScheduler.ts │ │ └── localTrainingService.ts │ ├── local_v3 │ │ ├── index.ts │ │ └── local.ts │ ├── remote_machine │ │ ├── extends │ │ │ ├── linuxCommands.ts │ │ │ └── windowsCommands.ts │ │ ├── gpuScheduler.ts │ │ ├── osCommands.ts │ │ ├── remoteMachineData.ts │ │ └── shellExecutor.ts │ ├── remote_v3 │ │ ├── index.ts │ │ ├── remote.ts │ │ ├── ssh.ts │ │ └── worker.ts │ ├── reusable │ │ ├── aml │ │ │ ├── amlClient.ts │ │ │ └── amlConfig.ts │ │ ├── channels │ │ │ ├── amlCommandChannel.ts │ │ │ ├── fileCommandChannel.ts │ │ │ └── webCommandChannel.ts │ │ ├── commandChannel.ts │ │ ├── dlc │ │ │ ├── dlcClient.ts │ │ │ └── dlcConfig.ts │ │ ├── environment.ts │ │ ├── environments │ │ │ ├── amlEnvironmentService.ts │ │ │ ├── dlcEnvironmentService.ts │ │ │ ├── environmentServiceFactory.ts │ │ │ ├── kubernetes │ │ │ │ ├── frameworkcontrollerEnvironmentService.ts │ │ │ │ ├── kubeflowEnvironmentService.ts │ │ │ │ └── kubernetesEnvironmentService.ts │ │ │ ├── localEnvironmentService.ts │ │ │ └── remoteEnvironmentService.ts │ │ ├── gpuScheduler.ts │ │ ├── heterogenous │ │ │ └── heterogenousConfig.ts │ │ ├── remote │ │ │ └── remoteConfig.ts │ │ ├── routerTrainingService.ts │ │ ├── sharedStorage.ts │ │ ├── shared_storages │ │ │ ├── azureblobStorageService.ts │ │ │ └── nfsStorageService.ts │ │ ├── storageService.ts │ │ ├── storages │ │ │ └── mountedStorageService.ts │ │ ├── trial.ts │ │ └── trialDispatcher.ts │ └── v3 │ │ ├── compat.ts │ │ └── factory.ts ├── tsconfig.json └── types │ ├── child-process-promise │ └── index.d.ts │ ├── tail-stream │ └── index.d.ts │ └── webhdfs │ └── index.d.ts └── webui ├── .eslintignore ├── .eslintrc ├── .gitignore ├── .stylelintrc.json ├── LICENSE ├── README.md ├── mock ├── all-types-metric.json ├── dict-metrics-100.json ├── mnist-tfv1-nested.json ├── mnist-tfv1-running.json ├── mnist-tfv2-stage0.json ├── mnist-tfv2-stage1.json └── mnist-tfv2-stage2.json ├── package-lock.json ├── package.json ├── prettier.config.js ├── public ├── favicon.ico ├── icon.png ├── icons │ ├── all-experiments-1.png │ ├── all-experiments.png │ ├── best-metric-bg.png │ ├── config-1.png │ ├── config.png │ ├── detail-1.png │ ├── detail.png │ ├── document-1.png │ ├── document.png │ ├── experiment-icon.png │ ├── experiment-log-directory.png │ ├── experiment-platform.png │ ├── experiment-status.png │ ├── experiment-trial-command.png │ ├── experiment-tuner.png │ ├── feedback-1.png │ ├── feedback.png │ ├── log-1.png │ ├── log.png │ ├── logo.png │ ├── overview-1.png │ ├── overview.png │ ├── search-space-1.png │ ├── search-space.png │ ├── summary-1.png │ ├── summary.png │ ├── version-1.png │ └── version.png ├── index.html ├── loading.gif ├── logo.png ├── logo.svg └── manifest.json ├── scripts ├── config │ ├── env.js │ ├── modules.js │ ├── paths.js │ ├── webpack.config.dev.js │ ├── webpack.config.js │ └── webpackDevServer.config.js ├── developmentBuild.js ├── formatWebpackMessages.js ├── newmock.js ├── productionBuild.js ├── server.js ├── start.js └── test.js ├── src ├── App.tsx ├── components │ ├── common │ │ ├── CopyButton.tsx │ │ ├── ExpandableDetails │ │ │ ├── ExpandableIndex.tsx │ │ │ ├── OpenRow.tsx │ │ │ ├── PaiTrialLog.tsx │ │ │ └── TrialLog.tsx │ │ ├── Gap.tsx │ │ ├── MonacoEditor.tsx │ │ ├── PaginationTable.tsx │ │ ├── PanelMonacoEditor.tsx │ │ ├── TooltipHostForIcon.tsx │ │ ├── TooltipHostIndex.tsx │ │ └── calloutStyles.ts │ ├── experiment │ │ ├── overview │ │ │ ├── Overview.tsx │ │ │ ├── basic │ │ │ │ ├── BasicInfo.tsx │ │ │ │ └── Config.tsx │ │ │ ├── count │ │ │ │ ├── Duration.tsx │ │ │ │ ├── EditExperimentParam.tsx │ │ │ │ ├── TrialNumbers.tsx │ │ │ │ └── context.tsx │ │ │ ├── overviewConst.ts │ │ │ └── table │ │ │ │ ├── DefaultMetric.tsx │ │ │ │ └── SuccessTable.tsx │ │ └── trialdetail │ │ │ ├── ChangeColumnComponent.tsx │ │ │ ├── TrialsDetail.tsx │ │ │ ├── chart │ │ │ ├── DefaultMetricPoint.tsx │ │ │ ├── Duration.tsx │ │ │ ├── Intermediate.tsx │ │ │ ├── Para.tsx │ │ │ └── optimizeMode.ts │ │ │ └── table │ │ │ ├── TableList.tsx │ │ │ └── tableFunction │ │ │ ├── CompareIndex.tsx │ │ │ ├── CustomizedTrial.tsx │ │ │ ├── killJob │ │ │ ├── KillJobDialog.tsx │ │ │ └── KillJobIndex.tsx │ │ │ ├── search │ │ │ ├── GeneralSearch.tsx │ │ │ ├── Search.tsx │ │ │ ├── SearchDefaultMetric.tsx │ │ │ ├── SearchParameterConditions.tsx │ │ │ └── searchFunction.ts │ │ │ └── tensorboard │ │ │ ├── TensorboardDialog.tsx │ │ │ └── TensorboardUI.tsx │ ├── experimentManagement │ │ ├── ExperimentManagerIndex.tsx │ │ ├── FilterBtns.tsx │ │ ├── Header.tsx │ │ ├── TrialIdColumn.tsx │ │ ├── expFunction.ts │ │ └── experimentConst.ts │ ├── fluent │ │ ├── ChildrenGap.ts │ │ ├── Icon.tsx │ │ └── ModalTheme.tsx │ ├── nav │ │ ├── ErrorMessage.tsx │ │ ├── LinksIcon.tsx │ │ ├── Nav.tsx │ │ ├── TooltipHostForIcon.tsx │ │ ├── WebsiteRouter.tsx │ │ └── slideNav │ │ │ ├── ExperimentSummaryPanel.tsx │ │ │ ├── IconButtonTemplet.tsx │ │ │ ├── LogPanel.tsx │ │ │ ├── NNItabs.tsx │ │ │ ├── SlideNavBtns.tsx │ │ │ └── TrialConfigPanel.tsx │ └── title │ │ ├── Title.tsx │ │ └── TitleContext.tsx ├── index.tsx ├── react-app-env.d.ts ├── serviceWorker.ts └── static │ ├── const.ts │ ├── datamodel.ts │ ├── experimentConfig.ts │ ├── function.ts │ ├── interface.ts │ ├── jsonutil.ts │ ├── model │ ├── experiment.ts │ ├── experimentsManager.ts │ ├── localStorage.ts │ ├── searchspace.ts │ ├── trial.ts │ └── trialmanager.ts │ └── style │ ├── App.scss │ ├── button.scss │ ├── common │ ├── common.scss │ ├── experimentStatusColor.scss │ └── trialStatus.css │ ├── experiment │ ├── overview │ │ ├── basic.scss │ │ ├── count.scss │ │ ├── overview.scss │ │ ├── overviewTitle.scss │ │ ├── succTable.scss │ │ └── topTrial.scss │ └── trialdetail │ │ ├── compare.scss │ │ ├── customized.scss │ │ ├── para.scss │ │ ├── search.scss │ │ ├── tensorboard.scss │ │ └── trialsDetail.scss │ ├── experimentManagement │ └── experiment.scss │ ├── icon.scss │ ├── index.css │ ├── loading.scss │ ├── logPanel.scss │ ├── nav │ ├── nav.scss │ └── slideNavBtns.scss │ ├── openRow.scss │ ├── pagination.scss │ └── table.scss └── tsconfig.json /.gitattributes: -------------------------------------------------------------------------------- 1 | # The following types are treated as text 2 | # EOL are converted to LF 3 | *.tsx text eol=lf 4 | *.ts text eol=lf 5 | *.py text eol=lf 6 | *.sh text eol=lf 7 | 8 | # The following types are treated as binary 9 | # These files appear mostly in docs/ folder 10 | .ipynb binary 11 | .pickle binary 12 | 13 | # Linguist override (for github) 14 | docs/source/tutorials/* linguist-generated 15 | -------------------------------------------------------------------------------- /.github/pull_request_template.md: -------------------------------------------------------------------------------- 1 | ### Description ### 2 | 3 | #### Test Options #### 4 | - [ ] fast test 5 | - [ ] full test - HPO 6 | - [ ] full test - NAS 7 | - [ ] full test - compression 8 | 9 | ### Checklist ### 10 | - [ ] test case 11 | - [ ] doc 12 | 13 | ### How to test ### 14 | 15 | 16 | -------------------------------------------------------------------------------- /CITATION.cff: -------------------------------------------------------------------------------- 1 | cff-version: 1.2.0 2 | message: "If you use this software, please cite it as below." 3 | authors: 4 | - name: "Microsoft" 5 | title: "Neural Network Intelligence" 6 | date-released: 2021-01-14 7 | url: "https://github.com/microsoft/nni" 8 | version: 2.0 9 | -------------------------------------------------------------------------------- /dependencies/recommended_legacy.txt: -------------------------------------------------------------------------------- 1 | -f https://download.pytorch.org/whl/torch_stable.html 2 | torch == 1.9.1+cpu 3 | torchvision == 0.10.1+cpu 4 | 5 | pytorch-lightning == 1.5 6 | torchmetrics 7 | 8 | lightgbm<4.0.0 9 | onnx 10 | onnxsim 11 | onnxruntime 12 | peewee 13 | graphviz 14 | gym < 0.23 15 | tianshou >= 0.4.1, < 0.4.9 16 | matplotlib 17 | timm >= 0.5.4 18 | 19 | keras 20 | tensorflow == 2.3 21 | protobuf <= 3.20.1 -------------------------------------------------------------------------------- /dependencies/required_extra.txt: -------------------------------------------------------------------------------- 1 | # the following content will be read by setup.py. 2 | # please follow the logic in setup.py. 3 | 4 | # Anneal 5 | hyperopt == 0.1.2 6 | 7 | # SMAC 8 | ConfigSpaceNNI>=0.4.7.3 9 | smac4nni 10 | 11 | # BOHB 12 | ConfigSpace>=0.4.17 13 | statsmodels>=0.12.0 14 | 15 | # PPOTuner 16 | gym 17 | 18 | # DNGO 19 | pybnn 20 | -------------------------------------------------------------------------------- /dependencies/setup.txt: -------------------------------------------------------------------------------- 1 | pip < 23 2 | setuptools < 63 3 | wheel < 0.38 4 | -------------------------------------------------------------------------------- /docs/.gitignore: -------------------------------------------------------------------------------- 1 | build/ 2 | 3 | # legacy build 4 | _build/ 5 | 6 | # ignored copied rst in tutorials 7 | /source/tutorials/**/cp_*.rst 8 | 9 | # auto-generated reference table 10 | _modules/ 11 | 12 | # Machine-style translation files 13 | *.mo 14 | -------------------------------------------------------------------------------- /docs/_removed/installation.rst: -------------------------------------------------------------------------------- 1 | ############ 2 | Installation 3 | ############ 4 | 5 | Currently we support installation on Linux, Mac and Windows. We also allow you to use docker. 6 | 7 | .. toctree:: 8 | :maxdepth: 2 9 | 10 | Linux & Mac 11 | Windows 12 | Use Docker -------------------------------------------------------------------------------- /docs/_removed/reference/python_api.rst: -------------------------------------------------------------------------------- 1 | :orphan: 2 | 3 | Python API Reference 4 | ==================== 5 | 6 | .. autosummary:: 7 | :toctree: _modules 8 | :recursive: 9 | 10 | nni 11 | -------------------------------------------------------------------------------- /docs/img/3_steps.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/767ed7f22e1e588ce76cbbecb6c6a4a76a309805/docs/img/3_steps.jpg -------------------------------------------------------------------------------- /docs/img/Assessor.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/767ed7f22e1e588ce76cbbecb6c6a4a76a309805/docs/img/Assessor.png -------------------------------------------------------------------------------- /docs/img/EvoNasTuner.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/767ed7f22e1e588ce76cbbecb6c6a4a76a309805/docs/img/EvoNasTuner.png -------------------------------------------------------------------------------- /docs/img/NNIDesign.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/767ed7f22e1e588ce76cbbecb6c6a4a76a309805/docs/img/NNIDesign.jpg -------------------------------------------------------------------------------- /docs/img/SA_latency_accuracy.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/767ed7f22e1e588ce76cbbecb6c6a4a76a309805/docs/img/SA_latency_accuracy.png -------------------------------------------------------------------------------- /docs/img/Tensorboard_1.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/767ed7f22e1e588ce76cbbecb6c6a4a76a309805/docs/img/Tensorboard_1.png -------------------------------------------------------------------------------- /docs/img/Tensorboard_2.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/767ed7f22e1e588ce76cbbecb6c6a4a76a309805/docs/img/Tensorboard_2.png -------------------------------------------------------------------------------- /docs/img/Tensorboard_3.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/767ed7f22e1e588ce76cbbecb6c6a4a76a309805/docs/img/Tensorboard_3.png -------------------------------------------------------------------------------- /docs/img/Tensorboard_4.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/767ed7f22e1e588ce76cbbecb6c6a4a76a309805/docs/img/Tensorboard_4.png -------------------------------------------------------------------------------- /docs/img/agp_pruner.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/767ed7f22e1e588ce76cbbecb6c6a4a76a309805/docs/img/agp_pruner.png -------------------------------------------------------------------------------- /docs/img/algo_NetAdapt.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/767ed7f22e1e588ce76cbbecb6c6a4a76a309805/docs/img/algo_NetAdapt.png -------------------------------------------------------------------------------- /docs/img/amc_pruner.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/767ed7f22e1e588ce76cbbecb6c6a4a76a309805/docs/img/amc_pruner.jpg -------------------------------------------------------------------------------- /docs/img/aml_cluster.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/767ed7f22e1e588ce76cbbecb6c6a4a76a309805/docs/img/aml_cluster.png -------------------------------------------------------------------------------- /docs/img/aml_workspace.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/767ed7f22e1e588ce76cbbecb6c6a4a76a309805/docs/img/aml_workspace.png -------------------------------------------------------------------------------- /docs/img/apoz.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/767ed7f22e1e588ce76cbbecb6c6a4a76a309805/docs/img/apoz.png -------------------------------------------------------------------------------- /docs/img/azure_storage.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/767ed7f22e1e588ce76cbbecb6c6a4a76a309805/docs/img/azure_storage.png -------------------------------------------------------------------------------- /docs/img/bar.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/767ed7f22e1e588ce76cbbecb6c6a4a76a309805/docs/img/bar.png -------------------------------------------------------------------------------- /docs/img/bohb_1.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/767ed7f22e1e588ce76cbbecb6c6a4a76a309805/docs/img/bohb_1.png -------------------------------------------------------------------------------- /docs/img/bohb_2.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/767ed7f22e1e588ce76cbbecb6c6a4a76a309805/docs/img/bohb_2.png -------------------------------------------------------------------------------- /docs/img/bohb_3.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/767ed7f22e1e588ce76cbbecb6c6a4a76a309805/docs/img/bohb_3.png -------------------------------------------------------------------------------- /docs/img/bohb_4.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/767ed7f22e1e588ce76cbbecb6c6a4a76a309805/docs/img/bohb_4.png -------------------------------------------------------------------------------- /docs/img/bohb_5.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/767ed7f22e1e588ce76cbbecb6c6a4a76a309805/docs/img/bohb_5.png -------------------------------------------------------------------------------- /docs/img/bohb_6.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/767ed7f22e1e588ce76cbbecb6c6a4a76a309805/docs/img/bohb_6.jpg -------------------------------------------------------------------------------- /docs/img/channel_dependency_example.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/767ed7f22e1e588ce76cbbecb6c6a4a76a309805/docs/img/channel_dependency_example.jpg -------------------------------------------------------------------------------- /docs/img/compression_pipeline.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/767ed7f22e1e588ce76cbbecb6c6a4a76a309805/docs/img/compression_pipeline.png -------------------------------------------------------------------------------- /docs/img/compressor_framework.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/767ed7f22e1e588ce76cbbecb6c6a4a76a309805/docs/img/compressor_framework.jpg -------------------------------------------------------------------------------- /docs/img/contributors.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/767ed7f22e1e588ce76cbbecb6c6a4a76a309805/docs/img/contributors.png -------------------------------------------------------------------------------- /docs/img/cream.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/767ed7f22e1e588ce76cbbecb6c6a4a76a309805/docs/img/cream.png -------------------------------------------------------------------------------- /docs/img/cream_flops100.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/767ed7f22e1e588ce76cbbecb6c6a4a76a309805/docs/img/cream_flops100.jpg -------------------------------------------------------------------------------- /docs/img/cream_flops600.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/767ed7f22e1e588ce76cbbecb6c6a4a76a309805/docs/img/cream_flops600.jpg -------------------------------------------------------------------------------- /docs/img/curvefitting_example.PNG: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/767ed7f22e1e588ce76cbbecb6c6a4a76a309805/docs/img/curvefitting_example.PNG -------------------------------------------------------------------------------- /docs/img/curvefitting_expression_xi.gif: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/767ed7f22e1e588ce76cbbecb6c6a4a76a309805/docs/img/curvefitting_expression_xi.gif -------------------------------------------------------------------------------- /docs/img/curvefitting_f_comb.gif: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/767ed7f22e1e588ce76cbbecb6c6a4a76a309805/docs/img/curvefitting_f_comb.gif -------------------------------------------------------------------------------- /docs/img/curvefitting_learning_curve.PNG: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/767ed7f22e1e588ce76cbbecb6c6a4a76a309805/docs/img/curvefitting_learning_curve.PNG -------------------------------------------------------------------------------- /docs/img/darts_illustration.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/767ed7f22e1e588ce76cbbecb6c6a4a76a309805/docs/img/darts_illustration.png -------------------------------------------------------------------------------- /docs/img/darts_mode.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/767ed7f22e1e588ce76cbbecb6c6a4a76a309805/docs/img/darts_mode.png -------------------------------------------------------------------------------- /docs/img/darts_search_process.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/767ed7f22e1e588ce76cbbecb6c6a4a76a309805/docs/img/darts_search_process.png -------------------------------------------------------------------------------- /docs/img/darts_val_acc.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/767ed7f22e1e588ce76cbbecb6c6a4a76a309805/docs/img/darts_val_acc.png -------------------------------------------------------------------------------- /docs/img/dependency-aware.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/767ed7f22e1e588ce76cbbecb6c6a4a76a309805/docs/img/dependency-aware.jpg -------------------------------------------------------------------------------- /docs/img/dispatcher_error.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/767ed7f22e1e588ce76cbbecb6c6a4a76a309805/docs/img/dispatcher_error.jpg -------------------------------------------------------------------------------- /docs/img/distill.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/767ed7f22e1e588ce76cbbecb6c6a4a76a309805/docs/img/distill.png -------------------------------------------------------------------------------- /docs/img/dlts-step1.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/767ed7f22e1e588ce76cbbecb6c6a4a76a309805/docs/img/dlts-step1.png -------------------------------------------------------------------------------- /docs/img/dlts-step3.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/767ed7f22e1e588ce76cbbecb6c6a4a76a309805/docs/img/dlts-step3.png -------------------------------------------------------------------------------- /docs/img/dlts-step4.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/767ed7f22e1e588ce76cbbecb6c6a4a76a309805/docs/img/dlts-step4.png -------------------------------------------------------------------------------- /docs/img/dlts-step5.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/767ed7f22e1e588ce76cbbecb6c6a4a76a309805/docs/img/dlts-step5.png -------------------------------------------------------------------------------- /docs/img/efficientnet_search_result.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/767ed7f22e1e588ce76cbbecb6c6a4a76a309805/docs/img/efficientnet_search_result.png -------------------------------------------------------------------------------- /docs/img/enas_search_space.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/767ed7f22e1e588ce76cbbecb6c6a4a76a309805/docs/img/enas_search_space.png -------------------------------------------------------------------------------- /docs/img/example_combined.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/767ed7f22e1e588ce76cbbecb6c6a4a76a309805/docs/img/example_combined.png -------------------------------------------------------------------------------- /docs/img/example_connectchoice.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/767ed7f22e1e588ce76cbbecb6c6a4a76a309805/docs/img/example_connectchoice.png -------------------------------------------------------------------------------- /docs/img/example_enas.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/767ed7f22e1e588ce76cbbecb6c6a4a76a309805/docs/img/example_enas.png -------------------------------------------------------------------------------- /docs/img/example_layerchoice.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/767ed7f22e1e588ce76cbbecb6c6a4a76a309805/docs/img/example_layerchoice.png -------------------------------------------------------------------------------- /docs/img/example_of_curve_fitting.PNG: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/767ed7f22e1e588ce76cbbecb6c6a4a76a309805/docs/img/example_of_curve_fitting.PNG -------------------------------------------------------------------------------- /docs/img/experiment_arch.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/767ed7f22e1e588ce76cbbecb6c6a4a76a309805/docs/img/experiment_arch.png -------------------------------------------------------------------------------- /docs/img/experiment_process.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/767ed7f22e1e588ce76cbbecb6c6a4a76a309805/docs/img/experiment_process.jpg -------------------------------------------------------------------------------- /docs/img/expression_xi.gif: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/767ed7f22e1e588ce76cbbecb6c6a4a76a309805/docs/img/expression_xi.gif -------------------------------------------------------------------------------- /docs/img/f_comb.gif: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/767ed7f22e1e588ce76cbbecb6c6a4a76a309805/docs/img/f_comb.gif -------------------------------------------------------------------------------- /docs/img/favicon.ico: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/767ed7f22e1e588ce76cbbecb6c6a4a76a309805/docs/img/favicon.ico -------------------------------------------------------------------------------- /docs/img/fbnet.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/767ed7f22e1e588ce76cbbecb6c6a4a76a309805/docs/img/fbnet.png -------------------------------------------------------------------------------- /docs/img/fpgm_fig1.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/767ed7f22e1e588ce76cbbecb6c6a4a76a309805/docs/img/fpgm_fig1.png -------------------------------------------------------------------------------- /docs/img/highlevelarchi.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/767ed7f22e1e588ce76cbbecb6c6a4a76a309805/docs/img/highlevelarchi.png -------------------------------------------------------------------------------- /docs/img/hpo_benchmark/car_fold1_1.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/767ed7f22e1e588ce76cbbecb6c6a4a76a309805/docs/img/hpo_benchmark/car_fold1_1.jpg -------------------------------------------------------------------------------- /docs/img/hpo_benchmark/car_fold1_2.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/767ed7f22e1e588ce76cbbecb6c6a4a76a309805/docs/img/hpo_benchmark/car_fold1_2.jpg -------------------------------------------------------------------------------- /docs/img/hpo_benchmark/christine_fold0_1.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/767ed7f22e1e588ce76cbbecb6c6a4a76a309805/docs/img/hpo_benchmark/christine_fold0_1.jpg -------------------------------------------------------------------------------- /docs/img/hpo_benchmark/christine_fold0_2.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/767ed7f22e1e588ce76cbbecb6c6a4a76a309805/docs/img/hpo_benchmark/christine_fold0_2.jpg -------------------------------------------------------------------------------- /docs/img/hpo_benchmark/cnae-9_fold0_1.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/767ed7f22e1e588ce76cbbecb6c6a4a76a309805/docs/img/hpo_benchmark/cnae-9_fold0_1.jpg -------------------------------------------------------------------------------- /docs/img/hpo_benchmark/cnae-9_fold0_2.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/767ed7f22e1e588ce76cbbecb6c6a4a76a309805/docs/img/hpo_benchmark/cnae-9_fold0_2.jpg -------------------------------------------------------------------------------- /docs/img/hpo_benchmark/credit-g_fold1_1.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/767ed7f22e1e588ce76cbbecb6c6a4a76a309805/docs/img/hpo_benchmark/credit-g_fold1_1.jpg -------------------------------------------------------------------------------- /docs/img/hpo_benchmark/credit-g_fold1_2.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/767ed7f22e1e588ce76cbbecb6c6a4a76a309805/docs/img/hpo_benchmark/credit-g_fold1_2.jpg -------------------------------------------------------------------------------- /docs/img/hpo_benchmark/performances.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/767ed7f22e1e588ce76cbbecb6c6a4a76a309805/docs/img/hpo_benchmark/performances.png -------------------------------------------------------------------------------- /docs/img/hpo_benchmark/titanic_2_fold1_1.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/767ed7f22e1e588ce76cbbecb6c6a4a76a309805/docs/img/hpo_benchmark/titanic_2_fold1_1.jpg -------------------------------------------------------------------------------- /docs/img/hpo_benchmark/titanic_2_fold1_2.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/767ed7f22e1e588ce76cbbecb6c6a4a76a309805/docs/img/hpo_benchmark/titanic_2_fold1_2.jpg -------------------------------------------------------------------------------- /docs/img/hpo_rocksdb_fillrandom.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/767ed7f22e1e588ce76cbbecb6c6a4a76a309805/docs/img/hpo_rocksdb_fillrandom.png -------------------------------------------------------------------------------- /docs/img/hpo_rocksdb_readrandom.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/767ed7f22e1e588ce76cbbecb6c6a4a76a309805/docs/img/hpo_rocksdb_readrandom.png -------------------------------------------------------------------------------- /docs/img/huggingface_bert_architecture.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/767ed7f22e1e588ce76cbbecb6c6a4a76a309805/docs/img/huggingface_bert_architecture.png -------------------------------------------------------------------------------- /docs/img/hyperband_parallelism.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/767ed7f22e1e588ce76cbbecb6c6a4a76a309805/docs/img/hyperband_parallelism.png -------------------------------------------------------------------------------- /docs/img/hyperband_serial.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/767ed7f22e1e588ce76cbbecb6c6a4a76a309805/docs/img/hyperband_serial.png -------------------------------------------------------------------------------- /docs/img/importance_estimation_sum.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/767ed7f22e1e588ce76cbbecb6c6a4a76a309805/docs/img/importance_estimation_sum.png -------------------------------------------------------------------------------- /docs/img/kubeflow_training_design.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/767ed7f22e1e588ce76cbbecb6c6a4a76a309805/docs/img/kubeflow_training_design.png -------------------------------------------------------------------------------- /docs/img/l1filter_pruner.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/767ed7f22e1e588ce76cbbecb6c6a4a76a309805/docs/img/l1filter_pruner.png -------------------------------------------------------------------------------- /docs/img/learning_curve.PNG: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/767ed7f22e1e588ce76cbbecb6c6a4a76a309805/docs/img/learning_curve.PNG -------------------------------------------------------------------------------- /docs/img/lottery_ticket_mnist_fc.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/767ed7f22e1e588ce76cbbecb6c6a4a76a309805/docs/img/lottery_ticket_mnist_fc.png -------------------------------------------------------------------------------- /docs/img/mask_conflict.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/767ed7f22e1e588ce76cbbecb6c6a4a76a309805/docs/img/mask_conflict.jpg -------------------------------------------------------------------------------- /docs/img/mobilev2_l1_cifar.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/767ed7f22e1e588ce76cbbecb6c6a4a76a309805/docs/img/mobilev2_l1_cifar.jpg -------------------------------------------------------------------------------- /docs/img/movement_pruning.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/767ed7f22e1e588ce76cbbecb6c6a4a76a309805/docs/img/movement_pruning.png -------------------------------------------------------------------------------- /docs/img/nas-bench-101-example.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/767ed7f22e1e588ce76cbbecb6c6a4a76a309805/docs/img/nas-bench-101-example.png -------------------------------------------------------------------------------- /docs/img/nas-bench-201-example.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/767ed7f22e1e588ce76cbbecb6c6a4a76a309805/docs/img/nas-bench-201-example.png -------------------------------------------------------------------------------- /docs/img/nas-bench-nds-example.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/767ed7f22e1e588ce76cbbecb6c6a4a76a309805/docs/img/nas-bench-nds-example.png -------------------------------------------------------------------------------- /docs/img/nas-bench-nlp-example1.jpeg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/767ed7f22e1e588ce76cbbecb6c6a4a76a309805/docs/img/nas-bench-nlp-example1.jpeg -------------------------------------------------------------------------------- /docs/img/nas-bench-nlp-example2.jpeg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/767ed7f22e1e588ce76cbbecb6c6a4a76a309805/docs/img/nas-bench-nlp-example2.jpeg -------------------------------------------------------------------------------- /docs/img/nas_abstract_illustration.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/767ed7f22e1e588ce76cbbecb6c6a4a76a309805/docs/img/nas_abstract_illustration.png -------------------------------------------------------------------------------- /docs/img/nas_on_nni.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/767ed7f22e1e588ce76cbbecb6c6a4a76a309805/docs/img/nas_on_nni.png -------------------------------------------------------------------------------- /docs/img/nas_weight_share.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/767ed7f22e1e588ce76cbbecb6c6a4a76a309805/docs/img/nas_weight_share.png -------------------------------------------------------------------------------- /docs/img/nasnet_cell.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/767ed7f22e1e588ce76cbbecb6c6a4a76a309805/docs/img/nasnet_cell.png -------------------------------------------------------------------------------- /docs/img/nasnet_cell_stack.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/767ed7f22e1e588ce76cbbecb6c6a4a76a309805/docs/img/nasnet_cell_stack.png -------------------------------------------------------------------------------- /docs/img/nasui-1.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/767ed7f22e1e588ce76cbbecb6c6a4a76a309805/docs/img/nasui-1.png -------------------------------------------------------------------------------- /docs/img/nasui-2.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/767ed7f22e1e588ce76cbbecb6c6a4a76a309805/docs/img/nasui-2.png -------------------------------------------------------------------------------- /docs/img/netron_entrance_webui.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/767ed7f22e1e588ce76cbbecb6c6a4a76a309805/docs/img/netron_entrance_webui.png -------------------------------------------------------------------------------- /docs/img/nni-1.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/767ed7f22e1e588ce76cbbecb6c6a4a76a309805/docs/img/nni-1.png -------------------------------------------------------------------------------- /docs/img/nni_arch_overview.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/767ed7f22e1e588ce76cbbecb6c6a4a76a309805/docs/img/nni_arch_overview.png -------------------------------------------------------------------------------- /docs/img/nni_icon.svg: -------------------------------------------------------------------------------- 1 | 2 | 3 | 4 | 5 | 6 | 7 | -------------------------------------------------------------------------------- /docs/img/nni_logo.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/767ed7f22e1e588ce76cbbecb6c6a4a76a309805/docs/img/nni_logo.png -------------------------------------------------------------------------------- /docs/img/nni_logo_dark.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/767ed7f22e1e588ce76cbbecb6c6a4a76a309805/docs/img/nni_logo_dark.png -------------------------------------------------------------------------------- /docs/img/nni_pai_joblist.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/767ed7f22e1e588ce76cbbecb6c6a4a76a309805/docs/img/nni_pai_joblist.jpg -------------------------------------------------------------------------------- /docs/img/nni_prune_process.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/767ed7f22e1e588ce76cbbecb6c6a4a76a309805/docs/img/nni_prune_process.png -------------------------------------------------------------------------------- /docs/img/nni_trial_hdfs_output.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/767ed7f22e1e588ce76cbbecb6c6a4a76a309805/docs/img/nni_trial_hdfs_output.jpg -------------------------------------------------------------------------------- /docs/img/nni_webui_joblist.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/767ed7f22e1e588ce76cbbecb6c6a4a76a309805/docs/img/nni_webui_joblist.png -------------------------------------------------------------------------------- /docs/img/one-shot_training.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/767ed7f22e1e588ce76cbbecb6c6a4a76a309805/docs/img/one-shot_training.png -------------------------------------------------------------------------------- /docs/img/oneshot_mode.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/767ed7f22e1e588ce76cbbecb6c6a4a76a309805/docs/img/oneshot_mode.png -------------------------------------------------------------------------------- /docs/img/opevo.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/767ed7f22e1e588ce76cbbecb6c6a4a76a309805/docs/img/opevo.png -------------------------------------------------------------------------------- /docs/img/pai_data_management_page.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/767ed7f22e1e588ce76cbbecb6c6a4a76a309805/docs/img/pai_data_management_page.jpg -------------------------------------------------------------------------------- /docs/img/pai_job_submission_page.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/767ed7f22e1e588ce76cbbecb6c6a4a76a309805/docs/img/pai_job_submission_page.jpg -------------------------------------------------------------------------------- /docs/img/pai_profile.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/767ed7f22e1e588ce76cbbecb6c6a4a76a309805/docs/img/pai_profile.jpg -------------------------------------------------------------------------------- /docs/img/pai_token.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/767ed7f22e1e588ce76cbbecb6c6a4a76a309805/docs/img/pai_token.jpg -------------------------------------------------------------------------------- /docs/img/pai_token_button.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/767ed7f22e1e588ce76cbbecb6c6a4a76a309805/docs/img/pai_token_button.jpg -------------------------------------------------------------------------------- /docs/img/parallel_tpe_search1.gif: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/767ed7f22e1e588ce76cbbecb6c6a4a76a309805/docs/img/parallel_tpe_search1.gif -------------------------------------------------------------------------------- /docs/img/parallel_tpe_search2.gif: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/767ed7f22e1e588ce76cbbecb6c6a4a76a309805/docs/img/parallel_tpe_search2.gif -------------------------------------------------------------------------------- /docs/img/parallel_tpe_search3.gif: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/767ed7f22e1e588ce76cbbecb6c6a4a76a309805/docs/img/parallel_tpe_search3.gif -------------------------------------------------------------------------------- /docs/img/parallel_tpe_search4.PNG: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/767ed7f22e1e588ce76cbbecb6c6a4a76a309805/docs/img/parallel_tpe_search4.PNG -------------------------------------------------------------------------------- /docs/img/parallel_tpe_search_branin.PNG: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/767ed7f22e1e588ce76cbbecb6c6a4a76a309805/docs/img/parallel_tpe_search_branin.PNG -------------------------------------------------------------------------------- /docs/img/parallel_tpe_search_cl.PNG: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/767ed7f22e1e588ce76cbbecb6c6a4a76a309805/docs/img/parallel_tpe_search_cl.PNG -------------------------------------------------------------------------------- /docs/img/parallel_tpe_search_ei.PNG: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/767ed7f22e1e588ce76cbbecb6c6a4a76a309805/docs/img/parallel_tpe_search_ei.PNG -------------------------------------------------------------------------------- /docs/img/parallel_tpe_search_ei2.PNG: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/767ed7f22e1e588ce76cbbecb6c6a4a76a309805/docs/img/parallel_tpe_search_ei2.PNG -------------------------------------------------------------------------------- /docs/img/parallel_tpe_search_kb.PNG: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/767ed7f22e1e588ce76cbbecb6c6a4a76a309805/docs/img/parallel_tpe_search_kb.PNG -------------------------------------------------------------------------------- /docs/img/parallel_tpe_search_qEI.PNG: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/767ed7f22e1e588ce76cbbecb6c6a4a76a309805/docs/img/parallel_tpe_search_qEI.PNG -------------------------------------------------------------------------------- /docs/img/parallel_tpe_search_result.PNG: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/767ed7f22e1e588ce76cbbecb6c6a4a76a309805/docs/img/parallel_tpe_search_result.PNG -------------------------------------------------------------------------------- /docs/img/parallel_tpe_search_tpe.PNG: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/767ed7f22e1e588ce76cbbecb6c6a4a76a309805/docs/img/parallel_tpe_search_tpe.PNG -------------------------------------------------------------------------------- /docs/img/pbt.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/767ed7f22e1e588ce76cbbecb6c6a4a76a309805/docs/img/pbt.jpg -------------------------------------------------------------------------------- /docs/img/pix2pix_pytorch_facades.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/767ed7f22e1e588ce76cbbecb6c6a4a76a309805/docs/img/pix2pix_pytorch_facades.png -------------------------------------------------------------------------------- /docs/img/ppo_cifar10.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/767ed7f22e1e588ce76cbbecb6c6a4a76a309805/docs/img/ppo_cifar10.png -------------------------------------------------------------------------------- /docs/img/ppo_mnist.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/767ed7f22e1e588ce76cbbecb6c6a4a76a309805/docs/img/ppo_mnist.png -------------------------------------------------------------------------------- /docs/img/proxylessnas.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/767ed7f22e1e588ce76cbbecb6c6a4a76a309805/docs/img/proxylessnas.png -------------------------------------------------------------------------------- /docs/img/prune_quant.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/767ed7f22e1e588ce76cbbecb6c6a4a76a309805/docs/img/prune_quant.jpg -------------------------------------------------------------------------------- /docs/img/pruning_process.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/767ed7f22e1e588ce76cbbecb6c6a4a76a309805/docs/img/pruning_process.png -------------------------------------------------------------------------------- /docs/img/readme_banner.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/767ed7f22e1e588ce76cbbecb6c6a4a76a309805/docs/img/readme_banner.png -------------------------------------------------------------------------------- /docs/img/release-1-title-1.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/767ed7f22e1e588ce76cbbecb6c6a4a76a309805/docs/img/release-1-title-1.png -------------------------------------------------------------------------------- /docs/img/release-1-title-2.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/767ed7f22e1e588ce76cbbecb6c6a4a76a309805/docs/img/release-1-title-2.png -------------------------------------------------------------------------------- /docs/img/release_icon.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/767ed7f22e1e588ce76cbbecb6c6a4a76a309805/docs/img/release_icon.png -------------------------------------------------------------------------------- /docs/img/rocksdb-fillrandom-plot.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/767ed7f22e1e588ce76cbbecb6c6a4a76a309805/docs/img/rocksdb-fillrandom-plot.png -------------------------------------------------------------------------------- /docs/img/slim_pruner.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/767ed7f22e1e588ce76cbbecb6c6a4a76a309805/docs/img/slim_pruner.png -------------------------------------------------------------------------------- /docs/img/thumbnails/nni_icon_blue.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/767ed7f22e1e588ce76cbbecb6c6a4a76a309805/docs/img/thumbnails/nni_icon_blue.png -------------------------------------------------------------------------------- /docs/img/thumbnails/nni_icon_white.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/767ed7f22e1e588ce76cbbecb6c6a4a76a309805/docs/img/thumbnails/nni_icon_white.png -------------------------------------------------------------------------------- /docs/img/transformer_structure.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/767ed7f22e1e588ce76cbbecb6c6a4a76a309805/docs/img/transformer_structure.png -------------------------------------------------------------------------------- /docs/img/trial_error.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/767ed7f22e1e588ce76cbbecb6c6a4a76a309805/docs/img/trial_error.jpg -------------------------------------------------------------------------------- /docs/img/trialkeeper.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/767ed7f22e1e588ce76cbbecb6c6a4a76a309805/docs/img/trialkeeper.jpg -------------------------------------------------------------------------------- /docs/img/version_check.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/767ed7f22e1e588ce76cbbecb6c6a4a76a309805/docs/img/version_check.png -------------------------------------------------------------------------------- /docs/img/webui_img/add_column.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/767ed7f22e1e588ce76cbbecb6c6a4a76a309805/docs/img/webui_img/add_column.png -------------------------------------------------------------------------------- /docs/img/webui_img/best_curve.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/767ed7f22e1e588ce76cbbecb6c6a4a76a309805/docs/img/webui_img/best_curve.png -------------------------------------------------------------------------------- /docs/img/webui_img/compare.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/767ed7f22e1e588ce76cbbecb6c6a4a76a309805/docs/img/webui_img/compare.png -------------------------------------------------------------------------------- /docs/img/webui_img/config.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/767ed7f22e1e588ce76cbbecb6c6a4a76a309805/docs/img/webui_img/config.png -------------------------------------------------------------------------------- /docs/img/webui_img/copy_parameter.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/767ed7f22e1e588ce76cbbecb6c6a4a76a309805/docs/img/webui_img/copy_parameter.png -------------------------------------------------------------------------------- /docs/img/webui_img/default_metric.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/767ed7f22e1e588ce76cbbecb6c6a4a76a309805/docs/img/webui_img/default_metric.png -------------------------------------------------------------------------------- /docs/img/webui_img/detail/customized_trial.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/767ed7f22e1e588ce76cbbecb6c6a4a76a309805/docs/img/webui_img/detail/customized_trial.png -------------------------------------------------------------------------------- /docs/img/webui_img/detail/customized_trial_button.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/767ed7f22e1e588ce76cbbecb6c6a4a76a309805/docs/img/webui_img/detail/customized_trial_button.png -------------------------------------------------------------------------------- /docs/img/webui_img/detail/log_local.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/767ed7f22e1e588ce76cbbecb6c6a4a76a309805/docs/img/webui_img/detail/log_local.png -------------------------------------------------------------------------------- /docs/img/webui_img/detail/search_No.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/767ed7f22e1e588ce76cbbecb6c6a4a76a309805/docs/img/webui_img/detail/search_No.png -------------------------------------------------------------------------------- /docs/img/webui_img/detail/search_id.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/767ed7f22e1e588ce76cbbecb6c6a4a76a309805/docs/img/webui_img/detail/search_id.png -------------------------------------------------------------------------------- /docs/img/webui_img/detail/search_parameter_choice.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/767ed7f22e1e588ce76cbbecb6c6a4a76a309805/docs/img/webui_img/detail/search_parameter_choice.png -------------------------------------------------------------------------------- /docs/img/webui_img/detail/search_parameter_range.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/767ed7f22e1e588ce76cbbecb6c6a4a76a309805/docs/img/webui_img/detail/search_parameter_range.png -------------------------------------------------------------------------------- /docs/img/webui_img/detail/search_status.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/767ed7f22e1e588ce76cbbecb6c6a4a76a309805/docs/img/webui_img/detail/search_status.png -------------------------------------------------------------------------------- /docs/img/webui_img/detail_local.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/767ed7f22e1e588ce76cbbecb6c6a4a76a309805/docs/img/webui_img/detail_local.png -------------------------------------------------------------------------------- /docs/img/webui_img/detail_pai.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/767ed7f22e1e588ce76cbbecb6c6a4a76a309805/docs/img/webui_img/detail_pai.png -------------------------------------------------------------------------------- /docs/img/webui_img/edit_experiment_param.gif: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/767ed7f22e1e588ce76cbbecb6c6a4a76a309805/docs/img/webui_img/edit_experiment_param.gif -------------------------------------------------------------------------------- /docs/img/webui_img/experiment_error.gif: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/767ed7f22e1e588ce76cbbecb6c6a4a76a309805/docs/img/webui_img/experiment_error.gif -------------------------------------------------------------------------------- /docs/img/webui_img/filter_intermediate.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/767ed7f22e1e588ce76cbbecb6c6a4a76a309805/docs/img/webui_img/filter_intermediate.png -------------------------------------------------------------------------------- /docs/img/webui_img/full_oview.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/767ed7f22e1e588ce76cbbecb6c6a4a76a309805/docs/img/webui_img/full_oview.png -------------------------------------------------------------------------------- /docs/img/webui_img/hyper_parameter.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/767ed7f22e1e588ce76cbbecb6c6a4a76a309805/docs/img/webui_img/hyper_parameter.png -------------------------------------------------------------------------------- /docs/img/webui_img/intermediate.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/767ed7f22e1e588ce76cbbecb6c6a4a76a309805/docs/img/webui_img/intermediate.png -------------------------------------------------------------------------------- /docs/img/webui_img/kill_running.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/767ed7f22e1e588ce76cbbecb6c6a4a76a309805/docs/img/webui_img/kill_running.png -------------------------------------------------------------------------------- /docs/img/webui_img/manage_experiment_list/filter.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/767ed7f22e1e588ce76cbbecb6c6a4a76a309805/docs/img/webui_img/manage_experiment_list/filter.png -------------------------------------------------------------------------------- /docs/img/webui_img/manage_experiment_list/list.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/767ed7f22e1e588ce76cbbecb6c6a4a76a309805/docs/img/webui_img/manage_experiment_list/list.png -------------------------------------------------------------------------------- /docs/img/webui_img/manage_experiment_list/nav.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/767ed7f22e1e588ce76cbbecb6c6a4a76a309805/docs/img/webui_img/manage_experiment_list/nav.png -------------------------------------------------------------------------------- /docs/img/webui_img/manage_experiment_list/to_another_exp.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/767ed7f22e1e588ce76cbbecb6c6a4a76a309805/docs/img/webui_img/manage_experiment_list/to_another_exp.png -------------------------------------------------------------------------------- /docs/img/webui_img/refresh_interval.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/767ed7f22e1e588ce76cbbecb6c6a4a76a309805/docs/img/webui_img/refresh_interval.png -------------------------------------------------------------------------------- /docs/img/webui_img/review_log.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/767ed7f22e1e588ce76cbbecb6c6a4a76a309805/docs/img/webui_img/review_log.png -------------------------------------------------------------------------------- /docs/img/webui_img/search_space.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/767ed7f22e1e588ce76cbbecb6c6a4a76a309805/docs/img/webui_img/search_space.png -------------------------------------------------------------------------------- /docs/img/webui_img/select_trial.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/767ed7f22e1e588ce76cbbecb6c6a4a76a309805/docs/img/webui_img/select_trial.png -------------------------------------------------------------------------------- /docs/img/webui_img/summary.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/767ed7f22e1e588ce76cbbecb6c6a4a76a309805/docs/img/webui_img/summary.png -------------------------------------------------------------------------------- /docs/img/webui_img/trial_duration.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/767ed7f22e1e588ce76cbbecb6c6a4a76a309805/docs/img/webui_img/trial_duration.png -------------------------------------------------------------------------------- /docs/img/webui_img/trials_intermeidate.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/767ed7f22e1e588ce76cbbecb6c6a4a76a309805/docs/img/webui_img/trials_intermeidate.png -------------------------------------------------------------------------------- /docs/img/webui_overview_page.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/767ed7f22e1e588ce76cbbecb6c6a4a76a309805/docs/img/webui_overview_page.png -------------------------------------------------------------------------------- /docs/img/webui_trialdetail_page.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/767ed7f22e1e588ce76cbbecb6c6a4a76a309805/docs/img/webui_trialdetail_page.png -------------------------------------------------------------------------------- /docs/img/weight_sharing.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/767ed7f22e1e588ce76cbbecb6c6a4a76a309805/docs/img/weight_sharing.png -------------------------------------------------------------------------------- /docs/source/compression/advance.rst: -------------------------------------------------------------------------------- 1 | Advanced Usage 2 | ============== 3 | 4 | .. toctree:: 5 | :maxdepth: 2 6 | 7 | Customize Setting 8 | Fusion Compression 9 | Module Fusion 10 | -------------------------------------------------------------------------------- /docs/source/compression/best_practices.rst: -------------------------------------------------------------------------------- 1 | Best Practices 2 | ============== 3 | 4 | .. toctree:: 5 | :hidden: 6 | :maxdepth: 2 7 | 8 | Pruning Transformer 9 | -------------------------------------------------------------------------------- /docs/source/compression/toctree.rst: -------------------------------------------------------------------------------- 1 | Compression 2 | =========== 3 | 4 | .. toctree:: 5 | :hidden: 6 | :maxdepth: 2 7 | 8 | Overview 9 | Config Specification 10 | Pruning 11 | Quantization 12 | Evaluator 13 | Advanced Usage 14 | Enhancement 15 | -------------------------------------------------------------------------------- /docs/source/compression/toctree_pruning.rst: -------------------------------------------------------------------------------- 1 | Pruning 2 | ======= 3 | 4 | .. toctree:: 5 | :hidden: 6 | :maxdepth: 2 7 | 8 | Overview 9 | Quickstart 10 | Pruner 11 | Speedup 12 | Best Practices 13 | -------------------------------------------------------------------------------- /docs/source/compression/toctree_quantization.rst: -------------------------------------------------------------------------------- 1 | Quantization 2 | ============ 3 | 4 | .. toctree:: 5 | :hidden: 6 | :maxdepth: 2 7 | 8 | Overview 9 | Quickstart 10 | Quantizer 11 | SpeedUp 12 | Quantize Transformer 13 | -------------------------------------------------------------------------------- /docs/source/experiment/toctree.rst: -------------------------------------------------------------------------------- 1 | Experiment 2 | ========== 3 | 4 | .. toctree:: 5 | :maxdepth: 2 6 | 7 | Overview 8 | Training Service 9 | Web Portal 10 | Experiment Management 11 | -------------------------------------------------------------------------------- /docs/source/experiment/web_portal/toctree.rst: -------------------------------------------------------------------------------- 1 | Web Portal 2 | ========== 3 | 4 | .. toctree:: 5 | :hidden: 6 | 7 | Experiment Web Portal 8 | Visualize with TensorBoard 9 | -------------------------------------------------------------------------------- /docs/source/feature_engineering/toctree.rst: -------------------------------------------------------------------------------- 1 | Feature Engineering 2 | =================== 3 | 4 | .. toctree:: 5 | :maxdepth: 2 6 | 7 | Overview 8 | GradientFeatureSelector 9 | GBDTSelector 10 | -------------------------------------------------------------------------------- /docs/source/hpo/advanced_usage.rst: -------------------------------------------------------------------------------- 1 | Advanced Usage 2 | ============== 3 | 4 | .. toctree:: 5 | :hidden: 6 | 7 | Command Line Tool Example 8 | Implement Custom Tuners and Assessors 9 | Install Custom or 3rd-party Tuners and Assessors 10 | Tuner Benchmark 11 | Tuner Benchmark Example Statistics 12 | -------------------------------------------------------------------------------- /docs/source/hpo/quickstart.rst: -------------------------------------------------------------------------------- 1 | Quickstart 2 | ========== 3 | 4 | .. toctree:: 5 | 6 | PyTorch 7 | TensorFlow 8 | 9 | .. toctree:: 10 | :hidden: 11 | 12 | /tutorials/hpo_quickstart_pytorch/index 13 | /tutorials/hpo_quickstart_tensorflow/index 14 | -------------------------------------------------------------------------------- /docs/source/hpo/toctree.rst: -------------------------------------------------------------------------------- 1 | Hyperparameter Optimization 2 | =========================== 3 | 4 | .. toctree:: 5 | :hidden: 6 | 7 | Overview 8 | quickstart 9 | Search Space 10 | Tuners 11 | Assessors 12 | advanced_usage 13 | -------------------------------------------------------------------------------- /docs/source/hpo/toctree_zh.rst: -------------------------------------------------------------------------------- 1 | .. 21e9c3e0f6b182cf42a99a7f6c4ecf98 2 | 3 | 超参调优 4 | ======== 5 | 6 | .. toctree:: 7 | :hidden: 8 | 9 | 概述 10 | 教程 11 | 搜索空间 12 | Tuners 13 | Assessors 14 | 高级用法 15 | -------------------------------------------------------------------------------- /docs/source/nas/advanced_usage.rst: -------------------------------------------------------------------------------- 1 | Advanced Usage 2 | ============== 3 | 4 | .. toctree:: 5 | :maxdepth: 2 6 | 7 | execution_engine 8 | hardware_aware_nas 9 | mutator 10 | serialization 11 | benchmarks_toctree 12 | -------------------------------------------------------------------------------- /docs/source/nas/benchmarks_toctree.rst: -------------------------------------------------------------------------------- 1 | NAS Benchmark 2 | ============= 3 | 4 | .. toctree:: 5 | :hidden: 6 | 7 | Overview 8 | Examples 9 | -------------------------------------------------------------------------------- /docs/source/nas/toctree.rst: -------------------------------------------------------------------------------- 1 | Neural Architecture Search 2 | ========================== 3 | 4 | .. toctree:: 5 | :hidden: 6 | 7 | overview 8 | Tutorials 9 | construct_space 10 | space_hub 11 | exploration_strategy 12 | evaluator 13 | advanced_usage 14 | -------------------------------------------------------------------------------- /docs/source/nas/tutorials.rst: -------------------------------------------------------------------------------- 1 | NAS Tutorials 2 | ============= 3 | 4 | .. toctree:: 5 | :hidden: 6 | 7 | Hello NAS! 8 | Search in DARTS 9 | -------------------------------------------------------------------------------- /docs/source/reference/compression/distiller.rst: -------------------------------------------------------------------------------- 1 | Distiller 2 | ========= 3 | 4 | DynamicLayerwiseDistiller 5 | ------------------------- 6 | 7 | .. autoclass:: nni.compression.distillation.DynamicLayerwiseDistiller 8 | 9 | Adaptive1dLayerwiseDistiller 10 | ---------------------------- 11 | 12 | .. autoclass:: nni.compression.distillation.Adaptive1dLayerwiseDistiller 13 | -------------------------------------------------------------------------------- /docs/source/reference/compression/pruning_speedup.rst: -------------------------------------------------------------------------------- 1 | Pruning Speedup 2 | =============== 3 | 4 | .. autoclass:: nni.compression.speedup.ModelSpeedup 5 | :members: 6 | -------------------------------------------------------------------------------- /docs/source/reference/compression/toctree.rst: -------------------------------------------------------------------------------- 1 | Compression API Reference 2 | ========================= 3 | 4 | .. toctree:: 5 | :maxdepth: 1 6 | 7 | Pruner 8 | Pruning Speedup 9 | Distiller 10 | Evaluator 11 | Compression Utilities 12 | Quantizer 13 | -------------------------------------------------------------------------------- /docs/source/reference/compression/utils.rst: -------------------------------------------------------------------------------- 1 | Compression Utilities 2 | ===================== 3 | 4 | .. _auto_set_denpendency_group_ids: 5 | 6 | auto_set_denpendency_group_ids 7 | ------------------------------ 8 | 9 | .. autoclass:: nni.compression.utils.auto_set_denpendency_group_ids 10 | :members: 11 | -------------------------------------------------------------------------------- /docs/source/reference/experiment.rst: -------------------------------------------------------------------------------- 1 | Experiment API Reference 2 | ======================== 3 | 4 | .. autoclass:: nni.experiment.Experiment 5 | :members: 6 | -------------------------------------------------------------------------------- /docs/source/reference/nnictl.rst: -------------------------------------------------------------------------------- 1 | nnictl Commands 2 | =============== 3 | 4 | .. argparse:: 5 | :module: nni.tools.nnictl.nnictl 6 | :func: get_parser 7 | :prog: nnictl 8 | -------------------------------------------------------------------------------- /docs/source/reference/others.rst: -------------------------------------------------------------------------------- 1 | Uncategorized Modules 2 | ===================== 3 | 4 | nni.common.framework 5 | -------------------- 6 | 7 | .. automodule:: nni.common.framework 8 | :members: 9 | 10 | nni.common.serializer 11 | --------------------- 12 | 13 | .. automodule:: nni.common.serializer 14 | :members: 15 | 16 | nni.typehint 17 | ------------ 18 | 19 | .. automodule:: nni.typehint 20 | :members: 21 | -------------------------------------------------------------------------------- /docs/source/reference/python_api.rst: -------------------------------------------------------------------------------- 1 | Python API Reference 2 | ==================== 3 | 4 | .. toctree:: 5 | :maxdepth: 1 6 | 7 | Hyperparameter Optimization 8 | Neural Architecture Search 9 | Model Compression 10 | Experiment 11 | Mutable 12 | Others 13 | -------------------------------------------------------------------------------- /docs/source/sharings/automodel_toctree.rst: -------------------------------------------------------------------------------- 1 | Automatic Model Tuning 2 | ====================== 3 | 4 | .. toctree:: 5 | :maxdepth: 1 6 | 7 | Tuning SVD automatically 8 | EfficientNet on NNI 9 | Automatic Model Architecture Search for Reading Comprehension 10 | Parallelizing Optimization for TPE -------------------------------------------------------------------------------- /docs/source/sharings/autosys_toctree.rst: -------------------------------------------------------------------------------- 1 | Automatic System Tuning 2 | ======================= 3 | 4 | .. toctree:: 5 | :maxdepth: 1 6 | 7 | Tuning SPTAG (Space Partition Tree And Graph) automatically 8 | Tuning the performance of RocksDB 9 | Tuning Tensor Operators automatically -------------------------------------------------------------------------------- /docs/source/sharings/feature_engineering_toctree.rst: -------------------------------------------------------------------------------- 1 | Feature Engineering 2 | =================== 3 | 4 | .. toctree:: 5 | :maxdepth: 1 6 | 7 | NNI review article from Zhihu: - By Garvin Li 8 | -------------------------------------------------------------------------------- /docs/source/sharings/images/nn_spider/comfort.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/767ed7f22e1e588ce76cbbecb6c6a4a76a309805/docs/source/sharings/images/nn_spider/comfort.png -------------------------------------------------------------------------------- /docs/source/sharings/images/nn_spider/crying.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/767ed7f22e1e588ce76cbbecb6c6a4a76a309805/docs/source/sharings/images/nn_spider/crying.png -------------------------------------------------------------------------------- /docs/source/sharings/images/nn_spider/cut.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/767ed7f22e1e588ce76cbbecb6c6a4a76a309805/docs/source/sharings/images/nn_spider/cut.png -------------------------------------------------------------------------------- /docs/source/sharings/images/nn_spider/error.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/767ed7f22e1e588ce76cbbecb6c6a4a76a309805/docs/source/sharings/images/nn_spider/error.png -------------------------------------------------------------------------------- /docs/source/sharings/images/nn_spider/holiday.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/767ed7f22e1e588ce76cbbecb6c6a4a76a309805/docs/source/sharings/images/nn_spider/holiday.png -------------------------------------------------------------------------------- /docs/source/sharings/images/nn_spider/nobug.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/767ed7f22e1e588ce76cbbecb6c6a4a76a309805/docs/source/sharings/images/nn_spider/nobug.png -------------------------------------------------------------------------------- /docs/source/sharings/images/nn_spider/sign.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/767ed7f22e1e588ce76cbbecb6c6a4a76a309805/docs/source/sharings/images/nn_spider/sign.png -------------------------------------------------------------------------------- /docs/source/sharings/images/nn_spider/sweat.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/767ed7f22e1e588ce76cbbecb6c6a4a76a309805/docs/source/sharings/images/nn_spider/sweat.png -------------------------------------------------------------------------------- /docs/source/sharings/images/nn_spider/weaving.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/767ed7f22e1e588ce76cbbecb6c6a4a76a309805/docs/source/sharings/images/nn_spider/weaving.png -------------------------------------------------------------------------------- /docs/source/sharings/images/nn_spider/working.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/767ed7f22e1e588ce76cbbecb6c6a4a76a309805/docs/source/sharings/images/nn_spider/working.png -------------------------------------------------------------------------------- /docs/source/sharings/perf_compare_toctree.rst: -------------------------------------------------------------------------------- 1 | Performance Measurement, Comparison and Analysis 2 | ================================================ 3 | 4 | .. toctree:: 5 | :maxdepth: 1 6 | 7 | Neural Architecture Search Comparison 8 | Hyper-parameter Tuning Algorithm Comparsion -------------------------------------------------------------------------------- /docs/source/tutorials/darts.py.md5: -------------------------------------------------------------------------------- 1 | 9d3fcdd210dc926847438a0320b075cf -------------------------------------------------------------------------------- /docs/source/tutorials/darts_codeobj.pickle: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/767ed7f22e1e588ce76cbbecb6c6a4a76a309805/docs/source/tutorials/darts_codeobj.pickle -------------------------------------------------------------------------------- /docs/source/tutorials/hello_nas.py.md5: -------------------------------------------------------------------------------- 1 | 62b11c437f43487c907e8f969736030a -------------------------------------------------------------------------------- /docs/source/tutorials/hello_nas_codeobj.pickle: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/767ed7f22e1e588ce76cbbecb6c6a4a76a309805/docs/source/tutorials/hello_nas_codeobj.pickle -------------------------------------------------------------------------------- /docs/source/tutorials/hpo_nnictl/model.py.md5: -------------------------------------------------------------------------------- 1 | ed8bfc27e3d555d842fc4eec2635e619 -------------------------------------------------------------------------------- /docs/source/tutorials/hpo_nnictl/model_codeobj.pickle: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/767ed7f22e1e588ce76cbbecb6c6a4a76a309805/docs/source/tutorials/hpo_nnictl/model_codeobj.pickle -------------------------------------------------------------------------------- /docs/source/tutorials/hpo_quickstart_pytorch/images/thumb/sphx_glr_main_thumb.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/767ed7f22e1e588ce76cbbecb6c6a4a76a309805/docs/source/tutorials/hpo_quickstart_pytorch/images/thumb/sphx_glr_main_thumb.png -------------------------------------------------------------------------------- /docs/source/tutorials/hpo_quickstart_pytorch/images/thumb/sphx_glr_model_thumb.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/767ed7f22e1e588ce76cbbecb6c6a4a76a309805/docs/source/tutorials/hpo_quickstart_pytorch/images/thumb/sphx_glr_model_thumb.png -------------------------------------------------------------------------------- /docs/source/tutorials/hpo_quickstart_pytorch/main.py.md5: -------------------------------------------------------------------------------- 1 | e732cee426a4629b71f5fa28ce16fad7 -------------------------------------------------------------------------------- /docs/source/tutorials/hpo_quickstart_pytorch/main_codeobj.pickle: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/767ed7f22e1e588ce76cbbecb6c6a4a76a309805/docs/source/tutorials/hpo_quickstart_pytorch/main_codeobj.pickle -------------------------------------------------------------------------------- /docs/source/tutorials/hpo_quickstart_pytorch/model.py.md5: -------------------------------------------------------------------------------- 1 | ed8bfc27e3d555d842fc4eec2635e619 -------------------------------------------------------------------------------- /docs/source/tutorials/hpo_quickstart_pytorch/model_codeobj.pickle: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/767ed7f22e1e588ce76cbbecb6c6a4a76a309805/docs/source/tutorials/hpo_quickstart_pytorch/model_codeobj.pickle -------------------------------------------------------------------------------- /docs/source/tutorials/hpo_quickstart_tensorflow/images/thumb/sphx_glr_main_thumb.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/767ed7f22e1e588ce76cbbecb6c6a4a76a309805/docs/source/tutorials/hpo_quickstart_tensorflow/images/thumb/sphx_glr_main_thumb.png -------------------------------------------------------------------------------- /docs/source/tutorials/hpo_quickstart_tensorflow/images/thumb/sphx_glr_model_thumb.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/767ed7f22e1e588ce76cbbecb6c6a4a76a309805/docs/source/tutorials/hpo_quickstart_tensorflow/images/thumb/sphx_glr_model_thumb.png -------------------------------------------------------------------------------- /docs/source/tutorials/hpo_quickstart_tensorflow/main.py.md5: -------------------------------------------------------------------------------- 1 | b8a9880a36233005ade7a8dae6d428a8 -------------------------------------------------------------------------------- /docs/source/tutorials/hpo_quickstart_tensorflow/main_codeobj.pickle: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/767ed7f22e1e588ce76cbbecb6c6a4a76a309805/docs/source/tutorials/hpo_quickstart_tensorflow/main_codeobj.pickle -------------------------------------------------------------------------------- /docs/source/tutorials/hpo_quickstart_tensorflow/model.py.md5: -------------------------------------------------------------------------------- 1 | d0c869d9d7c7f9208abc10357de52056 -------------------------------------------------------------------------------- /docs/source/tutorials/hpo_quickstart_tensorflow/model_codeobj.pickle: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/767ed7f22e1e588ce76cbbecb6c6a4a76a309805/docs/source/tutorials/hpo_quickstart_tensorflow/model_codeobj.pickle -------------------------------------------------------------------------------- /docs/source/tutorials/images/sphx_glr_darts_001.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/767ed7f22e1e588ce76cbbecb6c6a4a76a309805/docs/source/tutorials/images/sphx_glr_darts_001.png -------------------------------------------------------------------------------- /docs/source/tutorials/images/sphx_glr_darts_002.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/767ed7f22e1e588ce76cbbecb6c6a4a76a309805/docs/source/tutorials/images/sphx_glr_darts_002.png -------------------------------------------------------------------------------- /docs/source/tutorials/images/sphx_glr_darts_003.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/767ed7f22e1e588ce76cbbecb6c6a4a76a309805/docs/source/tutorials/images/sphx_glr_darts_003.png -------------------------------------------------------------------------------- /docs/source/tutorials/images/thumb/sphx_glr_darts_thumb.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/767ed7f22e1e588ce76cbbecb6c6a4a76a309805/docs/source/tutorials/images/thumb/sphx_glr_darts_thumb.png -------------------------------------------------------------------------------- /docs/source/tutorials/images/thumb/sphx_glr_hello_nas_thumb.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/767ed7f22e1e588ce76cbbecb6c6a4a76a309805/docs/source/tutorials/images/thumb/sphx_glr_hello_nas_thumb.png -------------------------------------------------------------------------------- /docs/source/tutorials/images/thumb/sphx_glr_nas_quick_start_mnist_thumb.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/767ed7f22e1e588ce76cbbecb6c6a4a76a309805/docs/source/tutorials/images/thumb/sphx_glr_nas_quick_start_mnist_thumb.png -------------------------------------------------------------------------------- /docs/source/tutorials/images/thumb/sphx_glr_nasbench_as_dataset_thumb.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/767ed7f22e1e588ce76cbbecb6c6a4a76a309805/docs/source/tutorials/images/thumb/sphx_glr_nasbench_as_dataset_thumb.png -------------------------------------------------------------------------------- /docs/source/tutorials/images/thumb/sphx_glr_new_pruning_bert_glue_thumb.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/767ed7f22e1e588ce76cbbecb6c6a4a76a309805/docs/source/tutorials/images/thumb/sphx_glr_new_pruning_bert_glue_thumb.png -------------------------------------------------------------------------------- /docs/source/tutorials/images/thumb/sphx_glr_nni_experiment_thumb.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/767ed7f22e1e588ce76cbbecb6c6a4a76a309805/docs/source/tutorials/images/thumb/sphx_glr_nni_experiment_thumb.png -------------------------------------------------------------------------------- /docs/source/tutorials/images/thumb/sphx_glr_pruning_bert_glue_thumb.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/767ed7f22e1e588ce76cbbecb6c6a4a76a309805/docs/source/tutorials/images/thumb/sphx_glr_pruning_bert_glue_thumb.png -------------------------------------------------------------------------------- /docs/source/tutorials/images/thumb/sphx_glr_pruning_customize_thumb.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/767ed7f22e1e588ce76cbbecb6c6a4a76a309805/docs/source/tutorials/images/thumb/sphx_glr_pruning_customize_thumb.png -------------------------------------------------------------------------------- /docs/source/tutorials/images/thumb/sphx_glr_pruning_quick_start_mnist_thumb.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/767ed7f22e1e588ce76cbbecb6c6a4a76a309805/docs/source/tutorials/images/thumb/sphx_glr_pruning_quick_start_mnist_thumb.png -------------------------------------------------------------------------------- /docs/source/tutorials/images/thumb/sphx_glr_pruning_quick_start_thumb.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/767ed7f22e1e588ce76cbbecb6c6a4a76a309805/docs/source/tutorials/images/thumb/sphx_glr_pruning_quick_start_thumb.png -------------------------------------------------------------------------------- /docs/source/tutorials/images/thumb/sphx_glr_pruning_speedup_thumb.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/767ed7f22e1e588ce76cbbecb6c6a4a76a309805/docs/source/tutorials/images/thumb/sphx_glr_pruning_speedup_thumb.png -------------------------------------------------------------------------------- /docs/source/tutorials/images/thumb/sphx_glr_quantization_bert_glue_thumb.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/767ed7f22e1e588ce76cbbecb6c6a4a76a309805/docs/source/tutorials/images/thumb/sphx_glr_quantization_bert_glue_thumb.png -------------------------------------------------------------------------------- /docs/source/tutorials/images/thumb/sphx_glr_quantization_customize_thumb.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/767ed7f22e1e588ce76cbbecb6c6a4a76a309805/docs/source/tutorials/images/thumb/sphx_glr_quantization_customize_thumb.png -------------------------------------------------------------------------------- /docs/source/tutorials/images/thumb/sphx_glr_quantization_quick_start_mnist_thumb.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/767ed7f22e1e588ce76cbbecb6c6a4a76a309805/docs/source/tutorials/images/thumb/sphx_glr_quantization_quick_start_mnist_thumb.png -------------------------------------------------------------------------------- /docs/source/tutorials/images/thumb/sphx_glr_quantization_quick_start_thumb.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/767ed7f22e1e588ce76cbbecb6c6a4a76a309805/docs/source/tutorials/images/thumb/sphx_glr_quantization_quick_start_thumb.png -------------------------------------------------------------------------------- /docs/source/tutorials/images/thumb/sphx_glr_quantization_speedup_thumb.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/767ed7f22e1e588ce76cbbecb6c6a4a76a309805/docs/source/tutorials/images/thumb/sphx_glr_quantization_speedup_thumb.png -------------------------------------------------------------------------------- /docs/source/tutorials/nasbench_as_dataset.py.md5: -------------------------------------------------------------------------------- 1 | f5165dd74d4385744c53d17ce05fdc2c -------------------------------------------------------------------------------- /docs/source/tutorials/nasbench_as_dataset_codeobj.pickle: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/767ed7f22e1e588ce76cbbecb6c6a4a76a309805/docs/source/tutorials/nasbench_as_dataset_codeobj.pickle -------------------------------------------------------------------------------- /docs/source/tutorials/new_pruning_bert_glue.py.md5: -------------------------------------------------------------------------------- 1 | f9ff31917a7b6ae9f988fcd63d626663 -------------------------------------------------------------------------------- /docs/source/tutorials/new_pruning_bert_glue_codeobj.pickle: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/767ed7f22e1e588ce76cbbecb6c6a4a76a309805/docs/source/tutorials/new_pruning_bert_glue_codeobj.pickle -------------------------------------------------------------------------------- /docs/source/tutorials/pruning_quick_start.py.md5: -------------------------------------------------------------------------------- 1 | 026cf2d53a9a109f620494e783ecec0b -------------------------------------------------------------------------------- /docs/source/tutorials/pruning_quick_start_codeobj.pickle: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/767ed7f22e1e588ce76cbbecb6c6a4a76a309805/docs/source/tutorials/pruning_quick_start_codeobj.pickle -------------------------------------------------------------------------------- /docs/source/tutorials/pruning_speedup.py.md5: -------------------------------------------------------------------------------- 1 | e128a8e53fcc5368f479aa5a40aa2fe1 -------------------------------------------------------------------------------- /docs/source/tutorials/pruning_speedup_codeobj.pickle: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/767ed7f22e1e588ce76cbbecb6c6a4a76a309805/docs/source/tutorials/pruning_speedup_codeobj.pickle -------------------------------------------------------------------------------- /docs/source/tutorials/quantization_bert_glue.py.md5: -------------------------------------------------------------------------------- 1 | 67e335e86718ed077e4997a9f0092ee3 -------------------------------------------------------------------------------- /docs/source/tutorials/quantization_bert_glue_codeobj.pickle: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/767ed7f22e1e588ce76cbbecb6c6a4a76a309805/docs/source/tutorials/quantization_bert_glue_codeobj.pickle -------------------------------------------------------------------------------- /docs/source/tutorials/quantization_quick_start.py.md5: -------------------------------------------------------------------------------- 1 | 0eda6c780fb06aaecfc2e9c9e804d33a -------------------------------------------------------------------------------- /docs/source/tutorials/quantization_quick_start_codeobj.pickle: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/767ed7f22e1e588ce76cbbecb6c6a4a76a309805/docs/source/tutorials/quantization_quick_start_codeobj.pickle -------------------------------------------------------------------------------- /docs/source/tutorials/quantization_speedup.py.md5: -------------------------------------------------------------------------------- 1 | d364a206afed723ad9006f2a7035c00c -------------------------------------------------------------------------------- /docs/source/tutorials/quantization_speedup_codeobj.pickle: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/767ed7f22e1e588ce76cbbecb6c6a4a76a309805/docs/source/tutorials/quantization_speedup_codeobj.pickle -------------------------------------------------------------------------------- /docs/static/img/README.md: -------------------------------------------------------------------------------- 1 | This folder is deprecated. Please do not put files here in future! 2 | -------------------------------------------------------------------------------- /docs/static/img/contributors.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/767ed7f22e1e588ce76cbbecb6c6a4a76a309805/docs/static/img/contributors.png -------------------------------------------------------------------------------- /docs/static/img/nni-icon.svg: -------------------------------------------------------------------------------- 1 | 2 | 3 | 4 | 5 | 6 | 7 | -------------------------------------------------------------------------------- /docs/static/img/release_icon.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/767ed7f22e1e588ce76cbbecb6c6a4a76a309805/docs/static/img/release_icon.png -------------------------------------------------------------------------------- /docs/static/img/webui.gif: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/767ed7f22e1e588ce76cbbecb6c6a4a76a309805/docs/static/img/webui.gif -------------------------------------------------------------------------------- /docs/templates/hero.html: -------------------------------------------------------------------------------- 1 | {% if pagename in theme_heroes %} 2 | {% set hero = theme_heroes[pagename] %} 3 | 11 | {% endif %} 12 | -------------------------------------------------------------------------------- /docs/tools/restoremd.py: -------------------------------------------------------------------------------- 1 | import os 2 | import shutil 3 | from pathlib import Path 4 | 5 | 6 | for root, dirs, files in os.walk('archive_en_US'): 7 | root = Path(root) 8 | for file in files: 9 | moved_root = Path('en_US') / root.relative_to('archive_en_US') 10 | shutil.move(root / file, moved_root / file) 11 | os.remove(moved_root / (Path(file).stem + '.rst')) 12 | -------------------------------------------------------------------------------- /examples/compression/README.md: -------------------------------------------------------------------------------- 1 | # Examples 2 | 3 | This folder contains the examples of new compression version (NNI 3.0). 4 | 5 | ## ./evaluator 6 | 7 | If you want to view how to initialize a evaluator you need, please refer this example folder. 8 | -------------------------------------------------------------------------------- /examples/feature_engineering/auto-feature-engineering/README.md: -------------------------------------------------------------------------------- 1 | **Automatic Feature Engineering in nni** 2 | === 3 | 4 | Now we have an [example](https://github.com/SpongebBob/tabular_automl_NNI), which could automaticlly do feature engineering in nni. 5 | 6 | These code come from our contributors. And thanks our lovely contributors! 7 | 8 | And welcome more and more people to join us! 9 | -------------------------------------------------------------------------------- /examples/feature_engineering/auto-feature-engineering/README_zh_CN.md: -------------------------------------------------------------------------------- 1 | **NNI 中的自动特征工程** === 2 | 3 | 此[示例](https://github.com/SpongebBob/tabular_automl_NNI)在 NNI 中实现了自动特征工程。 4 | 5 | 代码来自于贡献者。 谢谢可爱的贡献者! 6 | 7 | 欢迎越来越多的人加入我们! 8 | -------------------------------------------------------------------------------- /examples/feature_engineering/gradient_feature_selector/.gitignore: -------------------------------------------------------------------------------- 1 | *.bz2 2 | *.svm 3 | *.log 4 | *memory 5 | *time 6 | -------------------------------------------------------------------------------- /examples/nas/.gitignore: -------------------------------------------------------------------------------- 1 | data 2 | checkpoints 3 | runs 4 | nni_auto_gen_search_space.json 5 | checkpoint.json 6 | _generated_model.py 7 | _generated_model_*.py 8 | _generated_model 9 | generated 10 | lightning_logs 11 | model.onnx 12 | -------------------------------------------------------------------------------- /examples/nas/benchmarks/.gitignore: -------------------------------------------------------------------------------- 1 | nasbench_full.tfrecord 2 | a.pth 3 | data.zip 4 | nds_data 5 | nlp_data -------------------------------------------------------------------------------- /examples/nas/benchmarks/nasbench101.requirements.txt: -------------------------------------------------------------------------------- 1 | # nasbench claims it supports tensorflow>=1.12.0 and we have tested on 1.15.2 2 | tensorflow 3 | tqdm 4 | peewee 5 | git+https://github.com/google-research/nasbench 6 | -------------------------------------------------------------------------------- /examples/nas/benchmarks/nasbench201.requirements.txt: -------------------------------------------------------------------------------- 1 | torch 2 | gdown 3 | tqdm 4 | peewee 5 | -------------------------------------------------------------------------------- /examples/nas/benchmarks/nds.requirements.txt: -------------------------------------------------------------------------------- 1 | tqdm 2 | peewee 3 | -------------------------------------------------------------------------------- /examples/nas/benchmarks/nlp.requirements.txt: -------------------------------------------------------------------------------- 1 | peewee 2 | -------------------------------------------------------------------------------- /examples/nas/legacy/README.md: -------------------------------------------------------------------------------- 1 | # NAS Examples (legacy) 2 | 3 | Please note that the examples in this folder are marked as legacy and unmaintained. 4 | 5 | For latest examples, please read the [documentation](https://nni.readthedocs.io/en/latest/). 6 | -------------------------------------------------------------------------------- /examples/nas/legacy/cream/Cream.md: -------------------------------------------------------------------------------- 1 | [Documentation](https://nni.readthedocs.io/en/latest/NAS/Cream.html) 2 | -------------------------------------------------------------------------------- /examples/nas/legacy/cream/Cream_zh_CN.md: -------------------------------------------------------------------------------- 1 | [文档](https://nni.readthedocs.io/zh/latest/NAS/Cream.html) 2 | -------------------------------------------------------------------------------- /examples/nas/legacy/cream/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/767ed7f22e1e588ce76cbbecb6c6a4a76a309805/examples/nas/legacy/cream/__init__.py -------------------------------------------------------------------------------- /examples/nas/legacy/cream/lib/models/blocks/__init__.py: -------------------------------------------------------------------------------- 1 | from lib.models.blocks.residual_block import get_Bottleneck, get_BasicBlock 2 | from lib.models.blocks.inverted_residual_block import InvertedResidual -------------------------------------------------------------------------------- /examples/nas/legacy/cream/requirements: -------------------------------------------------------------------------------- 1 | yacs 2 | numpy==1.17 3 | opencv-python==4.0.1.24 4 | torchvision==0.2.1 5 | thop 6 | git+https://github.com/sovrasov/flops-counter.pytorch.git 7 | pillow==6.1.0 8 | torch==1.2 9 | timm==0.1.20 10 | tensorboardx==1.2 11 | tensorboard 12 | future -------------------------------------------------------------------------------- /examples/nas/legacy/oneshot/darts/README.md: -------------------------------------------------------------------------------- 1 | [Documentation](https://nni.readthedocs.io/en/latest/NAS/DARTS.html) 2 | -------------------------------------------------------------------------------- /examples/nas/legacy/oneshot/darts/README_zh_CN.md: -------------------------------------------------------------------------------- 1 | [文档](https://nni.readthedocs.io/zh/latest/NAS/DARTS.html) 2 | -------------------------------------------------------------------------------- /examples/nas/legacy/oneshot/enas-tf/datasets.py: -------------------------------------------------------------------------------- 1 | # Copyright (c) Microsoft Corporation. 2 | # Licensed under the MIT license. 3 | 4 | import tensorflow as tf 5 | 6 | def get_dataset(): 7 | (x_train, y_train), (x_valid, y_valid) = tf.keras.datasets.cifar10.load_data() 8 | x_train, x_valid = x_train / 255.0, x_valid / 255.0 9 | train_set = (x_train, y_train) 10 | valid_set = (x_valid, y_valid) 11 | return train_set, valid_set 12 | -------------------------------------------------------------------------------- /examples/nas/legacy/oneshot/enas/README.md: -------------------------------------------------------------------------------- 1 | [Documentation](https://nni.readthedocs.io/en/latest/NAS/ENAS.html) 2 | -------------------------------------------------------------------------------- /examples/nas/legacy/oneshot/enas/README_zh_CN.md: -------------------------------------------------------------------------------- 1 | [文档](https://nni.readthedocs.io/zh/latest/NAS/ENAS.html) 2 | -------------------------------------------------------------------------------- /examples/nas/legacy/oneshot/naive/.gitignore: -------------------------------------------------------------------------------- 1 | checkpoint.json 2 | -------------------------------------------------------------------------------- /examples/nas/legacy/oneshot/naive/README.md: -------------------------------------------------------------------------------- 1 | This is a naive example that demonstrates how to use NNI interface to implement a NAS search space. -------------------------------------------------------------------------------- /examples/nas/legacy/oneshot/naive/README_zh_CN.md: -------------------------------------------------------------------------------- 1 | 这是一个简单示例,演示如何使用 NNI 接口实现 NAS 搜索空间。 -------------------------------------------------------------------------------- /examples/nas/legacy/oneshot/pfld/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/767ed7f22e1e588ce76cbbecb6c6a4a76a309805/examples/nas/legacy/oneshot/pfld/__init__.py -------------------------------------------------------------------------------- /examples/nas/legacy/oneshot/pfld/lib/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/767ed7f22e1e588ce76cbbecb6c6a4a76a309805/examples/nas/legacy/oneshot/pfld/lib/__init__.py -------------------------------------------------------------------------------- /examples/nas/legacy/oneshot/spos/README.md: -------------------------------------------------------------------------------- 1 | [Documentation](https://nni.readthedocs.io/en/latest/NAS/SPOS.html) 2 | -------------------------------------------------------------------------------- /examples/nas/legacy/oneshot/spos/README_zh_CN.md: -------------------------------------------------------------------------------- 1 | [文档](https://nni.readthedocs.io/zh/latest/NAS/SPOS.html) -------------------------------------------------------------------------------- /examples/nas/legacy/pdarts/.gitignore: -------------------------------------------------------------------------------- 1 | data/* 2 | log 3 | -------------------------------------------------------------------------------- /examples/nas/legacy/pdarts/README.md: -------------------------------------------------------------------------------- 1 | [Documentation](https://nni.readthedocs.io/en/latest/NAS/PDARTS.html) 2 | -------------------------------------------------------------------------------- /examples/nas/legacy/pdarts/README_zh_CN.md: -------------------------------------------------------------------------------- 1 | [文档](https://nni.readthedocs.io/zh/latest/NAS/PDARTS.html) 2 | -------------------------------------------------------------------------------- /examples/nas/legacy/search_space_zoo/fixed-architecture.json: -------------------------------------------------------------------------------- 1 | { 2 | "0_1": "avg_pool_3x3", 3 | "0_2": "conv_1x1", 4 | "1_2": "skip_connect", 5 | "0_3": "conv_1x1", 6 | "1_3": "skip_connect", 7 | "2_3": "skip_connect" 8 | } 9 | -------------------------------------------------------------------------------- /examples/trials/auto-gbdt/config.yml: -------------------------------------------------------------------------------- 1 | searchSpaceFile: search_space.json 2 | trialCommand: python3 main.py 3 | trialConcurrency: 1 4 | maxTrialNumber: 10 5 | tuner: 6 | name: TPE 7 | classArgs: 8 | optimize_mode: minimize 9 | trainingService: # For other platforms, check mnist-pytorch example 10 | platform: local 11 | -------------------------------------------------------------------------------- /examples/trials/auto-gbdt/config_windows.yml: -------------------------------------------------------------------------------- 1 | searchSpaceFile: search_space.json 2 | trialCommand: python main.py 3 | trialConcurrency: 1 4 | maxTrialNumber: 10 5 | tuner: 6 | name: TPE 7 | classArgs: 8 | optimize_mode: minimize 9 | trainingService: # For other platforms, check mnist-pytorch example 10 | platform: local 11 | -------------------------------------------------------------------------------- /examples/trials/auto-gbdt/requirments.txt: -------------------------------------------------------------------------------- 1 | lightgbm 2 | pandas 3 | -------------------------------------------------------------------------------- /examples/trials/benchmarking/automlbenchmark/.gitignore: -------------------------------------------------------------------------------- 1 | # data files 2 | nni/data/ 3 | 4 | # benchmark repository 5 | automlbenchmark/ 6 | 7 | # all experiment results 8 | results* 9 | 10 | # intermediate outputs of tuners 11 | smac3-output* 12 | param_config_space.pcs 13 | scenario.txt -------------------------------------------------------------------------------- /examples/trials/benchmarking/automlbenchmark/nni/config.yaml: -------------------------------------------------------------------------------- 1 | --- 2 | input_dir: '{user}/data' 3 | 4 | frameworks: 5 | definition_file: 6 | - '{root}/resources/frameworks.yaml' 7 | - '{user}/frameworks.yaml' 8 | 9 | benchmarks: 10 | definition_dir: 11 | - '{user}/benchmarks' 12 | - '{root}/resources/benchmarks' 13 | 14 | constraints_file: 15 | - '{user}/constraints.yaml' 16 | - '{root}/resources/constraints.yaml' 17 | -------------------------------------------------------------------------------- /examples/trials/benchmarking/automlbenchmark/nni/extensions/NNI/.marker_setup_safe_to_delete: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/767ed7f22e1e588ce76cbbecb6c6a4a76a309805/examples/trials/benchmarking/automlbenchmark/nni/extensions/NNI/.marker_setup_safe_to_delete -------------------------------------------------------------------------------- /examples/trials/benchmarking/automlbenchmark/nni/extensions/NNI/__init__.py: -------------------------------------------------------------------------------- 1 | # Copyright (c) Microsoft Corporation. 2 | # Licensed under the MIT license. 3 | 4 | def run(*args, **kwargs): 5 | from .exec import run 6 | return run(*args, **kwargs) 7 | -------------------------------------------------------------------------------- /examples/trials/benchmarking/automlbenchmark/requirements.txt: -------------------------------------------------------------------------------- 1 | pandas>=1.2.0 2 | pyyaml>=5.4.1 3 | matplotlib>=3.4.1 4 | -------------------------------------------------------------------------------- /examples/trials/benchmarking/automlbenchmark/setup.sh: -------------------------------------------------------------------------------- 1 | #!/bin/bash 2 | 3 | # download automlbenchmark repository 4 | if [ ! -d './automlbenchmark' ] ; then 5 | git clone https://github.com/openml/automlbenchmark.git --branch v1.6 --depth 1 6 | fi 7 | 8 | # install dependencies 9 | pip3 install -r automlbenchmark/requirements.txt 10 | pip3 install -r requirements.txt --ignore-installed 11 | -------------------------------------------------------------------------------- /examples/trials/cifar10_pytorch/README.md: -------------------------------------------------------------------------------- 1 | This example requires pytorch. 2 | pytorch install package should be chosen based on python version and cuda version. 3 | 4 | Here is an example of the environment python==3.5 and cuda == 8.0, then using the following commands to install pytorch: 5 | python3 -m pip install http://download.pytorch.org/whl/cu80/torch-0.4.1-cp35-cp35m-linux_x86_64.whl 6 | python3 -m pip install torchvision -------------------------------------------------------------------------------- /examples/trials/cifar10_pytorch/README_zh_CN.md: -------------------------------------------------------------------------------- 1 | 此示例需要安装 Pytorch。 Pytorch 安装包需要选择所基于的 Python 和 CUDA 版本。 2 | 3 | 以下是 python==3.5 和 cuda == 8.0 下的环境示例,使用下列命令来安装 Pytorch: python3 -m pip install http://download.pytorch.org/whl/cu80/torch-0.4.1-cp35-cp35m-linux_x86_64.whl python3 -m pip install torchvision -------------------------------------------------------------------------------- /examples/trials/cifar10_pytorch/adl.Dockerfile: -------------------------------------------------------------------------------- 1 | # Dockerfile for building AdaptDL-enabled CIFAR10 image 2 | # Set docker build context to current folder 3 | 4 | FROM pytorch/pytorch:1.4-cuda10.1-cudnn7-runtime 5 | 6 | RUN pip install nni adaptdl tensorboard 7 | 8 | COPY ./ /cifar10 9 | -------------------------------------------------------------------------------- /examples/trials/cifar10_pytorch/models/__init__.py: -------------------------------------------------------------------------------- 1 | from .vgg import * 2 | from .densenet import * 3 | from .dpn import * 4 | from .googlenet import * 5 | from .lenet import * 6 | from .mobilenet import * 7 | from .pnasnet import * 8 | from .resnet import * 9 | from .senet import * 10 | from .shufflenet import * 11 | 12 | -------------------------------------------------------------------------------- /examples/trials/cifar10_pytorch/search_space.json: -------------------------------------------------------------------------------- 1 | { 2 | "lr": { 3 | "_type": "choice", 4 | "_value": [0.1, 0.01, 0.001, 0.0001] 5 | }, 6 | "optimizer": { 7 | "_type": "choice", 8 | "_value": ["SGD", "Adadelta", "Adagrad", "Adam", "Adamax"] 9 | }, 10 | "model": { 11 | "_type": "choice", 12 | "_value": ["vgg", "resnet18", "googlenet", "densenet121", "mobilenet", "dpn92", "senet18"] 13 | } 14 | } 15 | -------------------------------------------------------------------------------- /examples/trials/cifar10_pytorch/search_space_adl.json: -------------------------------------------------------------------------------- 1 | { 2 | "lr":{"_type":"choice", "_value":[0.1, 0.01, 0.001]}, 3 | "bs":{"_type":"choice","_value":[64, 96, 128]}, 4 | "model":{"_type":"choice", "_value":["ResNet18", "SENet18", "MobileNet"]} 5 | } 6 | -------------------------------------------------------------------------------- /examples/trials/efficientnet/.gitignore: -------------------------------------------------------------------------------- 1 | EfficientNet-PyTorch -------------------------------------------------------------------------------- /examples/trials/efficientnet/README.md: -------------------------------------------------------------------------------- 1 | [Documentation](https://nni.readthedocs.io/en/latest/TrialExample/EfficientNet.html) 2 | -------------------------------------------------------------------------------- /examples/trials/efficientnet/README_zh_CN.md: -------------------------------------------------------------------------------- 1 | [文档](https://nni.readthedocs.io/zh/latest/TrialExample/EfficientNet.html) -------------------------------------------------------------------------------- /examples/trials/efficientnet/search_net.json: -------------------------------------------------------------------------------- 1 | { 2 | "alpha": { 3 | "_type": "quniform", 4 | "_value": [1.0, 2.0, 0.05] 5 | }, 6 | "beta": { 7 | "_type": "quniform", 8 | "_value": [1.0, 1.5, 0.05] 9 | }, 10 | "gamma": { 11 | "_type": "quniform", 12 | "_value": [1.0, 1.5, 0.05] 13 | } 14 | } 15 | -------------------------------------------------------------------------------- /examples/trials/ga_squad/config.yml: -------------------------------------------------------------------------------- 1 | trialCommand: python3 trial.py 2 | trialGpuNumber: 0 3 | trialConcurrency: 1 4 | maxTrialNumber: 10 5 | maxExperimentDuration: 1h 6 | searchSpace: {} # hard-coded in tuner 7 | tuner: 8 | className: customer_tuner.CustomerTuner 9 | codeDirectory: ../../tuners/ga_customer_tuner 10 | classArgs: 11 | optimize_mode: maximize 12 | trainingService: # For other platforms, check mnist-pytorch example 13 | platform: local 14 | -------------------------------------------------------------------------------- /examples/trials/ga_squad/config_windows.yml: -------------------------------------------------------------------------------- 1 | trialCommand: python trial.py 2 | trialGpuNumber: 0 3 | trialConcurrency: 1 4 | maxTrialNumber: 10 5 | maxExperimentDuration: 1h 6 | searchSpace: {} # hard-coded in tuner 7 | tuner: 8 | className: customer_tuner.CustomerTuner 9 | codeDirectory: ../../tuners/ga_customer_tuner 10 | classArgs: 11 | optimize_mode: maximize 12 | trainingService: # For other platforms, check mnist-pytorch example 13 | platform: local 14 | -------------------------------------------------------------------------------- /examples/trials/ga_squad/download.sh: -------------------------------------------------------------------------------- 1 | #!/bin/bash 2 | 3 | wget https://rajpurkar.github.io/SQuAD-explorer/dataset/train-v1.1.json 4 | wget https://rajpurkar.github.io/SQuAD-explorer/dataset/dev-v1.1.json 5 | wget http://nlp.stanford.edu/data/glove.840B.300d.zip 6 | unzip glove.840B.300d.zip -------------------------------------------------------------------------------- /examples/trials/ga_squad/ga_squad.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/767ed7f22e1e588ce76cbbecb6c6a4a76a309805/examples/trials/ga_squad/ga_squad.png -------------------------------------------------------------------------------- /examples/trials/ga_squad/requirements.txt: -------------------------------------------------------------------------------- 1 | tensorflow # tested version: 1.15.4 2 | -------------------------------------------------------------------------------- /examples/trials/kaggle-tgs-salt/config.yml: -------------------------------------------------------------------------------- 1 | useAnnotation: true 2 | trialCommand: python3 train.py 3 | trialGpuNumber: 0 4 | trialConcurrency: 2 5 | maxTrialNumber: 10 6 | tuner: 7 | name: TPE 8 | classArgs: 9 | optimize_mode: maximize 10 | trainingService: # For other platforms, check mnist-pytorch example 11 | platform: local 12 | -------------------------------------------------------------------------------- /examples/trials/kaggle-tgs-salt/config_windows.yml: -------------------------------------------------------------------------------- 1 | useAnnotation: true 2 | trialCommand: python train.py 3 | trialGpuNumber: 0 4 | trialConcurrency: 2 5 | maxTrialNumber: 10 6 | tuner: 7 | name: TPE 8 | classArgs: 9 | optimize_mode: maximize 10 | trainingService: # For other platforms, check mnist-pytorch example 11 | platform: local 12 | -------------------------------------------------------------------------------- /examples/trials/mnist-advisor/search_space.json: -------------------------------------------------------------------------------- 1 | { 2 | "dropout_rate":{"_type":"uniform","_value":[0.5,0.9]}, 3 | "conv_size":{"_type":"choice","_value":[2,3,5,7]}, 4 | "hidden_size":{"_type":"choice","_value":[124, 512, 1024]}, 5 | "batch_size": {"_type":"choice","_value":[8, 16, 32, 64]}, 6 | "learning_rate":{"_type":"choice","_value":[0.0001, 0.001, 0.01, 0.1]} 7 | } 8 | -------------------------------------------------------------------------------- /examples/trials/mnist-batch-tune-keras/config.yml: -------------------------------------------------------------------------------- 1 | searchSpaceFile: search_space.json 2 | trialCommand: python3 mnist-keras.py 3 | trialGpuNumber: 0 4 | trialConcurrency: 1 5 | maxTrialNumber: 10 6 | maxExperimentDuration: 1h 7 | tuner: 8 | name: BatchTuner 9 | trainingService: # For other platforms, check mnist-pytorch example 10 | platform: local 11 | -------------------------------------------------------------------------------- /examples/trials/mnist-batch-tune-keras/config_windows.yml: -------------------------------------------------------------------------------- 1 | searchSpaceFile: search_space.json 2 | trialCommand: python mnist-keras.py 3 | trialGpuNumber: 0 4 | trialConcurrency: 1 5 | maxTrialNumber: 10 6 | maxExperimentDuration: 1h 7 | tuner: 8 | name: BatchTuner 9 | trainingService: # For other platforms, check mnist-pytorch example 10 | platform: local 11 | -------------------------------------------------------------------------------- /examples/trials/mnist-batch-tune-keras/requirements.txt: -------------------------------------------------------------------------------- 1 | keras>=2.2.4 2 | -------------------------------------------------------------------------------- /examples/trials/mnist-distributed-pytorch/search_space.json: -------------------------------------------------------------------------------- 1 | { 2 | "learning_rate":{"_type":"choice","_value":[0.0001, 0.001, 0.01, 0.1]}, 3 | "momentum":{"_type":"choice","_value":[0.4, 0.5, 0.6]} 4 | } 5 | -------------------------------------------------------------------------------- /examples/trials/mnist-distributed-tfv1/search_space.json: -------------------------------------------------------------------------------- 1 | { 2 | "hidden_units":{"_type":"choice","_value":[100, 120, 140, 160, 180, 200]}, 3 | "batch_size": {"_type":"choice", "_value": [16, 32, 64, 128]}, 4 | "learning_rate":{"_type":"choice","_value":[0.0001, 0.001, 0.01, 0.1]} 5 | } -------------------------------------------------------------------------------- /examples/trials/mnist-keras/search_space.json: -------------------------------------------------------------------------------- 1 | { 2 | "optimizer":{"_type":"choice","_value":["Adam", "SGD"]}, 3 | "learning_rate":{"_type":"choice","_value":[0.0001, 0.001, 0.002, 0.005, 0.01]} 4 | } 5 | -------------------------------------------------------------------------------- /examples/trials/mnist-nested-search-space/requirments.txt: -------------------------------------------------------------------------------- 1 | tensorflow >= 1.3 2 | six == 1.11.0 3 | numpy == 1.13.3 4 | -------------------------------------------------------------------------------- /examples/trials/mnist-nested-search-space/sample.json: -------------------------------------------------------------------------------- 1 | { 2 | "layer0": { 3 | "_name": "Avg_pool", 4 | "pooling_size": 3 5 | }, 6 | "layer1": { 7 | "_name": "Conv", 8 | "kernel_size": 2 9 | }, 10 | "layer2": { 11 | "_name": "Empty" 12 | }, 13 | "layer3": { 14 | "_name": "Conv", 15 | "kernel_size": 5 16 | } 17 | } -------------------------------------------------------------------------------- /examples/trials/mnist-pbt-tuner-pytorch/.gitignore: -------------------------------------------------------------------------------- 1 | tmp 2 | -------------------------------------------------------------------------------- /examples/trials/mnist-pbt-tuner-pytorch/search_space.json: -------------------------------------------------------------------------------- 1 | { 2 | "batch_size": {"_type":"choice", "_value": [16, 32, 64, 128]}, 3 | "lr":{"_type":"choice","_value":[0.0001, 0.001, 0.01, 0.1]}, 4 | "momentum":{"_type":"uniform","_value":[0, 1]} 5 | } 6 | -------------------------------------------------------------------------------- /examples/trials/mnist-pytorch/.gitignore: -------------------------------------------------------------------------------- 1 | data 2 | -------------------------------------------------------------------------------- /examples/trials/mnist-pytorch/.nniignore: -------------------------------------------------------------------------------- 1 | # Exclude the following directory when uploading codeDir 2 | data 3 | 4 | # They can also be files -------------------------------------------------------------------------------- /examples/trials/mnist-pytorch/config_tensorboard.yml: -------------------------------------------------------------------------------- 1 | searchSpaceFile: search_space.json 2 | trialCommand: python3 mnist_tensorboard.py # NOTE: change "python3" to "python" if you are using Windows 3 | trialGpuNumber: 0 4 | trialConcurrency: 1 5 | maxTrialNumber: 10 6 | tuner: 7 | name: TPE 8 | classArgs: 9 | optimize_mode: maximize 10 | trainingService: 11 | platform: local 12 | -------------------------------------------------------------------------------- /examples/trials/mnist-pytorch/config_windows.yml: -------------------------------------------------------------------------------- 1 | searchSpaceFile: search_space.json 2 | trialCommand: python mnist.py 3 | trialGpuNumber: 0 4 | trialConcurrency: 1 5 | tuner: 6 | name: TPE 7 | classArgs: 8 | optimize_mode: maximize 9 | trainingService: 10 | platform: local 11 | -------------------------------------------------------------------------------- /examples/trials/mnist-pytorch/requirements.txt: -------------------------------------------------------------------------------- 1 | torch 2 | torchvision 3 | -------------------------------------------------------------------------------- /examples/trials/mnist-pytorch/search_space.json: -------------------------------------------------------------------------------- 1 | { 2 | "batch_size": {"_type":"choice", "_value": [16, 32, 64, 128]}, 3 | "hidden_size":{"_type":"choice","_value":[128, 256, 512, 1024]}, 4 | "lr":{"_type":"choice","_value":[0.0001, 0.001, 0.01, 0.1]}, 5 | "momentum":{"_type":"uniform","_value":[0, 1]} 6 | } 7 | -------------------------------------------------------------------------------- /examples/trials/mnist-sharedstorage/requirements.txt: -------------------------------------------------------------------------------- 1 | torch 2 | torchvision 3 | -------------------------------------------------------------------------------- /examples/trials/mnist-sharedstorage/search_space.json: -------------------------------------------------------------------------------- 1 | { 2 | "batch_size": {"_type":"choice", "_value": [16, 32, 64, 128]}, 3 | "hidden_size":{"_type":"choice","_value":[128, 256, 512, 1024]}, 4 | "lr":{"_type":"choice","_value":[0.0001, 0.001, 0.01, 0.1]}, 5 | "momentum":{"_type":"uniform","_value":[0, 1]} 6 | } 7 | -------------------------------------------------------------------------------- /examples/trials/mnist-tfv1/.nniignore: -------------------------------------------------------------------------------- 1 | # Exclude the following directories when uploading codeDir. 2 | data 3 | logs 4 | checkpoints 5 | 6 | # They can also be files 7 | outputs.log 8 | -------------------------------------------------------------------------------- /examples/trials/mnist-tfv1/search_space.json: -------------------------------------------------------------------------------- 1 | { 2 | "dropout_rate":{"_type":"uniform","_value":[0.5, 0.9]}, 3 | "conv_size":{"_type":"choice","_value":[2,3,5,7]}, 4 | "hidden_size":{"_type":"choice","_value":[124, 512, 1024]}, 5 | "batch_size": {"_type":"choice", "_value": [1, 4, 8, 16, 32]}, 6 | "learning_rate":{"_type":"choice","_value":[0.0001, 0.001, 0.01, 0.1]} 7 | } 8 | -------------------------------------------------------------------------------- /examples/trials/mnist-tfv2/config_assessor.yml: -------------------------------------------------------------------------------- 1 | searchSpaceFile: search_space.json 2 | trialCommand: python3 mnist.py 3 | trialGpuNumber: 0 4 | trialConcurrency: 2 5 | maxTrialNumber: 50 6 | tuner: 7 | name: TPE 8 | classArgs: 9 | optimize_mode: maximize 10 | assessor: # Specify early-stop algorithm 11 | name: Curvefitting 12 | classArgs: 13 | epoch_num: 20 14 | threshold: 0.9 15 | trainingService: 16 | platform: local 17 | -------------------------------------------------------------------------------- /examples/trials/mnist-tfv2/config_windows.yml: -------------------------------------------------------------------------------- 1 | searchSpaceFile: search_space.json 2 | trialCommand: python mnist.py 3 | trialGpuNumber: 0 4 | trialConcurrency: 1 5 | tuner: 6 | name: TPE 7 | classArgs: 8 | optimize_mode: maximize 9 | trainingService: 10 | platform: local 11 | -------------------------------------------------------------------------------- /examples/trials/mnist-tfv2/search_space.json: -------------------------------------------------------------------------------- 1 | { 2 | "dropout_rate": { "_type": "uniform", "_value": [0.5, 0.9] }, 3 | "conv_size": { "_type": "choice", "_value": [2, 3, 5, 7] }, 4 | "hidden_size": { "_type": "choice", "_value": [124, 512, 1024] }, 5 | "batch_size": { "_type": "choice", "_value": [16, 32] }, 6 | "learning_rate": { "_type": "choice", "_value": [0.0001, 0.001, 0.01, 0.1] } 7 | } 8 | -------------------------------------------------------------------------------- /examples/trials/network_morphism/FashionMNIST/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/767ed7f22e1e588ce76cbbecb6c6a4a76a309805/examples/trials/network_morphism/FashionMNIST/__init__.py -------------------------------------------------------------------------------- /examples/trials/network_morphism/cifar10/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/767ed7f22e1e588ce76cbbecb6c6a4a76a309805/examples/trials/network_morphism/cifar10/__init__.py -------------------------------------------------------------------------------- /examples/trials/network_morphism/requirements.txt: -------------------------------------------------------------------------------- 1 | numpy # tested version: 1.18.5 2 | tensorflow # tested version: 1.15.4 3 | torchvision # tested version: 0.2.1 4 | Keras # tested version: 2.3.1 5 | torch # tested version: 0.4.1 6 | -------------------------------------------------------------------------------- /examples/trials/pix2pix-pytorch/.gitignore: -------------------------------------------------------------------------------- 1 | # datasets 2 | data/ 3 | 4 | # pix2pix library 5 | pix2pixlib/ -------------------------------------------------------------------------------- /examples/trials/pix2pix-pytorch/setup.sh: -------------------------------------------------------------------------------- 1 | #!/bin/bash 2 | 3 | # download pix2pix repository 4 | if [ ! -d './pix2pixlib' ] ; then 5 | git clone https://github.com/junyanz/pytorch-CycleGAN-and-pix2pix.git pix2pixlib 6 | fi 7 | -------------------------------------------------------------------------------- /examples/trials/sklearn/classification/config.yml: -------------------------------------------------------------------------------- 1 | searchSpaceFile: search_space.json 2 | trialCommand: python3 main.py 3 | trialConcurrency: 1 4 | maxTrialNumber: 100 5 | maxExperimentDuration: 1h 6 | tuner: 7 | name: TPE 8 | classArgs: 9 | optimize_mode: maximize 10 | trainingService: # For other platforms, check mnist-pytorch example 11 | platform: local 12 | -------------------------------------------------------------------------------- /examples/trials/sklearn/classification/search_space.json: -------------------------------------------------------------------------------- 1 | { 2 | "C": {"_type":"uniform","_value":[0.1, 1]}, 3 | "kernel": {"_type":"choice","_value":["linear", "rbf", "poly", "sigmoid"]}, 4 | "degree": {"_type":"choice","_value":[1, 2, 3, 4]}, 5 | "gamma": {"_type":"uniform","_value":[0.01, 0.1]}, 6 | "coef0": {"_type":"uniform","_value":[0.01, 0.1]} 7 | } -------------------------------------------------------------------------------- /examples/trials/sklearn/regression/config.yml: -------------------------------------------------------------------------------- 1 | searchSpaceFile: search_space.json 2 | trialCommand: python3 main.py 3 | trialConcurrency: 1 4 | maxTrialNumber: 30 5 | maxExperimentDuration: 1h 6 | tuner: 7 | name: TPE 8 | classArgs: 9 | optimize_mode: maximize 10 | trainingService: # For other platforms, check mnist-pytorch example 11 | platform: local 12 | -------------------------------------------------------------------------------- /examples/trials/sklearn/regression/search_space.json: -------------------------------------------------------------------------------- 1 | { 2 | "model_name":{"_type":"choice","_value":["LinearRegression", "Lars", "Ridge", "ARDRegression"]}, 3 | "normalize": {"_type":"choice","_value":["true", "false"]} 4 | } -------------------------------------------------------------------------------- /examples/trials/sklearn/requirements.txt: -------------------------------------------------------------------------------- 1 | sudo apt-get install libblas-dev liblapack-dev libatlas-base-dev gfortran 2 | python3 -m pip install --user numpy scipy sklearn 3 | -------------------------------------------------------------------------------- /examples/trials/systems_auto_tuning/opevo/screenshot.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/767ed7f22e1e588ce76cbbecb6c6a4a76a309805/examples/trials/systems_auto_tuning/opevo/screenshot.png -------------------------------------------------------------------------------- /examples/trials/systems_auto_tuning/opevo/src/experiments/bmm/B960N128K128M64PNN/search_space.json: -------------------------------------------------------------------------------- 1 | {"B": {"_type": "factor", "_value": [960, 2]}, "K": {"_type": "factor", "_value": [128, 3]}, "X": {"_type": "factor", "_value": [128, 4]}, "Y": {"_type": "factor", "_value": [64, 4]}} -------------------------------------------------------------------------------- /examples/trials/systems_auto_tuning/opevo/src/experiments/bmm/B960N128K128M64PTN/search_space.json: -------------------------------------------------------------------------------- 1 | {"B": {"_type": "factor", "_value": [960, 2]}, "K": {"_type": "factor", "_value": [128, 3]}, "X": {"_type": "factor", "_value": [128, 4]}, "Y": {"_type": "factor", "_value": [64, 4]}} -------------------------------------------------------------------------------- /examples/trials/systems_auto_tuning/opevo/src/experiments/bmm/B960N128K64M128PNT/search_space.json: -------------------------------------------------------------------------------- 1 | {"B": {"_type": "factor", "_value": [960, 2]}, "K": {"_type": "factor", "_value": [64, 3]}, "X": {"_type": "factor", "_value": [128, 4]}, "Y": {"_type": "factor", "_value": [128, 4]}} -------------------------------------------------------------------------------- /examples/trials/systems_auto_tuning/opevo/src/experiments/mm/N512K1024M1024/search_space.json: -------------------------------------------------------------------------------- 1 | {"K": {"_type": "factor", "_value": [1024, 3]}, "X": {"_type": "factor", "_value": [512, 4]}, "Y": {"_type": "factor", "_value": [1024, 4]}} 2 | -------------------------------------------------------------------------------- /examples/trials/systems_auto_tuning/opevo/src/experiments/mm/N512K1024M4096/search_space.json: -------------------------------------------------------------------------------- 1 | {"K": {"_type": "factor", "_value": [1024, 3]}, "X": {"_type": "factor", "_value": [512, 4]}, "Y": {"_type": "factor", "_value": [4096, 4]}} -------------------------------------------------------------------------------- /examples/trials/systems_auto_tuning/opevo/src/experiments/mm/N512K4096M1024/search_space.json: -------------------------------------------------------------------------------- 1 | {"K": {"_type": "factor", "_value": [4096, 3]}, "X": {"_type": "factor", "_value": [512, 4]}, "Y": {"_type": "factor", "_value": [1024, 4]}} -------------------------------------------------------------------------------- /examples/trials/systems_auto_tuning/opevo/tvm_patches/libcuda.so.1: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/767ed7f22e1e588ce76cbbecb6c6a4a76a309805/examples/trials/systems_auto_tuning/opevo/tvm_patches/libcuda.so.1 -------------------------------------------------------------------------------- /examples/trials/systems_auto_tuning/rocksdb-fillrandom/config_smac.yml: -------------------------------------------------------------------------------- 1 | experimentName: auto_rocksdb_SMAC 2 | searchSpaceFile: search_space.json 3 | trialCommand: python3 main.py 4 | trialCodeDirectory: . 5 | trialGpuNumber: 0 6 | trialConcurrency: 1 7 | maxExperimentDuration: 24h 8 | maxTrialNumber: 256 9 | tuner: 10 | name: SMAC 11 | classArgs: 12 | optimize_mode: maximize 13 | trainingService: 14 | platform: local 15 | useActiveGpu: False 16 | -------------------------------------------------------------------------------- /examples/trials/systems_auto_tuning/rocksdb-fillrandom/config_tpe.yml: -------------------------------------------------------------------------------- 1 | experimentName: auto_rocksdb_TPE 2 | searchSpaceFile: search_space.json 3 | trialCommand: python3 main.py 4 | trialCodeDirectory: . 5 | trialGpuNumber: 0 6 | trialConcurrency: 1 7 | maxExperimentDuration: 24h 8 | maxTrialNumber: 256 9 | tuner: 10 | name: TPE 11 | classArgs: 12 | optimize_mode: maximize 13 | trainingService: 14 | platform: local 15 | useActiveGpu: False 16 | -------------------------------------------------------------------------------- /examples/trials/systems_auto_tuning/rocksdb-fillrandom/plot.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/767ed7f22e1e588ce76cbbecb6c6a4a76a309805/examples/trials/systems_auto_tuning/rocksdb-fillrandom/plot.png -------------------------------------------------------------------------------- /examples/trials/systems_auto_tuning/rocksdb-fillrandom/search_space.json: -------------------------------------------------------------------------------- 1 | { 2 | "write_buffer_size": { 3 | "_type": "quniform", 4 | "_value": [2097152, 16777216, 1048576] 5 | }, 6 | "min_write_buffer_number_to_merge": { 7 | "_type": "quniform", 8 | "_value": [2, 16, 1] 9 | }, 10 | "level0_file_num_compaction_trigger": { 11 | "_type": "quniform", 12 | "_value": [2, 16, 1] 13 | } 14 | } 15 | -------------------------------------------------------------------------------- /examples/trials/weight_sharing/ga_squad/download.sh: -------------------------------------------------------------------------------- 1 | #!/bin/bash 2 | 3 | wget https://rajpurkar.github.io/SQuAD-explorer/dataset/train-v1.1.json 4 | wget https://rajpurkar.github.io/SQuAD-explorer/dataset/dev-v1.1.json 5 | wget http://nlp.stanford.edu/data/glove.840B.300d.zip 6 | unzip glove.840B.300d.zip -------------------------------------------------------------------------------- /examples/tuners/customized_tuner/README.md: -------------------------------------------------------------------------------- 1 | # How to install this customized tuner as a builtin tuner 2 | 3 | Reference [this document](https://github.com/microsoft/nni/blob/master/docs/en_US/Tuner/InstallCustomizedTuner.md) to install this customized tuner as a builtin tuner. -------------------------------------------------------------------------------- /examples/tuners/customized_tuner/README_zh_CN.md: -------------------------------------------------------------------------------- 1 | # 如何将自定义的 Tuner 安装为内置 Tuner 2 | 3 | 参考[文档](https://github.com/microsoft/nni/blob/master/docs/zh_CN/Tuner/InstallCustomizedTuner.md), 安装自定义 Tuner。 -------------------------------------------------------------------------------- /examples/tuners/customized_tuner/demo_tuner/__init__.py: -------------------------------------------------------------------------------- 1 | from .demo_tuner import DemoTuner, MyClassArgsValidator 2 | -------------------------------------------------------------------------------- /examples/tuners/customized_tuner/meta_file.yml: -------------------------------------------------------------------------------- 1 | algoType: tuner 2 | builtinName: demotuner 3 | className: demo_tuner.DemoTuner 4 | classArgsValidator: demo_tuner.MyClassArgsValidator 5 | -------------------------------------------------------------------------------- /examples/tuners/ga_customer_tuner/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/767ed7f22e1e588ce76cbbecb6c6a4a76a309805/examples/tuners/ga_customer_tuner/__init__.py -------------------------------------------------------------------------------- /examples/tuners/mnist_keras_customized_advisor/search_space.json: -------------------------------------------------------------------------------- 1 | { 2 | "README": "To demonstrate the flexibility, this search space does not follow the standard definition.", 3 | "optimizer": ["Adam", "SGD"], 4 | "learning_rate": [0.001, 0.1] 5 | } 6 | -------------------------------------------------------------------------------- /examples/tuners/weight_sharing/ga_customer_tuner/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/767ed7f22e1e588ce76cbbecb6c6a4a76a309805/examples/tuners/weight_sharing/ga_customer_tuner/__init__.py -------------------------------------------------------------------------------- /examples/tutorials/.gitignore: -------------------------------------------------------------------------------- 1 | data/ 2 | log/ 3 | *.onnx 4 | lightning_logs 5 | models/ 6 | pruning_log/ 7 | output*/ -------------------------------------------------------------------------------- /examples/tutorials/README.rst: -------------------------------------------------------------------------------- 1 | Tutorials 2 | ========= 3 | -------------------------------------------------------------------------------- /examples/tutorials/hpo_quickstart_pytorch/README.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/767ed7f22e1e588ce76cbbecb6c6a4a76a309805/examples/tutorials/hpo_quickstart_pytorch/README.rst -------------------------------------------------------------------------------- /examples/tutorials/hpo_quickstart_tensorflow/README.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/767ed7f22e1e588ce76cbbecb6c6a4a76a309805/examples/tutorials/hpo_quickstart_tensorflow/README.rst -------------------------------------------------------------------------------- /nni/algorithms/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/767ed7f22e1e588ce76cbbecb6c6a4a76a309805/nni/algorithms/__init__.py -------------------------------------------------------------------------------- /nni/algorithms/feature_engineering/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/767ed7f22e1e588ce76cbbecb6c6a4a76a309805/nni/algorithms/feature_engineering/__init__.py -------------------------------------------------------------------------------- /nni/algorithms/feature_engineering/gbdt_selector/__init__.py: -------------------------------------------------------------------------------- 1 | # Copyright (c) Microsoft Corporation. 2 | # Licensed under the MIT license. 3 | 4 | from .gbdt_selector import GBDTSelector -------------------------------------------------------------------------------- /nni/algorithms/feature_engineering/gbdt_selector/requirements.txt: -------------------------------------------------------------------------------- 1 | lightgbm -------------------------------------------------------------------------------- /nni/algorithms/feature_engineering/gradient_selector/__init__.py: -------------------------------------------------------------------------------- 1 | # Copyright (c) Microsoft Corporation. 2 | # Licensed under the MIT license. 3 | 4 | from .gradient_selector import FeatureGradientSelector -------------------------------------------------------------------------------- /nni/algorithms/feature_engineering/gradient_selector/requirements.txt: -------------------------------------------------------------------------------- 1 | numpy # tested version: 1.14.3 2 | scikit-learn # tested version: 0.23.2 3 | scipy # tested version: 1.1.0 4 | torch # tested version: 1.1.0 5 | -------------------------------------------------------------------------------- /nni/algorithms/hpo/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/767ed7f22e1e588ce76cbbecb6c6a4a76a309805/nni/algorithms/hpo/__init__.py -------------------------------------------------------------------------------- /nni/algorithms/hpo/bohb_advisor/__init__.py: -------------------------------------------------------------------------------- 1 | # Copyright (c) Microsoft Corporation. 2 | # Licensed under the MIT license. 3 | 4 | from .bohb_advisor import BOHB, BOHBClassArgsValidator 5 | -------------------------------------------------------------------------------- /nni/algorithms/hpo/curvefitting_assessor/__init__.py: -------------------------------------------------------------------------------- 1 | # Copyright (c) Microsoft Corporation. 2 | # Licensed under the MIT license. 3 | 4 | from .curvefitting_assessor import CurvefittingAssessor, CurvefittingClassArgsValidator 5 | -------------------------------------------------------------------------------- /nni/algorithms/hpo/gp_tuner/__init__.py: -------------------------------------------------------------------------------- 1 | # Copyright (c) Microsoft Corporation. 2 | # Licensed under the MIT license. 3 | 4 | from .gp_tuner import GPTuner, GPClassArgsValidator 5 | -------------------------------------------------------------------------------- /nni/algorithms/hpo/metis_tuner/Regression_GMM/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/767ed7f22e1e588ce76cbbecb6c6a4a76a309805/nni/algorithms/hpo/metis_tuner/Regression_GMM/__init__.py -------------------------------------------------------------------------------- /nni/algorithms/hpo/metis_tuner/Regression_GP/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/767ed7f22e1e588ce76cbbecb6c6a4a76a309805/nni/algorithms/hpo/metis_tuner/Regression_GP/__init__.py -------------------------------------------------------------------------------- /nni/algorithms/hpo/metis_tuner/__init__.py: -------------------------------------------------------------------------------- 1 | # Copyright (c) Microsoft Corporation. 2 | # Licensed under the MIT license. 3 | 4 | from .metis_tuner import MetisTuner, MetisClassArgsValidator 5 | -------------------------------------------------------------------------------- /nni/algorithms/hpo/metis_tuner/requirments.txt: -------------------------------------------------------------------------------- 1 | scikit-learn>=0.23.2 2 | -------------------------------------------------------------------------------- /nni/algorithms/hpo/networkmorphism_tuner/__init__.py: -------------------------------------------------------------------------------- 1 | # Copyright (c) Microsoft Corporation. 2 | # Licensed under the MIT license. 3 | 4 | from .networkmorphism_tuner import NetworkMorphismTuner, NetworkMorphismClassArgsValidator 5 | -------------------------------------------------------------------------------- /nni/algorithms/hpo/ppo_tuner/__init__.py: -------------------------------------------------------------------------------- 1 | # Copyright (c) Microsoft Corporation. 2 | # Licensed under the MIT license. 3 | 4 | from .ppo_tuner import PPOTuner, PPOClassArgsValidator 5 | -------------------------------------------------------------------------------- /nni/algorithms/hpo/smac_tuner/__init__.py: -------------------------------------------------------------------------------- 1 | # Copyright (c) Microsoft Corporation. 2 | # Licensed under the MIT license. 3 | 4 | from .smac_tuner import SMACTuner, SMACClassArgsValidator 5 | -------------------------------------------------------------------------------- /nni/common/__init__.py: -------------------------------------------------------------------------------- 1 | # Copyright (c) Microsoft Corporation. 2 | # Licensed under the MIT license. 3 | 4 | from .serializer import trace, dump, load, is_traceable 5 | -------------------------------------------------------------------------------- /nni/common/hpo_utils/__init__.py: -------------------------------------------------------------------------------- 1 | # Copyright (c) Microsoft Corporation. 2 | # Licensed under the MIT license. 3 | 4 | from .dedup import Deduplicator 5 | from .validation import validate_search_space 6 | from .formatting import * 7 | from .optimize_mode import OptimizeMode 8 | -------------------------------------------------------------------------------- /nni/common/hpo_utils/optimize_mode.py: -------------------------------------------------------------------------------- 1 | # Copyright (c) Microsoft Corporation. 2 | # Licensed under the MIT license. 3 | 4 | from enum import Enum 5 | 6 | class OptimizeMode(Enum): 7 | Minimize = 'minimize' 8 | Maximize = 'maximize' 9 | -------------------------------------------------------------------------------- /nni/common/types.py: -------------------------------------------------------------------------------- 1 | # Copyright (c) Microsoft Corporation. 2 | # Licensed under the MIT license. 3 | 4 | from nni.common.version import torch_version_is_2 5 | 6 | if torch_version_is_2(): 7 | from torch.optim.lr_scheduler import LRScheduler # type: ignore 8 | SCHEDULER = LRScheduler 9 | else: 10 | from torch.optim.lr_scheduler import _LRScheduler 11 | SCHEDULER = _LRScheduler 12 | -------------------------------------------------------------------------------- /nni/compression/__init__.py: -------------------------------------------------------------------------------- 1 | # Copyright (c) Microsoft Corporation. 2 | # Licensed under the MIT license. 3 | 4 | from .utils.evaluator import LightningEvaluator, TorchEvaluator, TransformersEvaluator, DeepspeedTorchEvaluator 5 | -------------------------------------------------------------------------------- /nni/compression/base/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/767ed7f22e1e588ce76cbbecb6c6a4a76a309805/nni/compression/base/__init__.py -------------------------------------------------------------------------------- /nni/compression/distillation/__init__.py: -------------------------------------------------------------------------------- 1 | # Copyright (c) Microsoft Corporation. 2 | # Licensed under the MIT license. 3 | 4 | from .basic_distiller import DynamicLayerwiseDistiller, Adaptive1dLayerwiseDistiller 5 | -------------------------------------------------------------------------------- /nni/compression/pruning/__init__.py: -------------------------------------------------------------------------------- 1 | # Copyright (c) Microsoft Corporation. 2 | # Licensed under the MIT license. 3 | 4 | from .basic_pruner import LevelPruner, L1NormPruner, L2NormPruner, FPGMPruner 5 | from .movement_pruner import MovementPruner 6 | from .scheduled_pruner import LinearPruner, AGPPruner 7 | from .slim_pruner import SlimPruner 8 | from .taylor_pruner import TaylorPruner 9 | -------------------------------------------------------------------------------- /nni/compression/pruning/tools/__init__.py: -------------------------------------------------------------------------------- 1 | # Copyright (c) Microsoft Corporation. 2 | # Licensed under the MIT license. 3 | 4 | from .collect_data import _DATA, active_sparse_targets_filter 5 | from .calculate_metrics import _METRICS, norm_metrics, fpgm_metrics 6 | from .sparse_gen import _MASKS, generate_sparsity 7 | from .utils import is_active_target 8 | -------------------------------------------------------------------------------- /nni/compression/pruning/tools/utils.py: -------------------------------------------------------------------------------- 1 | # Copyright (c) Microsoft Corporation. 2 | # Licensed under the MIT license. 3 | 4 | from __future__ import annotations 5 | 6 | from ...base.target_space import PruningTargetSpace 7 | 8 | 9 | def is_active_target(target_space: PruningTargetSpace): 10 | return target_space.sparse_ratio is not None or target_space.sparse_threshold is not None 11 | -------------------------------------------------------------------------------- /nni/compression/quantization_speedup/__init__.py: -------------------------------------------------------------------------------- 1 | # Copyright (c) Microsoft Corporation. 2 | # Licensed under the MIT license. 3 | 4 | from .integrated_tensorrt import ModelSpeedupTensorRT -------------------------------------------------------------------------------- /nni/compression/speedup/__init__.py: -------------------------------------------------------------------------------- 1 | # Copyright (c) Microsoft Corporation. 2 | # Licensed under the MIT license. 3 | 4 | from .dependency import auto_set_denpendency_group_ids 5 | from .model_speedup import ModelSpeedup 6 | -------------------------------------------------------------------------------- /nni/compression/utils/external/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/767ed7f22e1e588ce76cbbecb6c6a4a76a309805/nni/compression/utils/external/__init__.py -------------------------------------------------------------------------------- /nni/compression/utils/quantization/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/767ed7f22e1e588ce76cbbecb6c6a4a76a309805/nni/compression/utils/quantization/__init__.py -------------------------------------------------------------------------------- /nni/contrib/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/767ed7f22e1e588ce76cbbecb6c6a4a76a309805/nni/contrib/__init__.py -------------------------------------------------------------------------------- /nni/contrib/distillation/__init__.py: -------------------------------------------------------------------------------- 1 | # Copyright (c) Microsoft Corporation. 2 | # Licensed under the MIT license. 3 | -------------------------------------------------------------------------------- /nni/contrib/training_service/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/767ed7f22e1e588ce76cbbecb6c6a4a76a309805/nni/contrib/training_service/__init__.py -------------------------------------------------------------------------------- /nni/experiment/__init__.py: -------------------------------------------------------------------------------- 1 | # Copyright (c) Microsoft Corporation. 2 | # Licensed under the MIT license. 3 | 4 | from .config import * 5 | from .experiment import Experiment, RunMode 6 | from .data import * 7 | -------------------------------------------------------------------------------- /nni/experiment/config/__init__.py: -------------------------------------------------------------------------------- 1 | # Copyright (c) Microsoft Corporation. 2 | # Licensed under the MIT license. 3 | 4 | from .experiment_config import ExperimentConfig 5 | from .algorithm import AlgorithmConfig, CustomAlgorithmConfig 6 | from .training_services import * 7 | from .shared_storage import * 8 | -------------------------------------------------------------------------------- /nni/experiment/config/training_services/__init__.py: -------------------------------------------------------------------------------- 1 | # Copyright (c) Microsoft Corporation. 2 | # Licensed under the MIT license. 3 | 4 | from .local import * 5 | from .remote import * 6 | from .openpai import * 7 | from .k8s_storage import * 8 | from .kubeflow import * 9 | from .frameworkcontroller import * 10 | from .aml import * 11 | from .dlc import * 12 | -------------------------------------------------------------------------------- /nni/experiment/config/utils/__init__.py: -------------------------------------------------------------------------------- 1 | # Copyright (c) Microsoft Corporation. 2 | # Licensed under the MIT license. 3 | 4 | """ 5 | Utility functions for experiment config classes. 6 | 7 | Check "public.py" to see which functions you can utilize. 8 | """ 9 | 10 | from .public import * 11 | from .internal import * 12 | -------------------------------------------------------------------------------- /nni/feature_engineering/__init__.py: -------------------------------------------------------------------------------- 1 | 2 | -------------------------------------------------------------------------------- /nni/mutable/__init__.py: -------------------------------------------------------------------------------- 1 | # Copyright (c) Microsoft Corporation. 2 | # Licensed under the MIT license. 3 | 4 | from .annotation import * 5 | from .container import * 6 | from .exception import * 7 | from .frozen import * 8 | from .mutable import * 9 | from .utils import * 10 | -------------------------------------------------------------------------------- /nni/nas/__init__.py: -------------------------------------------------------------------------------- 1 | # Copyright (c) Microsoft Corporation. 2 | # Licensed under the MIT license. 3 | 4 | from .utils import * 5 | -------------------------------------------------------------------------------- /nni/nas/benchmark/__init__.py: -------------------------------------------------------------------------------- 1 | # Copyright (c) Microsoft Corporation. 2 | # Licensed under the MIT license. 3 | 4 | try: 5 | import peewee 6 | except ImportError: 7 | import warnings 8 | warnings.warn('peewee is not installed. Please install it to use NAS benchmarks.') 9 | 10 | del peewee 11 | 12 | from .evaluator import * 13 | from .space import * 14 | from .utils import load_benchmark, download_benchmark 15 | -------------------------------------------------------------------------------- /nni/nas/benchmark/download.py: -------------------------------------------------------------------------------- 1 | # Copyright (c) Microsoft Corporation. 2 | # Licensed under the MIT license. 3 | 4 | import argparse 5 | 6 | if __name__ == '__main__': 7 | parser = argparse.ArgumentParser('NAS benchmark downloader') 8 | parser.add_argument('benchmark_name', choices=['nasbench101', 'nasbench201', 'nds']) 9 | 10 | args = parser.parse_args() 11 | 12 | from .utils import download_benchmark 13 | download_benchmark(args.benchmark_name) 14 | -------------------------------------------------------------------------------- /nni/nas/benchmark/nasbench101/__init__.py: -------------------------------------------------------------------------------- 1 | # Copyright (c) Microsoft Corporation. 2 | # Licensed under the MIT license. 3 | 4 | from .constants import INPUT, OUTPUT, CONV3X3_BN_RELU, CONV1X1_BN_RELU, MAXPOOL3X3 5 | from .schema import Nb101TrialStats, Nb101IntermediateStats, Nb101TrialConfig 6 | from .query import query_nb101_trial_stats 7 | -------------------------------------------------------------------------------- /nni/nas/benchmark/nasbench101/constants.py: -------------------------------------------------------------------------------- 1 | # Copyright (c) Microsoft Corporation. 2 | # Licensed under the MIT license. 3 | 4 | INPUT = 'input' 5 | OUTPUT = 'output' 6 | CONV3X3_BN_RELU = 'conv3x3-bn-relu' 7 | CONV1X1_BN_RELU = 'conv1x1-bn-relu' 8 | MAXPOOL3X3 = 'maxpool3x3' 9 | 10 | 11 | LABEL2ID = { 12 | INPUT: -1, 13 | OUTPUT: -2, 14 | CONV3X3_BN_RELU: 0, 15 | CONV1X1_BN_RELU: 1, 16 | MAXPOOL3X3: 2 17 | } 18 | -------------------------------------------------------------------------------- /nni/nas/benchmark/nasbench201/__init__.py: -------------------------------------------------------------------------------- 1 | # Copyright (c) Microsoft Corporation. 2 | # Licensed under the MIT license. 3 | 4 | from .constants import NONE, SKIP_CONNECT, CONV_1X1, CONV_3X3, AVG_POOL_3X3 5 | from .schema import Nb201TrialStats, Nb201IntermediateStats, Nb201TrialConfig 6 | from .query import query_nb201_trial_stats 7 | -------------------------------------------------------------------------------- /nni/nas/benchmark/nasbench201/constants.py: -------------------------------------------------------------------------------- 1 | # Copyright (c) Microsoft Corporation. 2 | # Licensed under the MIT license. 3 | 4 | NONE = 'none' 5 | SKIP_CONNECT = 'skip_connect' 6 | CONV_1X1 = 'conv_1x1' 7 | CONV_3X3 = 'conv_3x3' 8 | AVG_POOL_3X3 = 'avg_pool_3x3' 9 | PRIMITIVES = [ 10 | NONE, 11 | SKIP_CONNECT, 12 | CONV_1X1, 13 | CONV_3X3, 14 | AVG_POOL_3X3, 15 | ] 16 | -------------------------------------------------------------------------------- /nni/nas/benchmark/nds/__init__.py: -------------------------------------------------------------------------------- 1 | # Copyright (c) Microsoft Corporation. 2 | # Licensed under the MIT license. 3 | 4 | from .constants import * 5 | from .schema import NdsTrialConfig, NdsTrialStats, NdsIntermediateStats 6 | from .query import query_nds_trial_stats 7 | -------------------------------------------------------------------------------- /nni/nas/benchmark/nlp/__init__.py: -------------------------------------------------------------------------------- 1 | # Copyright (c) Microsoft Corporation. 2 | # Licensed under the MIT license. 3 | 4 | from .schema import NlpTrialStats, NlpIntermediateStats, NlpTrialConfig 5 | from .query import query_nlp_trial_stats 6 | -------------------------------------------------------------------------------- /nni/nas/evaluator/__init__.py: -------------------------------------------------------------------------------- 1 | # Copyright (c) Microsoft Corporation. 2 | # Licensed under the MIT license. 3 | 4 | from nni.common.framework import shortcut_framework 5 | 6 | from .evaluator import * 7 | from .functional import FunctionalEvaluator 8 | 9 | shortcut_framework(__name__) 10 | 11 | del shortcut_framework 12 | -------------------------------------------------------------------------------- /nni/nas/evaluator/pytorch/__init__.py: -------------------------------------------------------------------------------- 1 | # Copyright (c) Microsoft Corporation. 2 | # Licensed under the MIT license. 3 | 4 | import warnings 5 | 6 | try: 7 | from .lightning import * 8 | except ImportError: 9 | warnings.warn("PyTorch-Lightning must be installed to use PyTorch in NAS. " 10 | "If you are not using PyTorch, please `nni.set_default_framework('none')`") 11 | raise 12 | -------------------------------------------------------------------------------- /nni/nas/evaluator/pytorch/cgo/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/767ed7f22e1e588ce76cbbecb6c6a4a76a309805/nni/nas/evaluator/pytorch/cgo/__init__.py -------------------------------------------------------------------------------- /nni/nas/evaluator/tensorflow.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/767ed7f22e1e588ce76cbbecb6c6a4a76a309805/nni/nas/evaluator/tensorflow.py -------------------------------------------------------------------------------- /nni/nas/execution/__init__.py: -------------------------------------------------------------------------------- 1 | # Copyright (c) Microsoft Corporation. 2 | # Licensed under the MIT license. 3 | 4 | from .engine import * 5 | from .event import * 6 | from .sequential import * 7 | from .training_service import * 8 | -------------------------------------------------------------------------------- /nni/nas/execution/cgo/__init__.py: -------------------------------------------------------------------------------- 1 | # Copyright (c) Microsoft Corporation. 2 | # Licensed under the MIT license. 3 | 4 | from .evaluator import * 5 | from .middleware import CrossGraphOptimization 6 | -------------------------------------------------------------------------------- /nni/nas/execution/cgo/logical_optimizer/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/767ed7f22e1e588ce76cbbecb6c6a4a76a309805/nni/nas/execution/cgo/logical_optimizer/__init__.py -------------------------------------------------------------------------------- /nni/nas/execution/cgo/logical_optimizer/interface.py: -------------------------------------------------------------------------------- 1 | # Copyright (c) Microsoft Corporation. 2 | # Licensed under the MIT license. 3 | 4 | from abc import ABC 5 | 6 | from .logical_plan import LogicalPlan 7 | 8 | 9 | class AbstractOptimizer(ABC): 10 | def __init__(self) -> None: 11 | pass 12 | 13 | def convert(self, logical_plan: LogicalPlan) -> None: 14 | raise NotImplementedError 15 | -------------------------------------------------------------------------------- /nni/nas/experiment/__init__.py: -------------------------------------------------------------------------------- 1 | # Copyright (c) Microsoft Corporation. 2 | # Licensed under the MIT license. 3 | 4 | from .experiment import NasExperiment 5 | from .config import NasExperimentConfig 6 | -------------------------------------------------------------------------------- /nni/nas/experiment/config/__init__.py: -------------------------------------------------------------------------------- 1 | # Copyright (c) Microsoft Corporation. 2 | # Licensed under the MIT license. 3 | 4 | from .experiment import * 5 | from .engine import * 6 | from .format import * 7 | -------------------------------------------------------------------------------- /nni/nas/hub/__init__.py: -------------------------------------------------------------------------------- 1 | # Copyright (c) Microsoft Corporation. 2 | # Licensed under the MIT license. 3 | 4 | from nni.common.framework import shortcut_framework 5 | 6 | shortcut_framework(__name__) 7 | 8 | del shortcut_framework 9 | -------------------------------------------------------------------------------- /nni/nas/hub/pytorch/__init__.py: -------------------------------------------------------------------------------- 1 | # Copyright (c) Microsoft Corporation. 2 | # Licensed under the MIT license. 3 | 4 | from .mobilenetv3 import MobileNetV3Space 5 | from .nasbench101 import NasBench101 6 | from .nasbench201 import NasBench201 7 | from .nasnet import NDS, NASNet, ENAS, AmoebaNet, PNAS, DARTS 8 | from .proxylessnas import ProxylessNAS 9 | from .shufflenet import ShuffleNetSpace 10 | from .autoformer import AutoformerSpace, AutoFormer 11 | -------------------------------------------------------------------------------- /nni/nas/hub/pytorch/modules/__init__.py: -------------------------------------------------------------------------------- 1 | # Copyright (c) Microsoft Corporation. 2 | # Licensed under the MIT license. 3 | 4 | """Famous building blocks of search spaces.""" 5 | 6 | from .autoactivation import * 7 | from .nasbench101 import * 8 | from .nasbench201 import * 9 | -------------------------------------------------------------------------------- /nni/nas/hub/pytorch/utils/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/767ed7f22e1e588ce76cbbecb6c6a4a76a309805/nni/nas/hub/pytorch/utils/__init__.py -------------------------------------------------------------------------------- /nni/nas/hub/tensorflow.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/767ed7f22e1e588ce76cbbecb6c6a4a76a309805/nni/nas/hub/tensorflow.py -------------------------------------------------------------------------------- /nni/nas/nn/__init__.py: -------------------------------------------------------------------------------- 1 | # Copyright (c) Microsoft Corporation. 2 | # Licensed under the MIT license. 3 | 4 | """Neural network blocks or layers. 5 | 6 | Named ``nn`` following PyTorch convention. 7 | """ 8 | 9 | from nni.common.framework import shortcut_framework 10 | 11 | shortcut_framework(__name__) 12 | 13 | del shortcut_framework 14 | -------------------------------------------------------------------------------- /nni/nas/nn/pytorch/.gitignore: -------------------------------------------------------------------------------- 1 | # Ignored in git, but need to be included in package source files. 2 | _layers.py 3 | -------------------------------------------------------------------------------- /nni/nas/nn/pytorch/__init__.py: -------------------------------------------------------------------------------- 1 | # Copyright (c) Microsoft Corporation. 2 | # Licensed under the MIT license. 3 | 4 | from .base import * 5 | from .choice import * 6 | from .repeat import * 7 | from .cell import * 8 | from .layers import * 9 | -------------------------------------------------------------------------------- /nni/nas/nn/tensorflow/api.py: -------------------------------------------------------------------------------- 1 | # Copyright (c) Microsoft Corporation. 2 | # Licensed under the MIT license. 3 | 4 | from __future__ import annotations 5 | 6 | from tensorflow.keras import Layer 7 | 8 | 9 | class LayerChoice(Layer): 10 | # FIXME: This is only a draft to test multi-framework support, it's not unimplemented at all. 11 | pass 12 | -------------------------------------------------------------------------------- /nni/nas/oneshot/__init__.py: -------------------------------------------------------------------------------- 1 | # Copyright (c) Microsoft Corporation. 2 | # Licensed under the MIT license. 3 | 4 | from nni.common.framework import shortcut_framework 5 | 6 | shortcut_framework(__name__) 7 | 8 | del shortcut_framework 9 | -------------------------------------------------------------------------------- /nni/nas/oneshot/pytorch/__init__.py: -------------------------------------------------------------------------------- 1 | # Copyright (c) Microsoft Corporation. 2 | # Licensed under the MIT license. 3 | 4 | from .differentiable import DartsLightningModule, GumbelDartsLightningModule 5 | from .sampling import EnasLightningModule, RandomSamplingLightningModule 6 | -------------------------------------------------------------------------------- /nni/nas/oneshot/pytorch/supermodule/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/767ed7f22e1e588ce76cbbecb6c6a4a76a309805/nni/nas/oneshot/pytorch/supermodule/__init__.py -------------------------------------------------------------------------------- /nni/nas/profiler/__init__.py: -------------------------------------------------------------------------------- 1 | # Copyright (c) Microsoft Corporation. 2 | # Licensed under the MIT license. 3 | 4 | from .profiler import Profiler, ExpressionProfiler 5 | -------------------------------------------------------------------------------- /nni/nas/profiler/pytorch/utils/__init__.py: -------------------------------------------------------------------------------- 1 | # Copyright (c) Microsoft Corporation. 2 | # Licensed under the MIT license. 3 | 4 | from .misc import * 5 | from .shape import * 6 | from .shape_formula import * 7 | -------------------------------------------------------------------------------- /nni/nas/profiler/tensorflow.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/767ed7f22e1e588ce76cbbecb6c6a4a76a309805/nni/nas/profiler/tensorflow.py -------------------------------------------------------------------------------- /nni/nas/space/__init__.py: -------------------------------------------------------------------------------- 1 | # Copyright (c) Microsoft Corporation. 2 | # Licensed under the MIT license. 3 | 4 | from .frozen import * 5 | from .graph import * 6 | from .metrics import * 7 | from .mutator import * 8 | from .metrics import * 9 | from .space import * 10 | -------------------------------------------------------------------------------- /nni/nas/space/pytorch/__init__.py: -------------------------------------------------------------------------------- 1 | # Copyright (c) Microsoft Corporation. 2 | # Licensed under the MIT license. 3 | 4 | """ 5 | Space definitions related to PyTorch. 6 | 7 | Mostly graph-related stuff. 8 | """ 9 | 10 | from .graph import PytorchGraphModelSpace 11 | -------------------------------------------------------------------------------- /nni/nas/space/pytorch/converter/__init__.py: -------------------------------------------------------------------------------- 1 | # Copyright (c) Microsoft Corporation. 2 | # Licensed under the MIT license. 3 | 4 | from .graph_gen import GraphConverter, GraphConverterWithShape 5 | -------------------------------------------------------------------------------- /nni/nas/space/tensorflow/__init__.py: -------------------------------------------------------------------------------- 1 | # Copyright (c) Microsoft Corporation. 2 | # Licensed under the MIT license. 3 | 4 | """ 5 | Space definitions related to Tensorflow. 6 | 7 | Mostly graph-related stuff. 8 | """ 9 | 10 | from .graph import TensorflowGraphModelSpace 11 | -------------------------------------------------------------------------------- /nni/nas/space/tensorflow/op_def.py: -------------------------------------------------------------------------------- 1 | # Copyright (c) Microsoft Corporation. 2 | # Licensed under the MIT license. 3 | 4 | from nni.nas.space.graph_op import TensorFlowOperation 5 | 6 | 7 | class Conv2D(TensorFlowOperation): 8 | def __init__(self, type_name, parameters, _internal, attributes=None): 9 | if 'padding' not in parameters: 10 | parameters['padding'] = 'same' 11 | super().__init__(type_name, parameters, _internal) 12 | -------------------------------------------------------------------------------- /nni/nas/strategy/__init__.py: -------------------------------------------------------------------------------- 1 | # Copyright (c) Microsoft Corporation. 2 | # Licensed under the MIT license. 3 | 4 | from .base import Strategy 5 | from .bruteforce import Random, GridSearch 6 | from .evolution import RegularizedEvolution 7 | from .hpo import TPEStrategy, TPE 8 | from .rl import PolicyBasedRL 9 | from .oneshot import DARTS, Proxyless, GumbelDARTS, ENAS, RandomOneShot 10 | -------------------------------------------------------------------------------- /nni/nas/utils/__init__.py: -------------------------------------------------------------------------------- 1 | # Copyright (c) Microsoft Corporation. 2 | # Licensed under the MIT license. 3 | 4 | from .misc import * 5 | from .serializer import * 6 | 7 | from ._legacy import * 8 | -------------------------------------------------------------------------------- /nni/runtime/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/767ed7f22e1e588ce76cbbecb6c6a4a76a309805/nni/runtime/__init__.py -------------------------------------------------------------------------------- /nni/runtime/command_channel/__init__.py: -------------------------------------------------------------------------------- 1 | # Copyright (c) Microsoft Corporation. 2 | # Licensed under the MIT license. 3 | -------------------------------------------------------------------------------- /nni/runtime/command_channel/base.py: -------------------------------------------------------------------------------- 1 | # Copyright (c) Microsoft Corporation. 2 | # Licensed under the MIT license. 3 | 4 | from __future__ import annotations 5 | 6 | from typing import Any 7 | 8 | Command = Any # TODO 9 | 10 | class CommandChannel: 11 | def send(self, command: Command) -> None: 12 | raise NotImplementedError() 13 | 14 | def receive(self) -> Command | None: 15 | raise NotImplementedError() 16 | -------------------------------------------------------------------------------- /nni/runtime/command_channel/websocket/__init__.py: -------------------------------------------------------------------------------- 1 | # Copyright (c) Microsoft Corporation. 2 | # Licensed under the MIT license. 3 | 4 | from .channel import WsChannelClient 5 | -------------------------------------------------------------------------------- /nni/runtime/common.py: -------------------------------------------------------------------------------- 1 | # Copyright (c) Microsoft Corporation. 2 | # Licensed under the MIT license. 3 | 4 | _multi_phase = False 5 | 6 | def enable_multi_phase(): 7 | global _multi_phase 8 | _multi_phase = True 9 | 10 | def multi_phase_enabled(): 11 | return _multi_phase 12 | -------------------------------------------------------------------------------- /nni/runtime/default_config/registered_algorithms.yml: -------------------------------------------------------------------------------- 1 | {} 2 | -------------------------------------------------------------------------------- /nni/runtime/default_config/training_services.json: -------------------------------------------------------------------------------- 1 | {} 2 | -------------------------------------------------------------------------------- /nni/runtime/tuner_command_channel/__init__.py: -------------------------------------------------------------------------------- 1 | # Copyright (c) Microsoft Corporation. 2 | # Licensed under the MIT license. 3 | 4 | """ 5 | Low level APIs for algorithms to communicate with NNI manager. 6 | """ 7 | 8 | from .command_type import CommandType, TunerIncomingCommand 9 | from .channel import TunerCommandChannel 10 | -------------------------------------------------------------------------------- /nni/tools/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/767ed7f22e1e588ce76cbbecb6c6a4a76a309805/nni/tools/__init__.py -------------------------------------------------------------------------------- /nni/tools/gpu_tool/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/767ed7f22e1e588ce76cbbecb6c6a4a76a309805/nni/tools/gpu_tool/__init__.py -------------------------------------------------------------------------------- /nni/tools/jupyter_extension/__init__.py: -------------------------------------------------------------------------------- 1 | # Copyright (c) Microsoft Corporation. 2 | # Licensed under the MIT license. 3 | 4 | from . import proxy 5 | 6 | load_jupyter_server_extension = proxy.setup 7 | _load_jupyter_server_extension = proxy.setup 8 | -------------------------------------------------------------------------------- /nni/tools/nni_manager_scripts/__init__.py: -------------------------------------------------------------------------------- 1 | # Copyright (c) Microsoft Corporation. 2 | # Licensed under the MIT license. 3 | 4 | """ 5 | Collection of scripts used by NNI manager to do jobs that are hard for node.js. 6 | """ 7 | -------------------------------------------------------------------------------- /nni/tools/nnictl/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/767ed7f22e1e588ce76cbbecb6c6a4a76a309805/nni/tools/nnictl/__init__.py -------------------------------------------------------------------------------- /nni/tools/package_utils/__init__.py: -------------------------------------------------------------------------------- 1 | # Copyright (c) Microsoft Corporation. 2 | # Licensed under the MIT license. 3 | 4 | from .common import * 5 | from .config_manager import * 6 | from .tuner_factory import * 7 | -------------------------------------------------------------------------------- /nni/tools/trial_tool/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/767ed7f22e1e588ce76cbbecb6c6a4a76a309805/nni/tools/trial_tool/__init__.py -------------------------------------------------------------------------------- /nni_assets/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/767ed7f22e1e588ce76cbbecb6c6a4a76a309805/nni_assets/__init__.py -------------------------------------------------------------------------------- /nni_assets/compression/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/767ed7f22e1e588ce76cbbecb6c6a4a76a309805/nni_assets/compression/__init__.py -------------------------------------------------------------------------------- /pipelines/templates/stage-filter.yml: -------------------------------------------------------------------------------- 1 | steps: 2 | 3 | - task: NodeTool@0 4 | inputs: 5 | versionSpec: '16.x' 6 | - script: | 7 | npm install npm@latest -g 8 | npx https://github.com/microsoft/azure-pipeline-filter.git 9 | name: execution 10 | displayName: NPM Install & Filter 11 | -------------------------------------------------------------------------------- /test/.gitignore: -------------------------------------------------------------------------------- 1 | __pycache__ 2 | 3 | tuner_search_space.json 4 | tuner_result.txt 5 | assessor_result.txt 6 | serialize_result.txt 7 | 8 | _generated_model.py 9 | _generated_model_*.py 10 | _generated_model 11 | data 12 | generated 13 | lightning_logs 14 | model.onnx 15 | -------------------------------------------------------------------------------- /test/algo/compression/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/767ed7f22e1e588ce76cbbecb6c6a4a76a309805/test/algo/compression/__init__.py -------------------------------------------------------------------------------- /test/algo/compression/assets/__init__.py: -------------------------------------------------------------------------------- 1 | from .common import create_model 2 | -------------------------------------------------------------------------------- /test/algo/compression/assets/device.py: -------------------------------------------------------------------------------- 1 | # Copyright (c) Microsoft Corporation. 2 | # Licensed under the MIT license. 3 | 4 | import torch 5 | 6 | device = torch.device("cuda" if torch.cuda.is_available() else "cpu") 7 | -------------------------------------------------------------------------------- /test/algo/compression/assets/simple_mnist/__init__.py: -------------------------------------------------------------------------------- 1 | # Copyright (c) Microsoft Corporation. 2 | # Licensed under the MIT license. 3 | 4 | from .simple_lightning_model import SimpleLightningModel, MNISTDataModule 5 | from .simple_torch_model import SimpleTorchModel, training_model, evaluating_model, finetuning_model, training_step 6 | from .simple_evaluator import create_lighting_evaluator, create_pytorch_evaluator 7 | -------------------------------------------------------------------------------- /test/algo/compression/base/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/767ed7f22e1e588ce76cbbecb6c6a4a76a309805/test/algo/compression/base/__init__.py -------------------------------------------------------------------------------- /test/algo/compression/distillation/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/767ed7f22e1e588ce76cbbecb6c6a4a76a309805/test/algo/compression/distillation/__init__.py -------------------------------------------------------------------------------- /test/algo/compression/pruning/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/767ed7f22e1e588ce76cbbecb6c6a4a76a309805/test/algo/compression/pruning/__init__.py -------------------------------------------------------------------------------- /test/algo/compression/quantization/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/767ed7f22e1e588ce76cbbecb6c6a4a76a309805/test/algo/compression/quantization/__init__.py -------------------------------------------------------------------------------- /test/algo/compression/utils/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/767ed7f22e1e588ce76cbbecb6c6a4a76a309805/test/algo/compression/utils/__init__.py -------------------------------------------------------------------------------- /test/algo/nas/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/767ed7f22e1e588ce76cbbecb6c6a4a76a309805/test/algo/nas/__init__.py -------------------------------------------------------------------------------- /test/algo/nas/benchmark/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/767ed7f22e1e588ce76cbbecb6c6a4a76a309805/test/algo/nas/benchmark/__init__.py -------------------------------------------------------------------------------- /test/algo/nas/cgo/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/767ed7f22e1e588ce76cbbecb6c6a4a76a309805/test/algo/nas/cgo/__init__.py -------------------------------------------------------------------------------- /test/algo/nas/graph_converter/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/767ed7f22e1e588ce76cbbecb6c6a4a76a309805/test/algo/nas/graph_converter/__init__.py -------------------------------------------------------------------------------- /test/algo/nas/oneshot/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/767ed7f22e1e588ce76cbbecb6c6a4a76a309805/test/algo/nas/oneshot/__init__.py -------------------------------------------------------------------------------- /test/algo/nas/profiler/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/767ed7f22e1e588ce76cbbecb6c6a4a76a309805/test/algo/nas/profiler/__init__.py -------------------------------------------------------------------------------- /test/algo/nas/profiler/conftest.py: -------------------------------------------------------------------------------- 1 | import pytest 2 | 3 | from nni.mutable import frozen_context 4 | 5 | 6 | @pytest.fixture(autouse=True) 7 | def context(): 8 | with frozen_context(): 9 | yield 10 | -------------------------------------------------------------------------------- /test/algo/nas/strategy/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/767ed7f22e1e588ce76cbbecb6c6a4a76a309805/test/algo/nas/strategy/__init__.py -------------------------------------------------------------------------------- /test/training_service/config/examples/cifar10_adl_search_space.json: -------------------------------------------------------------------------------- 1 | { 2 | "lr":{"_type":"choice", "_value":[0.1, 0.01, 0.001]}, 3 | "bs":{"_type":"choice","_value":[64, 96, 128]}, 4 | "model":{"_type":"choice", "_value":["ResNet18", "SENet18", "MobileNet"]} 5 | } 6 | -------------------------------------------------------------------------------- /test/training_service/config/examples/cifar10_search_space.json: -------------------------------------------------------------------------------- 1 | { 2 | "lr":{"_type":"choice", "_value":[0.1, 0.01, 0.001, 0.0001]}, 3 | "optimizer":{"_type":"choice", "_value":["SGD", "Adadelta", "Adagrad", "Adam", "Adamax"]}, 4 | "model":{"_type":"choice", "_value":["vgg"]} 5 | } 6 | -------------------------------------------------------------------------------- /test/training_service/config/examples/mnist_pytorch_search_space.json: -------------------------------------------------------------------------------- 1 | { 2 | "batch_size": {"_type":"choice", "_value": [16, 32, 64, 128]}, 3 | "hidden_size":{"_type":"choice","_value":[128, 256, 512, 1024]}, 4 | "lr":{"_type":"choice","_value":[0.0001, 0.001, 0.01, 0.1]}, 5 | "momentum":{"_type":"uniform","_value":[0, 1]} 6 | } 7 | -------------------------------------------------------------------------------- /test/training_service/config/examples/mnist_search_space.json: -------------------------------------------------------------------------------- 1 | { 2 | "dropout_rate":{"_type":"uniform","_value":[0.5, 0.9]}, 3 | "conv_size":{"_type":"choice","_value":[2,3,5,7]}, 4 | "hidden_size":{"_type":"choice","_value":[124, 512, 1024]}, 5 | "batch_size": {"_type":"choice", "_value": [16, 32]}, 6 | "learning_rate":{"_type":"choice","_value":[0.0001, 0.001, 0.01, 0.1]} 7 | } 8 | -------------------------------------------------------------------------------- /test/training_service/config/metrics_test/config-v2.yml: -------------------------------------------------------------------------------- 1 | experimentName: default_test 2 | searchSpaceFile: ./search_space.json 3 | trialCommand: python3 trial.py 4 | trialCodeDirectory: . 5 | trialGpuNumber: 0 6 | trialConcurrency: 1 7 | maxExperimentDuration: 15m 8 | maxTrialNumber: 1 9 | tuner: 10 | name: Random 11 | trainingService: 12 | platform: local 13 | assessor: 14 | name: Medianstop 15 | classArgs: 16 | optimize_mode: maximize 17 | -------------------------------------------------------------------------------- /test/training_service/config/metrics_test/config.yml: -------------------------------------------------------------------------------- 1 | authorName: nni 2 | experimentName: default_test 3 | maxExecDuration: 3m 4 | maxTrialNum: 1 5 | trialConcurrency: 1 6 | searchSpacePath: ./search_space.json 7 | 8 | tuner: 9 | builtinTunerName: Random 10 | 11 | trial: 12 | codeDir: . 13 | command: python3 trial.py 14 | gpuNum: 0 15 | 16 | useAnnotation: false 17 | multiPhase: false 18 | multiThread: false 19 | 20 | trainingServicePlatform: local 21 | -------------------------------------------------------------------------------- /test/training_service/config/metrics_test/config_failure-v2.yml: -------------------------------------------------------------------------------- 1 | experimentName: default_test 2 | searchSpaceFile: ./search_space.json 3 | trialCommand: python3 not_exist.py 4 | trialCodeDirectory: . 5 | trialGpuNumber: 0 6 | trialConcurrency: 1 7 | maxExperimentDuration: 15m 8 | maxTrialNumber: 1 9 | tuner: 10 | name: Random 11 | trainingService: 12 | platform: local 13 | assessor: 14 | name: Medianstop 15 | classArgs: 16 | optimize_mode: maximize 17 | 18 | -------------------------------------------------------------------------------- /test/training_service/config/metrics_test/expected_metrics.json: -------------------------------------------------------------------------------- 1 | { 2 | "intermediate_result": [0.1, 0.2, 0.3, 0.4, 0.5, 0.6, 0.7, 0.8, 0.9, 1.0], 3 | "final_result": 1.0 4 | } -------------------------------------------------------------------------------- /test/training_service/config/metrics_test/search_space.json: -------------------------------------------------------------------------------- 1 | { 2 | "test": 3 | { 4 | "_type" : "choice", 5 | "_value" : [1, 100] 6 | } 7 | } -------------------------------------------------------------------------------- /test/training_service/config/multi_phase/batch.yml: -------------------------------------------------------------------------------- 1 | authorName: nni 2 | experimentName: default_test 3 | maxExecDuration: 5m 4 | maxTrialNum: 2 5 | trialConcurrency: 2 6 | searchSpacePath: ./search_space.json 7 | 8 | tuner: 9 | builtinTunerName: BatchTuner 10 | 11 | trial: 12 | codeDir: . 13 | command: python3 multi_phase.py 14 | gpuNum: 0 15 | 16 | useAnnotation: false 17 | multiPhase: true 18 | multiThread: false 19 | 20 | trainingServicePlatform: local 21 | -------------------------------------------------------------------------------- /test/training_service/config/multi_phase/grid.yml: -------------------------------------------------------------------------------- 1 | authorName: nni 2 | experimentName: default_test 3 | maxExecDuration: 5m 4 | maxTrialNum: 2 5 | trialConcurrency: 2 6 | searchSpacePath: ./search_space.json 7 | 8 | tuner: 9 | builtinTunerName: GridSearch 10 | 11 | trial: 12 | codeDir: . 13 | command: python3 multi_phase.py 14 | gpuNum: 0 15 | 16 | useAnnotation: false 17 | multiPhase: true 18 | multiThread: false 19 | 20 | trainingServicePlatform: local 21 | -------------------------------------------------------------------------------- /test/training_service/config/multi_phase/search_space.json: -------------------------------------------------------------------------------- 1 | { 2 | "test": 3 | { 4 | "_type" : "choice", 5 | "_value" : [1, 100] 6 | } 7 | } -------------------------------------------------------------------------------- /test/training_service/config/multi_thread/multi_thread_trial.py: -------------------------------------------------------------------------------- 1 | # Copyright (c) Microsoft Corporation. 2 | # Licensed under the MIT license. 3 | 4 | import nni 5 | import time 6 | 7 | if __name__ == '__main__': 8 | nni.get_next_parameter() 9 | time.sleep(3) 10 | nni.report_final_result(0.5) 11 | -------------------------------------------------------------------------------- /test/training_service/config/multi_thread/search_space.json: -------------------------------------------------------------------------------- 1 | { 2 | "test": 3 | { 4 | "_type" : "choice", 5 | "_value" : [1, 100] 6 | } 7 | } -------------------------------------------------------------------------------- /test/training_service/config/naive_test/expected_assessor_result.txt: -------------------------------------------------------------------------------- 1 | 1 1 2 | 2 7 3 | 3 2 4 | 5 3 5 | 7 2 6 | 8 3 7 | -------------------------------------------------------------------------------- /test/training_service/config/naive_test/expected_tuner_result.txt: -------------------------------------------------------------------------------- 1 | 4 1048576 2 | 6 60466176 3 | 9 3486784401 4 | 10 10000000000 5 | -------------------------------------------------------------------------------- /test/training_service/config/naive_test/naive_trial.py: -------------------------------------------------------------------------------- 1 | # Copyright (c) Microsoft Corporation. 2 | # Licensed under the MIT license. 3 | 4 | import time 5 | 6 | import nni 7 | 8 | params = nni.get_next_parameter() 9 | print('params:', params) 10 | x = params['x'] 11 | 12 | time.sleep(1) 13 | for i in range(1, 10): 14 | nni.report_intermediate_result(x ** i) 15 | time.sleep(0.5) 16 | 17 | nni.report_final_result(x ** 10) 18 | -------------------------------------------------------------------------------- /test/training_service/config/naive_test/search_space.json: -------------------------------------------------------------------------------- 1 | { "x": [1, 100] } 2 | -------------------------------------------------------------------------------- /test/training_service/config/naive_trial/naive_trial.py: -------------------------------------------------------------------------------- 1 | import time 2 | import nni 3 | 4 | if __name__ == '__main__': 5 | print('trial start') 6 | params = nni.get_next_parameter() 7 | print('params:', params) 8 | epochs = 2 9 | 10 | for i in range(epochs): 11 | nni.report_intermediate_result(0.1 * (i+1)) 12 | time.sleep(1) 13 | nni.report_final_result(0.8) 14 | print('trial done') 15 | -------------------------------------------------------------------------------- /test/training_service/config/naive_trial/search_space.json: -------------------------------------------------------------------------------- 1 | { 2 | "k": 3 | { 4 | "_type" : "randint", 5 | "_value" : [0, 4] 6 | }, 7 | "d": 8 | { 9 | "_type" : "choice", 10 | "_value" : [-1, 1] 11 | }, 12 | "n": 13 | { 14 | "_type" : "uniform", 15 | "_value" : [0, 0.2] 16 | } 17 | } 18 | -------------------------------------------------------------------------------- /test/training_service/config/naive_trial/search_space_choices.json: -------------------------------------------------------------------------------- 1 | { 2 | "p": 3 | { 4 | "_type" : "choice", 5 | "_value" : [1, 2, 3, 4] 6 | } 7 | } 8 | -------------------------------------------------------------------------------- /test/training_service/config/naive_trial/trial_choices.py: -------------------------------------------------------------------------------- 1 | import random 2 | import nni 3 | 4 | if __name__ == '__main__': 5 | print('trial start') 6 | 7 | params = nni.get_next_parameter() 8 | print('params:', params) 9 | 10 | nni.report_intermediate_result(random.random()) 11 | nni.report_final_result(random.random()) 12 | 13 | print('trial done') 14 | -------------------------------------------------------------------------------- /test/training_service/config/nnictl_experiment/test_import.json: -------------------------------------------------------------------------------- 1 | [ 2 | {"parameter": {"C": 0.15940134774738896, "kernel": "sigmoid", "degree": 3, "gamma": 0.07295826917955316, "coef0": 0.0978204758732429}, "value": 0.6}, 3 | {"parameter": {"C": 0.5556430724708544, "kernel": "linear", "degree": 3, "gamma": 0.04957496655414671, "coef0": 0.08520868779907687}, "value": 0.7} 4 | ] 5 | -------------------------------------------------------------------------------- /test/training_service/config/sharedstorage_test/config_sharedstorage_search_space.json: -------------------------------------------------------------------------------- 1 | { 2 | "dropout_rate":{"_type":"uniform","_value":[0.5, 0.9]}, 3 | "conv_size":{"_type":"choice","_value":[2,3,5,7]}, 4 | "hidden_size":{"_type":"choice","_value":[124, 512, 1024]}, 5 | "batch_size": {"_type":"choice", "_value": [16, 32]}, 6 | "learning_rate":{"_type":"choice","_value":[0.0001, 0.001, 0.01, 0.1]} 7 | } 8 | -------------------------------------------------------------------------------- /test/training_service/config/tuners/search_space.json: -------------------------------------------------------------------------------- 1 | { 2 | "dropout_rate":{"_type":"quniform","_value":[0.5, 0.9, 2]}, 3 | "conv_size":{"_type":"choice","_value":[2,3,5,7]}, 4 | "hidden_size":{"_type":"choice","_value":[124, 512, 1024]}, 5 | "batch_size": {"_type":"choice", "_value": [1, 4, 8, 16, 32]}, 6 | "learning_rate":{"_type":"choice","_value":[0.0001, 0.001, 0.01, 0.1]} 7 | } 8 | -------------------------------------------------------------------------------- /test/training_service/config/tuners/search_space_advisor.json: -------------------------------------------------------------------------------- 1 | { 2 | "dropout_rate":{"_type":"uniform","_value":[0.5,0.9]}, 3 | "conv_size":{"_type":"choice","_value":[2,3,5,7]}, 4 | "hidden_size":{"_type":"choice","_value":[124, 512, 1024]}, 5 | "batch_size": {"_type":"choice","_value":[8, 16, 32, 64]}, 6 | "learning_rate":{"_type":"choice","_value":[0.0001, 0.001, 0.01, 0.1]} 7 | } 8 | -------------------------------------------------------------------------------- /test/training_service/nnitest/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/767ed7f22e1e588ce76cbbecb6c6a4a76a309805/test/training_service/nnitest/__init__.py -------------------------------------------------------------------------------- /test/ut/conftest.py: -------------------------------------------------------------------------------- 1 | # Copyright (c) Microsoft Corporation. 2 | # Licensed under the MIT license. 3 | 4 | # NOTE: Don't remove this file. This file ensures that `../ut/__init__.py` is loaded first. 5 | -------------------------------------------------------------------------------- /test/ut/experiment/assets/search_space.json: -------------------------------------------------------------------------------- 1 | { 2 | "a": 1 3 | } 4 | -------------------------------------------------------------------------------- /test/ut/experiment/assets/ss.yaml: -------------------------------------------------------------------------------- 1 | pool_type: 2 | _type: choice 3 | _value: 4 | - max 5 | - min 6 | - avg 7 | 学习率: # test unicode 8 | _type: loguniform 9 | _value: [ 0.0000001, 0.1 ] 10 | -------------------------------------------------------------------------------- /test/ut/experiment/assets/ss_comma.json: -------------------------------------------------------------------------------- 1 | { 2 | "pool_type": { 3 | "_type": "choice", 4 | "_value": [ "max", "min", "avg" ], 5 | }, 6 | "学习率": { 7 | "_type": "loguniform", 8 | "_value": [ 0.0000001, 0.1 ], 9 | }, 10 | } 11 | -------------------------------------------------------------------------------- /test/ut/experiment/assets/ss_tab.json: -------------------------------------------------------------------------------- 1 | { 2 | "pool_type": { 3 | "_type": "choice", 4 | "_value": [ "max", "min", "avg" ] 5 | }, 6 | "学习率": { 7 | "_type": "loguniform", 8 | "_value": [ 1e-7, 0.1 ] 9 | } 10 | } 11 | -------------------------------------------------------------------------------- /test/ut/experiment/assets/ss_tab_comma.json: -------------------------------------------------------------------------------- 1 | { 2 | "pool_type": { 3 | "_type": "choice", 4 | "_value": [ "max", "min", "avg" ], 5 | }, 6 | "学习率": { 7 | "_type": "loguniform", 8 | "_value": [ 1e-7, 0.1 ], 9 | }, 10 | } 11 | -------------------------------------------------------------------------------- /test/ut/experiment/assets/ss_yaml12.yaml: -------------------------------------------------------------------------------- 1 | pool_type: 2 | _type: choice 3 | _value: 4 | - max 5 | - min 6 | - avg 7 | 学习率: # test unicode 8 | _type: loguniform 9 | _value: [ 1e-7, 0.1 ] # test scientific notation 10 | -------------------------------------------------------------------------------- /test/ut/nas/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/767ed7f22e1e588ce76cbbecb6c6a4a76a309805/test/ut/nas/__init__.py -------------------------------------------------------------------------------- /test/ut/nas/experiment/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/767ed7f22e1e588ce76cbbecb6c6a4a76a309805/test/ut/nas/experiment/__init__.py -------------------------------------------------------------------------------- /test/ut/nas/nn/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/767ed7f22e1e588ce76cbbecb6c6a4a76a309805/test/ut/nas/nn/__init__.py -------------------------------------------------------------------------------- /test/ut/nas/profiler/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/767ed7f22e1e588ce76cbbecb6c6a4a76a309805/test/ut/nas/profiler/__init__.py -------------------------------------------------------------------------------- /test/ut/nas/space/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/767ed7f22e1e588ce76cbbecb6c6a4a76a309805/test/ut/nas/space/__init__.py -------------------------------------------------------------------------------- /test/ut/nas/strategy/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/767ed7f22e1e588ce76cbbecb6c6a4a76a309805/test/ut/nas/strategy/__init__.py -------------------------------------------------------------------------------- /test/ut/sdk/__init__.py: -------------------------------------------------------------------------------- 1 | # Copyright (c) Microsoft Corporation. 2 | # Licensed under the MIT license. 3 | -------------------------------------------------------------------------------- /test/ut/sdk/helper/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/767ed7f22e1e588ce76cbbecb6c6a4a76a309805/test/ut/sdk/helper/__init__.py -------------------------------------------------------------------------------- /test/ut/sdk/imported/_test_serializer_py38.py: -------------------------------------------------------------------------------- 1 | import nni 2 | 3 | 4 | def test_positional_only(): 5 | def foo(a, b, /, c): 6 | pass 7 | 8 | d = nni.trace(foo)(1, 2, c=3) 9 | assert d.trace_args == [1, 2] 10 | assert d.trace_kwargs == dict(c=3) 11 | -------------------------------------------------------------------------------- /test/ut/sdk/imported/model.py: -------------------------------------------------------------------------------- 1 | import nni.retiarii.nn.pytorch as nn 2 | from nni.retiarii import basic_unit 3 | 4 | 5 | @basic_unit 6 | class ImportTest(nn.Module): 7 | def __init__(self, foo, bar): 8 | super().__init__() 9 | self.foo = nn.Linear(foo, 3) 10 | self.bar = nn.Dropout(bar) 11 | 12 | def __eq__(self, other): 13 | return self.foo.in_features == other.foo.in_features and self.bar.p == other.bar.p 14 | -------------------------------------------------------------------------------- /test/ut/sdk/models/pytorch_models/__init__.py: -------------------------------------------------------------------------------- 1 | # Copyright (c) Microsoft Corporation. 2 | # Licensed under the MIT license. 3 | -------------------------------------------------------------------------------- /test/ut/tools/nnictl/config_files/invalid/mytuner.py: -------------------------------------------------------------------------------- 1 | from nni import Tuner 2 | 3 | class MyTuner(Tuner): 4 | def __init__(self): 5 | pass 6 | -------------------------------------------------------------------------------- /test/ut/tools/nnictl/config_files/invalid/search_space.json: -------------------------------------------------------------------------------- 1 | { 2 | "batch_size": {"_type":"choice", "_value": [16, 32, 64, 128]}, 3 | "hidden_size":{"_type":"choice","_value":[128, 256, 512, 1024]}, 4 | "lr":{"_type":"choice","_value":[0.0001, 0.001, 0.01, 0.1]}, 5 | "momentum":{"_type":"uniform","_value":[0, 1]} 6 | } 7 | -------------------------------------------------------------------------------- /test/ut/tools/nnictl/config_files/test_files/test_json.json: -------------------------------------------------------------------------------- 1 | {"field":"test"} 2 | -------------------------------------------------------------------------------- /test/ut/tools/nnictl/config_files/test_files/test_yaml.yml: -------------------------------------------------------------------------------- 1 | field: test 2 | -------------------------------------------------------------------------------- /test/ut/tools/nnictl/config_files/valid/main.py: -------------------------------------------------------------------------------- 1 | print('my trial') 2 | -------------------------------------------------------------------------------- /test/ut/tools/nnictl/config_files/valid/search_space.json: -------------------------------------------------------------------------------- 1 | { 2 | "batch_size": {"_type":"choice", "_value": [16, 32, 64, 128]}, 3 | "hidden_size":{"_type":"choice","_value":[128, 256, 512, 1024]}, 4 | "lr":{"_type":"choice","_value":[0.0001, 0.001, 0.01, 0.1]}, 5 | "momentum":{"_type":"uniform","_value":[0, 1]} 6 | } 7 | -------------------------------------------------------------------------------- /test/ut/tools/nnictl/mock/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/767ed7f22e1e588ce76cbbecb6c6a4a76a309805/test/ut/tools/nnictl/mock/__init__.py -------------------------------------------------------------------------------- /test/ut/tools/nnictl/mock/nnictl_metadata/.experiment: -------------------------------------------------------------------------------- 1 | {} -------------------------------------------------------------------------------- /test/ut/tools/nnictl/mock/nnictl_metadata/xOpEwA5w/db/nni.sqlite: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/767ed7f22e1e588ce76cbbecb6c6a4a76a309805/test/ut/tools/nnictl/mock/nnictl_metadata/xOpEwA5w/db/nni.sqlite -------------------------------------------------------------------------------- /test/ut/tools/trial_tool/__init__.py: -------------------------------------------------------------------------------- 1 | # Copyright (c) Microsoft Corporation. 2 | # Licensed under the MIT license. 3 | 4 | import os 5 | 6 | os.environ['NNI_PLATFORM'] = 'unittest' 7 | os.environ['NNI_TRIAL_JOB_ID'] = 'test_trial_job_id' 8 | os.environ["NNI_OUTPUT_DIR"] = "./unittest" 9 | os.environ["NNI_SYS_DIR"] = "./unittest" 10 | os.environ["NNI_EXP_ID"] = "test_exp_id" 11 | os.environ["MULTI_PHASE"] = "true" 12 | -------------------------------------------------------------------------------- /test/vso_tools/build_vm/change_ssh_port.sh: -------------------------------------------------------------------------------- 1 | #!/bin/bash 2 | 3 | # Microsoft internal subscription has a firewall (network security group), 4 | # to deny traffic from low ports (maybe less than 10000). 5 | # We have to change the port at VM provision, so that the VM can be connected and build scripts can run. 6 | 7 | CONFIG_PATH=/etc/ssh/sshd_config 8 | sudo sed -i -e "s/#Port 22/Port 10022/g" $CONFIG_PATH 9 | sudo service ssh restart 10 | -------------------------------------------------------------------------------- /test/vso_tools/build_wheel.py: -------------------------------------------------------------------------------- 1 | from _common import build_wheel 2 | 3 | build_wheel() 4 | -------------------------------------------------------------------------------- /test/vso_tools/generate_nni_version.py: -------------------------------------------------------------------------------- 1 | from datetime import datetime 2 | 3 | from _common import set_variable 4 | 5 | time = datetime.now().strftime('%Y%m%d%H%M%S') 6 | set_variable('NNI_RELEASE', '999.' + time) 7 | -------------------------------------------------------------------------------- /test/vso_tools/install_nni.py: -------------------------------------------------------------------------------- 1 | import sys 2 | 3 | from _common import build_wheel, run_command 4 | 5 | if len(sys.argv) <= 2: 6 | extra_dep = '' 7 | else: 8 | extra_dep = f'[{sys.argv[2]}]' 9 | 10 | wheel = build_wheel() 11 | run_command(f'{sys.executable} -m pip install {wheel}{extra_dep}') 12 | -------------------------------------------------------------------------------- /test/vso_tools/stop_docker.py: -------------------------------------------------------------------------------- 1 | import sys 2 | 3 | from _common import run_command 4 | 5 | name = sys.argv[1] 6 | run_command(f'docker container stop {name}') 7 | run_command(f'docker container rm {name}') 8 | -------------------------------------------------------------------------------- /test/vso_tools/trigger_import.py: -------------------------------------------------------------------------------- 1 | """Trigger import of some modules to write some caches, 2 | so that static analysis (e.g., pyright) can know the type.""" 3 | 4 | import os 5 | import sys 6 | 7 | sys.path.insert(0, os.path.join(os.path.dirname(__file__), '../../')) 8 | 9 | import nni 10 | import nni.nas.nn.pytorch 11 | -------------------------------------------------------------------------------- /ts/jupyter_extension/.gitignore: -------------------------------------------------------------------------------- 1 | /build 2 | /nni 3 | -------------------------------------------------------------------------------- /ts/jupyter_extension/tsconfig.json: -------------------------------------------------------------------------------- 1 | { 2 | "compilerOptions": { 3 | "allowSyntheticDefaultImports": true, 4 | "jsx": "react", 5 | "module": "esnext", 6 | "moduleResolution": "node", 7 | "outDir": "build", 8 | "rootDir": "src", 9 | "target": "es2017" 10 | }, 11 | "include": [ 12 | "src/*" 13 | ] 14 | } 15 | -------------------------------------------------------------------------------- /ts/nni_manager/.gitignore: -------------------------------------------------------------------------------- 1 | # Build result 2 | /dist 3 | 4 | # node modules 5 | /node_modules 6 | 7 | # test files 8 | .experiment.test 9 | -------------------------------------------------------------------------------- /ts/nni_manager/.mocharc.json: -------------------------------------------------------------------------------- 1 | { 2 | "color": true, 3 | "require": "test/register.js", 4 | "timeout": "40s" 5 | } 6 | -------------------------------------------------------------------------------- /ts/nni_manager/common/command_channel/websocket/index.ts: -------------------------------------------------------------------------------- 1 | // Copyright (c) Microsoft Corporation. 2 | // Licensed under the MIT license. 3 | 4 | export { WsChannel } from './channel'; 5 | export { WsChannelClient } from './client'; 6 | export { WsChannelServer } from './server'; 7 | -------------------------------------------------------------------------------- /ts/nni_manager/common/trial_keeper/index.ts: -------------------------------------------------------------------------------- 1 | // Copyright (c) Microsoft Corporation. 2 | // Licensed under the MIT license. 3 | 4 | export { TrialKeeper } from './keeper'; 5 | export { RemoteTrialKeeper } from './rpc'; 6 | -------------------------------------------------------------------------------- /ts/nni_manager/common/trial_keeper/task_scheduler/index.ts: -------------------------------------------------------------------------------- 1 | // Copyright (c) Microsoft Corporation. 2 | // Licensed under the MIT license. 3 | 4 | export { TaskScheduler } from './scheduler'; 5 | -------------------------------------------------------------------------------- /ts/nni_manager/config/kubeflow/tfjob-crd-v1.json: -------------------------------------------------------------------------------- 1 | { 2 | "kind": "CustomResourceDefinition", 3 | "spec": { 4 | "scope": "Namespaced", 5 | "version": "v1", 6 | "group": "kubeflow.org", 7 | "names": { 8 | "kind": "TFJob", 9 | "plural": "tfjobs", 10 | "singular": "tfjob" 11 | } 12 | }, 13 | "apiVersion": "apiextensions.k8s.io/v1beta1", 14 | "metadata": { 15 | "name": "tfjobs.kubeflow.org" 16 | } 17 | } 18 | -------------------------------------------------------------------------------- /ts/nni_manager/config/kubeflow/tfjob-crd-v1alpha2.json: -------------------------------------------------------------------------------- 1 | { 2 | "kind": "CustomResourceDefinition", 3 | "spec": { 4 | "scope": "Namespaced", 5 | "version": "v1alpha2", 6 | "group": "kubeflow.org", 7 | "names": { 8 | "kind": "TFJob", 9 | "plural": "tfjobs", 10 | "singular": "tfjob" 11 | } 12 | }, 13 | "apiVersion": "apiextensions.k8s.io/v1beta1", 14 | "metadata": { 15 | "name": "tfjobs.kubeflow.org" 16 | } 17 | } 18 | -------------------------------------------------------------------------------- /ts/nni_manager/config/kubeflow/tfjob-crd-v1beta1.json: -------------------------------------------------------------------------------- 1 | { 2 | "kind": "CustomResourceDefinition", 3 | "spec": { 4 | "scope": "Namespaced", 5 | "version": "v1beta1", 6 | "group": "kubeflow.org", 7 | "names": { 8 | "kind": "TFJob", 9 | "plural": "tfjobs", 10 | "singular": "tfjob" 11 | } 12 | }, 13 | "apiVersion": "apiextensions.k8s.io/v1beta1", 14 | "metadata": { 15 | "name": "tfjobs.kubeflow.org" 16 | } 17 | } 18 | -------------------------------------------------------------------------------- /ts/nni_manager/config/kubeflow/tfjob-crd-v1beta2.json: -------------------------------------------------------------------------------- 1 | { 2 | "kind": "CustomResourceDefinition", 3 | "spec": { 4 | "scope": "Namespaced", 5 | "version": "v1beta2", 6 | "group": "kubeflow.org", 7 | "names": { 8 | "kind": "TFJob", 9 | "plural": "tfjobs", 10 | "singular": "tfjob" 11 | } 12 | }, 13 | "apiVersion": "apiextensions.k8s.io/v1beta2", 14 | "metadata": { 15 | "name": "tfjobs.kubeflow.org" 16 | } 17 | } 18 | -------------------------------------------------------------------------------- /ts/nni_manager/test/common/getIpv4Address.test.ts: -------------------------------------------------------------------------------- 1 | // Copyright (c) Microsoft Corporation. 2 | // Licensed under the MIT license. 3 | 4 | import assert from 'assert'; 5 | import { getIPV4Address } from '../../common/utils'; 6 | 7 | it('getIpv4Address', async () => { 8 | const ip1 = await getIPV4Address(); 9 | const ip2 = await getIPV4Address(); 10 | assert.match(ip1, /^\d+\.\d+\.\d+\.\d+$/); 11 | assert.equal(ip1, ip2); 12 | }); 13 | -------------------------------------------------------------------------------- /ts/nni_manager/test/core/dummy_assessor.py: -------------------------------------------------------------------------------- 1 | # Copyright (c) Microsoft Corporation. 2 | # Licensed under the MIT license. 3 | 4 | from nni.assessor import Assessor, AssessResult 5 | 6 | class DummyAssessor(Assessor): 7 | def assess_trial(self, trial_job_id, trial_history): 8 | return AssessResult.Good 9 | -------------------------------------------------------------------------------- /ts/nni_manager/test/register.js: -------------------------------------------------------------------------------- 1 | global.nniUnitTest = true; 2 | 3 | require('ts-node/register'); 4 | require('app-module-path/cwd'); 5 | 6 | require('common/globals/unittest'); 7 | -------------------------------------------------------------------------------- /ts/nni_manager/test/rest_server/log/mock.log: -------------------------------------------------------------------------------- 1 | I'm a log file. 2 | -------------------------------------------------------------------------------- /ts/nni_manager/test/rest_server/static/index.html: -------------------------------------------------------------------------------- 1 | 2 | 3 | mock index 4 | 5 | -------------------------------------------------------------------------------- /ts/nni_manager/test/rest_server/static/script.js: -------------------------------------------------------------------------------- 1 | function mockScript() { } 2 | -------------------------------------------------------------------------------- /ts/nni_manager/training_service/local_v3/index.ts: -------------------------------------------------------------------------------- 1 | // Copyright (c) Microsoft Corporation. 2 | // Licensed under the MIT license. 3 | 4 | export { LocalTrainingServiceV3 } from './local'; 5 | -------------------------------------------------------------------------------- /ts/nni_manager/training_service/remote_v3/index.ts: -------------------------------------------------------------------------------- 1 | // Copyright (c) Microsoft Corporation. 2 | // Licensed under the MIT license. 3 | 4 | export { RemoteTrainingServiceV3 } from './remote'; 5 | -------------------------------------------------------------------------------- /ts/nni_manager/training_service/reusable/heterogenous/heterogenousConfig.ts: -------------------------------------------------------------------------------- 1 | // Copyright (c) Microsoft Corporation. 2 | // Licensed under the MIT license. 3 | 4 | 5 | export class HeterogenousConfig { 6 | public readonly trainingServicePlatforms: string[]; 7 | 8 | constructor(trainingServicePlatforms: string[]) { 9 | this.trainingServicePlatforms = trainingServicePlatforms; 10 | } 11 | } 12 | -------------------------------------------------------------------------------- /ts/nni_manager/types/child-process-promise/index.d.ts: -------------------------------------------------------------------------------- 1 | declare module 'child-process-promise' { 2 | export function exec(command: string): Promise; 3 | 4 | export namespace childProcessPromise { 5 | interface Result { 6 | stdout: string; 7 | stderr: string, 8 | message: string 9 | } 10 | } 11 | } -------------------------------------------------------------------------------- /ts/nni_manager/types/tail-stream/index.d.ts: -------------------------------------------------------------------------------- 1 | declare module 'tail-stream' { 2 | export interface Stream { 3 | on(type: 'data', callback: (data: Buffer) => void): void; 4 | end(data: number): void; 5 | emit(data: string): void; 6 | } 7 | export function createReadStream(path: string): Stream; 8 | } -------------------------------------------------------------------------------- /ts/nni_manager/types/webhdfs/index.d.ts: -------------------------------------------------------------------------------- 1 | declare module 'webhdfs' { 2 | export function createClient(arg: any): any; 3 | } -------------------------------------------------------------------------------- /ts/webui/.eslintignore: -------------------------------------------------------------------------------- 1 | /build/** 2 | /scripts/** 3 | /src/serviceWorker.ts -------------------------------------------------------------------------------- /ts/webui/.gitignore: -------------------------------------------------------------------------------- 1 | # See https://help.github.com/articles/ignoring-files/ for more about ignoring files. 2 | 3 | # dependencies 4 | /node_modules 5 | /.pnp 6 | .pnp.js 7 | 8 | # testing 9 | /coverage 10 | 11 | # production 12 | /build 13 | 14 | # misc 15 | .DS_Store 16 | .env.local 17 | .env.development.local 18 | .env.test.local 19 | .env.production.local 20 | 21 | npm-debug.log* 22 | -------------------------------------------------------------------------------- /ts/webui/.stylelintrc.json: -------------------------------------------------------------------------------- 1 | { 2 | "extends": "stylelint-config-standard", 3 | "ignoreFiles": [ 4 | "build/**" 5 | ], 6 | "rules": { 7 | "at-rule-empty-line-before": null, 8 | "indentation": 4, 9 | "no-descending-specificity": null 10 | } 11 | } -------------------------------------------------------------------------------- /ts/webui/prettier.config.js: -------------------------------------------------------------------------------- 1 | module.exports = { 2 | printWidth: 120, 3 | semi: true, 4 | tabWidth: 4, 5 | trailingComma: 'none', 6 | arrowParens: 'avoid', 7 | bracketSpacing: true, 8 | singleQuote: true, 9 | eslintIntegration: true, 10 | jsxSingleQuote: true, 11 | endOfLine: process.platform === 'win32' ? 'auto' : 'lf' 12 | }; 13 | -------------------------------------------------------------------------------- /ts/webui/public/favicon.ico: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/767ed7f22e1e588ce76cbbecb6c6a4a76a309805/ts/webui/public/favicon.ico -------------------------------------------------------------------------------- /ts/webui/public/icon.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/767ed7f22e1e588ce76cbbecb6c6a4a76a309805/ts/webui/public/icon.png -------------------------------------------------------------------------------- /ts/webui/public/icons/all-experiments-1.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/767ed7f22e1e588ce76cbbecb6c6a4a76a309805/ts/webui/public/icons/all-experiments-1.png -------------------------------------------------------------------------------- /ts/webui/public/icons/all-experiments.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/767ed7f22e1e588ce76cbbecb6c6a4a76a309805/ts/webui/public/icons/all-experiments.png -------------------------------------------------------------------------------- /ts/webui/public/icons/best-metric-bg.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/767ed7f22e1e588ce76cbbecb6c6a4a76a309805/ts/webui/public/icons/best-metric-bg.png -------------------------------------------------------------------------------- /ts/webui/public/icons/config-1.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/767ed7f22e1e588ce76cbbecb6c6a4a76a309805/ts/webui/public/icons/config-1.png -------------------------------------------------------------------------------- /ts/webui/public/icons/config.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/767ed7f22e1e588ce76cbbecb6c6a4a76a309805/ts/webui/public/icons/config.png -------------------------------------------------------------------------------- /ts/webui/public/icons/detail-1.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/767ed7f22e1e588ce76cbbecb6c6a4a76a309805/ts/webui/public/icons/detail-1.png -------------------------------------------------------------------------------- /ts/webui/public/icons/detail.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/767ed7f22e1e588ce76cbbecb6c6a4a76a309805/ts/webui/public/icons/detail.png -------------------------------------------------------------------------------- /ts/webui/public/icons/document-1.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/767ed7f22e1e588ce76cbbecb6c6a4a76a309805/ts/webui/public/icons/document-1.png -------------------------------------------------------------------------------- /ts/webui/public/icons/document.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/767ed7f22e1e588ce76cbbecb6c6a4a76a309805/ts/webui/public/icons/document.png -------------------------------------------------------------------------------- /ts/webui/public/icons/experiment-icon.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/767ed7f22e1e588ce76cbbecb6c6a4a76a309805/ts/webui/public/icons/experiment-icon.png -------------------------------------------------------------------------------- /ts/webui/public/icons/experiment-log-directory.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/767ed7f22e1e588ce76cbbecb6c6a4a76a309805/ts/webui/public/icons/experiment-log-directory.png -------------------------------------------------------------------------------- /ts/webui/public/icons/experiment-platform.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/767ed7f22e1e588ce76cbbecb6c6a4a76a309805/ts/webui/public/icons/experiment-platform.png -------------------------------------------------------------------------------- /ts/webui/public/icons/experiment-status.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/767ed7f22e1e588ce76cbbecb6c6a4a76a309805/ts/webui/public/icons/experiment-status.png -------------------------------------------------------------------------------- /ts/webui/public/icons/experiment-trial-command.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/767ed7f22e1e588ce76cbbecb6c6a4a76a309805/ts/webui/public/icons/experiment-trial-command.png -------------------------------------------------------------------------------- /ts/webui/public/icons/experiment-tuner.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/767ed7f22e1e588ce76cbbecb6c6a4a76a309805/ts/webui/public/icons/experiment-tuner.png -------------------------------------------------------------------------------- /ts/webui/public/icons/feedback-1.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/767ed7f22e1e588ce76cbbecb6c6a4a76a309805/ts/webui/public/icons/feedback-1.png -------------------------------------------------------------------------------- /ts/webui/public/icons/feedback.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/767ed7f22e1e588ce76cbbecb6c6a4a76a309805/ts/webui/public/icons/feedback.png -------------------------------------------------------------------------------- /ts/webui/public/icons/log-1.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/767ed7f22e1e588ce76cbbecb6c6a4a76a309805/ts/webui/public/icons/log-1.png -------------------------------------------------------------------------------- /ts/webui/public/icons/log.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/767ed7f22e1e588ce76cbbecb6c6a4a76a309805/ts/webui/public/icons/log.png -------------------------------------------------------------------------------- /ts/webui/public/icons/logo.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/767ed7f22e1e588ce76cbbecb6c6a4a76a309805/ts/webui/public/icons/logo.png -------------------------------------------------------------------------------- /ts/webui/public/icons/overview-1.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/767ed7f22e1e588ce76cbbecb6c6a4a76a309805/ts/webui/public/icons/overview-1.png -------------------------------------------------------------------------------- /ts/webui/public/icons/overview.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/767ed7f22e1e588ce76cbbecb6c6a4a76a309805/ts/webui/public/icons/overview.png -------------------------------------------------------------------------------- /ts/webui/public/icons/search-space-1.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/767ed7f22e1e588ce76cbbecb6c6a4a76a309805/ts/webui/public/icons/search-space-1.png -------------------------------------------------------------------------------- /ts/webui/public/icons/search-space.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/767ed7f22e1e588ce76cbbecb6c6a4a76a309805/ts/webui/public/icons/search-space.png -------------------------------------------------------------------------------- /ts/webui/public/icons/summary-1.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/767ed7f22e1e588ce76cbbecb6c6a4a76a309805/ts/webui/public/icons/summary-1.png -------------------------------------------------------------------------------- /ts/webui/public/icons/summary.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/767ed7f22e1e588ce76cbbecb6c6a4a76a309805/ts/webui/public/icons/summary.png -------------------------------------------------------------------------------- /ts/webui/public/icons/version-1.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/767ed7f22e1e588ce76cbbecb6c6a4a76a309805/ts/webui/public/icons/version-1.png -------------------------------------------------------------------------------- /ts/webui/public/icons/version.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/767ed7f22e1e588ce76cbbecb6c6a4a76a309805/ts/webui/public/icons/version.png -------------------------------------------------------------------------------- /ts/webui/public/loading.gif: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/767ed7f22e1e588ce76cbbecb6c6a4a76a309805/ts/webui/public/loading.gif -------------------------------------------------------------------------------- /ts/webui/public/logo.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/767ed7f22e1e588ce76cbbecb6c6a4a76a309805/ts/webui/public/logo.png -------------------------------------------------------------------------------- /ts/webui/public/manifest.json: -------------------------------------------------------------------------------- 1 | { 2 | "short_name": "React App", 3 | "name": "Create React App Sample", 4 | "icons": [ 5 | { 6 | "src": "favicon.ico", 7 | "sizes": "64x64 32x32 24x24 16x16", 8 | "type": "image/x-icon" 9 | } 10 | ], 11 | "start_url": ".", 12 | "display": "standalone", 13 | "theme_color": "#000000", 14 | "background_color": "#ffffff" 15 | } 16 | -------------------------------------------------------------------------------- /ts/webui/src/components/common/Gap.tsx: -------------------------------------------------------------------------------- 1 | import { IStackTokens } from '@fluentui/react/lib/Stack'; 2 | 3 | const buttonsGap: IStackTokens = { 4 | childrenGap: 10 5 | }; 6 | 7 | const expandTrialGap: IStackTokens = { 8 | childrenGap: 10, 9 | padding: 10 10 | }; 11 | 12 | export { buttonsGap, expandTrialGap }; 13 | -------------------------------------------------------------------------------- /ts/webui/src/components/experiment/trialdetail/chart/optimizeMode.ts: -------------------------------------------------------------------------------- 1 | function optimizeModeValue(optimizeMode: string) { 2 | // 'unknown' value is from experiment.ts file optimizeMode function 3 | return optimizeMode === 'unknown' ? 'maximize' : optimizeMode; 4 | } 5 | 6 | export { optimizeModeValue }; 7 | -------------------------------------------------------------------------------- /ts/webui/src/components/experimentManagement/experimentConst.ts: -------------------------------------------------------------------------------- 1 | const MAXSCREENCOLUMNWIDHT = 180; 2 | const MINSCREENCOLUMNWIDHT = 139; 3 | 4 | export { MAXSCREENCOLUMNWIDHT, MINSCREENCOLUMNWIDHT }; 5 | -------------------------------------------------------------------------------- /ts/webui/src/components/title/TitleContext.tsx: -------------------------------------------------------------------------------- 1 | import * as React from 'react'; 2 | 3 | export const TitleContext = React.createContext({ 4 | text: '', 5 | icon: '' 6 | }); 7 | -------------------------------------------------------------------------------- /ts/webui/src/static/datamodel.ts: -------------------------------------------------------------------------------- 1 | import { Experiment } from './model/experiment'; 2 | import { TrialManager } from './model/trialmanager'; 3 | 4 | const EXPERIMENT = new Experiment(); 5 | const TRIALS = new TrialManager(); 6 | 7 | export { EXPERIMENT, TRIALS }; 8 | -------------------------------------------------------------------------------- /ts/webui/src/static/style/experiment/overview/overviewTitle.scss: -------------------------------------------------------------------------------- 1 | $iconPaddingVal: 10px; 2 | 3 | .panelTitle { 4 | span { 5 | font-size: 18px; 6 | font-weight: 600; 7 | } 8 | 9 | i { 10 | font-size: 24px; 11 | margin-right: $iconPaddingVal; 12 | color: #545454; 13 | } 14 | } 15 | 16 | /* antd icon margin intermediate result style */ 17 | #tabsty .anticon { 18 | margin-right: 0; 19 | } 20 | -------------------------------------------------------------------------------- /ts/webui/src/static/style/experiment/overview/topTrial.scss: -------------------------------------------------------------------------------- 1 | $circle: 10px; 2 | $bgblue: #0071bc; 3 | 4 | .maxmin { 5 | margin-top: 40px; 6 | 7 | .circle { 8 | width: $circle; 9 | height: $circle; 10 | border-radius: 50%; 11 | background-color: $bgblue; 12 | margin-top: 6px; 13 | margin-right: 18px; 14 | } 15 | } 16 | -------------------------------------------------------------------------------- /ts/webui/src/static/style/icon.scss: -------------------------------------------------------------------------------- 1 | .iconButtons { 2 | margin-top: 12px; 3 | 4 | i { 5 | font-size: 16px; 6 | color: #fff; 7 | } 8 | } 9 | 10 | .docIcon { 11 | i { 12 | font-size: 28px; 13 | } 14 | } 15 | -------------------------------------------------------------------------------- /ts/webui/src/static/style/loading.scss: -------------------------------------------------------------------------------- 1 | .loading { 2 | width: 80%; 3 | height: 100%; 4 | margin: 0 auto; 5 | 6 | img { 7 | width: 20%; 8 | position: fixed; 9 | top: 40%; 10 | left: 40%; 11 | } 12 | } 13 | --------------------------------------------------------------------------------