├── .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: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/.gitattributes -------------------------------------------------------------------------------- /.github/ISSUE_TEMPLATE/bug-report.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/.github/ISSUE_TEMPLATE/bug-report.md -------------------------------------------------------------------------------- /.github/ISSUE_TEMPLATE/enhancement.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/.github/ISSUE_TEMPLATE/enhancement.md -------------------------------------------------------------------------------- /.github/pull_request_template.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/.github/pull_request_template.md -------------------------------------------------------------------------------- /.github/workflows/cffconvert.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/.github/workflows/cffconvert.yml -------------------------------------------------------------------------------- /.github/workflows/main.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/.github/workflows/main.yml -------------------------------------------------------------------------------- /.gitignore: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/.gitignore -------------------------------------------------------------------------------- /.readthedocs.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/.readthedocs.yaml -------------------------------------------------------------------------------- /CITATION.cff: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/CITATION.cff -------------------------------------------------------------------------------- /Dockerfile: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/Dockerfile -------------------------------------------------------------------------------- /LICENSE: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/LICENSE -------------------------------------------------------------------------------- /README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/README.md -------------------------------------------------------------------------------- /SECURITY.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/SECURITY.md -------------------------------------------------------------------------------- /crowdin.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/crowdin.yml -------------------------------------------------------------------------------- /dependencies/develop.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/dependencies/develop.txt -------------------------------------------------------------------------------- /dependencies/recommended.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/dependencies/recommended.txt -------------------------------------------------------------------------------- /dependencies/recommended_gpu.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/dependencies/recommended_gpu.txt -------------------------------------------------------------------------------- /dependencies/recommended_gpu_legacy.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/dependencies/recommended_gpu_legacy.txt -------------------------------------------------------------------------------- /dependencies/recommended_legacy.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/dependencies/recommended_legacy.txt -------------------------------------------------------------------------------- /dependencies/required.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/dependencies/required.txt -------------------------------------------------------------------------------- /dependencies/required_extra.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/dependencies/required_extra.txt -------------------------------------------------------------------------------- /dependencies/setup.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/dependencies/setup.txt -------------------------------------------------------------------------------- /docs/.gitignore: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/docs/.gitignore -------------------------------------------------------------------------------- /docs/Makefile: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/docs/Makefile -------------------------------------------------------------------------------- /docs/_removed/CurvefittingAssessor.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/docs/_removed/CurvefittingAssessor.rst -------------------------------------------------------------------------------- /docs/_removed/HowToDebug.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/docs/_removed/HowToDebug.rst -------------------------------------------------------------------------------- /docs/_removed/HowToLaunchFromPython.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/docs/_removed/HowToLaunchFromPython.rst -------------------------------------------------------------------------------- /docs/_removed/HowToUseDocker.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/docs/_removed/HowToUseDocker.rst -------------------------------------------------------------------------------- /docs/_removed/InstallationLinux.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/docs/_removed/InstallationLinux.rst -------------------------------------------------------------------------------- /docs/_removed/InstallationLinux_zh.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/docs/_removed/InstallationLinux_zh.rst -------------------------------------------------------------------------------- /docs/_removed/InstallationWin.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/docs/_removed/InstallationWin.rst -------------------------------------------------------------------------------- /docs/_removed/InstallationWin_zh.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/docs/_removed/InstallationWin_zh.rst -------------------------------------------------------------------------------- /docs/_removed/Release_v1.0.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/docs/_removed/Release_v1.0.md -------------------------------------------------------------------------------- /docs/_removed/Trials.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/docs/_removed/Trials.rst -------------------------------------------------------------------------------- /docs/_removed/Tuner/BohbAdvisor.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/docs/_removed/Tuner/BohbAdvisor.rst -------------------------------------------------------------------------------- /docs/_removed/Tuner/DngoTuner.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/docs/_removed/Tuner/DngoTuner.rst -------------------------------------------------------------------------------- /docs/_removed/Tuner/EvolutionTuner.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/docs/_removed/Tuner/EvolutionTuner.rst -------------------------------------------------------------------------------- /docs/_removed/Tuner/GPTuner.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/docs/_removed/Tuner/GPTuner.rst -------------------------------------------------------------------------------- /docs/_removed/Tuner/MetisTuner.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/docs/_removed/Tuner/MetisTuner.rst -------------------------------------------------------------------------------- /docs/_removed/Tuner/PBTTuner.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/docs/_removed/Tuner/PBTTuner.rst -------------------------------------------------------------------------------- /docs/_removed/Tuner/SmacTuner.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/docs/_removed/Tuner/SmacTuner.rst -------------------------------------------------------------------------------- /docs/_removed/Tutorial/NNSpider.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/docs/_removed/Tutorial/NNSpider.md -------------------------------------------------------------------------------- /docs/_removed/WebUI.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/docs/_removed/WebUI.rst -------------------------------------------------------------------------------- /docs/_removed/faq.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/docs/_removed/faq.rst -------------------------------------------------------------------------------- /docs/_removed/installation.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/docs/_removed/installation.rst -------------------------------------------------------------------------------- /docs/_removed/reference/python_api.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/docs/_removed/reference/python_api.rst -------------------------------------------------------------------------------- /docs/_removed/training_services.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/docs/_removed/training_services.rst -------------------------------------------------------------------------------- /docs/extension/cardlinkitem.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/docs/extension/cardlinkitem.py -------------------------------------------------------------------------------- /docs/extension/codesnippetcard.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/docs/extension/codesnippetcard.py -------------------------------------------------------------------------------- /docs/extension/getpartialtext.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/docs/extension/getpartialtext.py -------------------------------------------------------------------------------- /docs/extension/inplace_translation.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/docs/extension/inplace_translation.py -------------------------------------------------------------------------------- /docs/extension/patch_autodoc.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/docs/extension/patch_autodoc.py -------------------------------------------------------------------------------- /docs/extension/toctree_check.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/docs/extension/toctree_check.py -------------------------------------------------------------------------------- /docs/extension/tutorial_links.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/docs/extension/tutorial_links.py -------------------------------------------------------------------------------- /docs/img/3_steps.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/docs/img/3_steps.jpg -------------------------------------------------------------------------------- /docs/img/Assessor.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/docs/img/Assessor.png -------------------------------------------------------------------------------- /docs/img/EvoNasTuner.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/docs/img/EvoNasTuner.png -------------------------------------------------------------------------------- /docs/img/NAS_Bench_201.svg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/docs/img/NAS_Bench_201.svg -------------------------------------------------------------------------------- /docs/img/NAS_Darts_cell.svg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/docs/img/NAS_Darts_cell.svg -------------------------------------------------------------------------------- /docs/img/NAS_ENAS_macro.svg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/docs/img/NAS_ENAS_macro.svg -------------------------------------------------------------------------------- /docs/img/NAS_ENAS_micro.svg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/docs/img/NAS_ENAS_micro.svg -------------------------------------------------------------------------------- /docs/img/NNIDesign.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/docs/img/NNIDesign.jpg -------------------------------------------------------------------------------- /docs/img/SA_latency_accuracy.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/docs/img/SA_latency_accuracy.png -------------------------------------------------------------------------------- /docs/img/Tensorboard_1.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/docs/img/Tensorboard_1.png -------------------------------------------------------------------------------- /docs/img/Tensorboard_2.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/docs/img/Tensorboard_2.png -------------------------------------------------------------------------------- /docs/img/Tensorboard_3.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/docs/img/Tensorboard_3.png -------------------------------------------------------------------------------- /docs/img/Tensorboard_4.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/docs/img/Tensorboard_4.png -------------------------------------------------------------------------------- /docs/img/agp_pruner.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/docs/img/agp_pruner.png -------------------------------------------------------------------------------- /docs/img/algo_NetAdapt.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/docs/img/algo_NetAdapt.png -------------------------------------------------------------------------------- /docs/img/amc_pruner.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/docs/img/amc_pruner.jpg -------------------------------------------------------------------------------- /docs/img/aml_cluster.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/docs/img/aml_cluster.png -------------------------------------------------------------------------------- /docs/img/aml_workspace.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/docs/img/aml_workspace.png -------------------------------------------------------------------------------- /docs/img/apoz.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/docs/img/apoz.png -------------------------------------------------------------------------------- /docs/img/azure_storage.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/docs/img/azure_storage.png -------------------------------------------------------------------------------- /docs/img/bar.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/docs/img/bar.png -------------------------------------------------------------------------------- /docs/img/bohb_1.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/docs/img/bohb_1.png -------------------------------------------------------------------------------- /docs/img/bohb_2.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/docs/img/bohb_2.png -------------------------------------------------------------------------------- /docs/img/bohb_3.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/docs/img/bohb_3.png -------------------------------------------------------------------------------- /docs/img/bohb_4.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/docs/img/bohb_4.png -------------------------------------------------------------------------------- /docs/img/bohb_5.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/docs/img/bohb_5.png -------------------------------------------------------------------------------- /docs/img/bohb_6.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/docs/img/bohb_6.jpg -------------------------------------------------------------------------------- /docs/img/channel_dependency_example.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/docs/img/channel_dependency_example.jpg -------------------------------------------------------------------------------- /docs/img/compression_pipeline.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/docs/img/compression_pipeline.png -------------------------------------------------------------------------------- /docs/img/compressor_framework.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/docs/img/compressor_framework.jpg -------------------------------------------------------------------------------- /docs/img/contributors.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/docs/img/contributors.png -------------------------------------------------------------------------------- /docs/img/cream.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/docs/img/cream.png -------------------------------------------------------------------------------- /docs/img/cream_flops100.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/docs/img/cream_flops100.jpg -------------------------------------------------------------------------------- /docs/img/cream_flops600.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/docs/img/cream_flops600.jpg -------------------------------------------------------------------------------- /docs/img/curvefitting_example.PNG: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/docs/img/curvefitting_example.PNG -------------------------------------------------------------------------------- /docs/img/curvefitting_expression_xi.gif: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/docs/img/curvefitting_expression_xi.gif -------------------------------------------------------------------------------- /docs/img/curvefitting_f_comb.gif: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/docs/img/curvefitting_f_comb.gif -------------------------------------------------------------------------------- /docs/img/darts_illustration.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/docs/img/darts_illustration.png -------------------------------------------------------------------------------- /docs/img/darts_mode.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/docs/img/darts_mode.png -------------------------------------------------------------------------------- /docs/img/darts_search_process.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/docs/img/darts_search_process.png -------------------------------------------------------------------------------- /docs/img/darts_val_acc.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/docs/img/darts_val_acc.png -------------------------------------------------------------------------------- /docs/img/dependency-aware.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/docs/img/dependency-aware.jpg -------------------------------------------------------------------------------- /docs/img/dispatcher_error.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/docs/img/dispatcher_error.jpg -------------------------------------------------------------------------------- /docs/img/distill.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/docs/img/distill.png -------------------------------------------------------------------------------- /docs/img/dlts-step1.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/docs/img/dlts-step1.png -------------------------------------------------------------------------------- /docs/img/dlts-step3.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/docs/img/dlts-step3.png -------------------------------------------------------------------------------- /docs/img/dlts-step4.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/docs/img/dlts-step4.png -------------------------------------------------------------------------------- /docs/img/dlts-step5.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/docs/img/dlts-step5.png -------------------------------------------------------------------------------- /docs/img/efficientnet_search_result.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/docs/img/efficientnet_search_result.png -------------------------------------------------------------------------------- /docs/img/enas_search_space.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/docs/img/enas_search_space.png -------------------------------------------------------------------------------- /docs/img/example_combined.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/docs/img/example_combined.png -------------------------------------------------------------------------------- /docs/img/example_connectchoice.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/docs/img/example_connectchoice.png -------------------------------------------------------------------------------- /docs/img/example_enas.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/docs/img/example_enas.png -------------------------------------------------------------------------------- /docs/img/example_layerchoice.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/docs/img/example_layerchoice.png -------------------------------------------------------------------------------- /docs/img/example_of_curve_fitting.PNG: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/docs/img/example_of_curve_fitting.PNG -------------------------------------------------------------------------------- /docs/img/experiment_arch.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/docs/img/experiment_arch.png -------------------------------------------------------------------------------- /docs/img/experiment_process.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/docs/img/experiment_process.jpg -------------------------------------------------------------------------------- /docs/img/expression_xi.gif: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/docs/img/expression_xi.gif -------------------------------------------------------------------------------- /docs/img/f_comb.gif: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/docs/img/f_comb.gif -------------------------------------------------------------------------------- /docs/img/favicon.ico: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/docs/img/favicon.ico -------------------------------------------------------------------------------- /docs/img/fbnet.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/docs/img/fbnet.png -------------------------------------------------------------------------------- /docs/img/fpgm_fig1.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/docs/img/fpgm_fig1.png -------------------------------------------------------------------------------- /docs/img/highlevelarchi.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/docs/img/highlevelarchi.png -------------------------------------------------------------------------------- /docs/img/hpo_benchmark/car_fold1_1.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/docs/img/hpo_benchmark/car_fold1_1.jpg -------------------------------------------------------------------------------- /docs/img/hpo_benchmark/car_fold1_2.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/docs/img/hpo_benchmark/car_fold1_2.jpg -------------------------------------------------------------------------------- /docs/img/hpo_benchmark/performances.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/docs/img/hpo_benchmark/performances.png -------------------------------------------------------------------------------- /docs/img/hpo_rocksdb_fillrandom.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/docs/img/hpo_rocksdb_fillrandom.png -------------------------------------------------------------------------------- /docs/img/hpo_rocksdb_readrandom.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/docs/img/hpo_rocksdb_readrandom.png -------------------------------------------------------------------------------- /docs/img/hyperband_parallelism.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/docs/img/hyperband_parallelism.png -------------------------------------------------------------------------------- /docs/img/hyperband_serial.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/docs/img/hyperband_serial.png -------------------------------------------------------------------------------- /docs/img/importance_estimation_sum.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/docs/img/importance_estimation_sum.png -------------------------------------------------------------------------------- /docs/img/kubeflow_training_design.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/docs/img/kubeflow_training_design.png -------------------------------------------------------------------------------- /docs/img/l1filter_pruner.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/docs/img/l1filter_pruner.png -------------------------------------------------------------------------------- /docs/img/learning_curve.PNG: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/docs/img/learning_curve.PNG -------------------------------------------------------------------------------- /docs/img/lottery_ticket_mnist_fc.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/docs/img/lottery_ticket_mnist_fc.png -------------------------------------------------------------------------------- /docs/img/mask_conflict.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/docs/img/mask_conflict.jpg -------------------------------------------------------------------------------- /docs/img/mobilev2_l1_cifar.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/docs/img/mobilev2_l1_cifar.jpg -------------------------------------------------------------------------------- /docs/img/movement_pruning.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/docs/img/movement_pruning.png -------------------------------------------------------------------------------- /docs/img/nas-bench-101-example.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/docs/img/nas-bench-101-example.png -------------------------------------------------------------------------------- /docs/img/nas-bench-201-example.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/docs/img/nas-bench-201-example.png -------------------------------------------------------------------------------- /docs/img/nas-bench-nds-example.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/docs/img/nas-bench-nds-example.png -------------------------------------------------------------------------------- /docs/img/nas-bench-nlp-example1.jpeg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/docs/img/nas-bench-nlp-example1.jpeg -------------------------------------------------------------------------------- /docs/img/nas-bench-nlp-example2.jpeg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/docs/img/nas-bench-nlp-example2.jpeg -------------------------------------------------------------------------------- /docs/img/nas_abstract_illustration.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/docs/img/nas_abstract_illustration.png -------------------------------------------------------------------------------- /docs/img/nas_on_nni.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/docs/img/nas_on_nni.png -------------------------------------------------------------------------------- /docs/img/nas_weight_share.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/docs/img/nas_weight_share.png -------------------------------------------------------------------------------- /docs/img/nasnet_cell.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/docs/img/nasnet_cell.png -------------------------------------------------------------------------------- /docs/img/nasnet_cell_stack.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/docs/img/nasnet_cell_stack.png -------------------------------------------------------------------------------- /docs/img/nasui-1.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/docs/img/nasui-1.png -------------------------------------------------------------------------------- /docs/img/nasui-2.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/docs/img/nasui-2.png -------------------------------------------------------------------------------- /docs/img/netron_entrance_webui.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/docs/img/netron_entrance_webui.png -------------------------------------------------------------------------------- /docs/img/nni-1.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/docs/img/nni-1.png -------------------------------------------------------------------------------- /docs/img/nni_arch_overview.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/docs/img/nni_arch_overview.png -------------------------------------------------------------------------------- /docs/img/nni_icon.svg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/docs/img/nni_icon.svg -------------------------------------------------------------------------------- /docs/img/nni_logo.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/docs/img/nni_logo.png -------------------------------------------------------------------------------- /docs/img/nni_logo_dark.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/docs/img/nni_logo_dark.png -------------------------------------------------------------------------------- /docs/img/nni_pai_joblist.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/docs/img/nni_pai_joblist.jpg -------------------------------------------------------------------------------- /docs/img/nni_prune_process.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/docs/img/nni_prune_process.png -------------------------------------------------------------------------------- /docs/img/nni_trial_hdfs_output.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/docs/img/nni_trial_hdfs_output.jpg -------------------------------------------------------------------------------- /docs/img/nni_webui_joblist.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/docs/img/nni_webui_joblist.png -------------------------------------------------------------------------------- /docs/img/one-shot_training.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/docs/img/one-shot_training.png -------------------------------------------------------------------------------- /docs/img/oneshot_mode.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/docs/img/oneshot_mode.png -------------------------------------------------------------------------------- /docs/img/opevo.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/docs/img/opevo.png -------------------------------------------------------------------------------- /docs/img/overview.svg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/docs/img/overview.svg -------------------------------------------------------------------------------- /docs/img/pai_data_management_page.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/docs/img/pai_data_management_page.jpg -------------------------------------------------------------------------------- /docs/img/pai_job_submission_page.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/docs/img/pai_job_submission_page.jpg -------------------------------------------------------------------------------- /docs/img/pai_profile.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/docs/img/pai_profile.jpg -------------------------------------------------------------------------------- /docs/img/pai_token.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/docs/img/pai_token.jpg -------------------------------------------------------------------------------- /docs/img/pai_token_button.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/docs/img/pai_token_button.jpg -------------------------------------------------------------------------------- /docs/img/parallel_tpe_search1.gif: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/docs/img/parallel_tpe_search1.gif -------------------------------------------------------------------------------- /docs/img/parallel_tpe_search2.gif: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/docs/img/parallel_tpe_search2.gif -------------------------------------------------------------------------------- /docs/img/parallel_tpe_search3.gif: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/docs/img/parallel_tpe_search3.gif -------------------------------------------------------------------------------- /docs/img/parallel_tpe_search4.PNG: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/docs/img/parallel_tpe_search4.PNG -------------------------------------------------------------------------------- /docs/img/parallel_tpe_search_branin.PNG: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/docs/img/parallel_tpe_search_branin.PNG -------------------------------------------------------------------------------- /docs/img/parallel_tpe_search_cl.PNG: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/docs/img/parallel_tpe_search_cl.PNG -------------------------------------------------------------------------------- /docs/img/parallel_tpe_search_ei.PNG: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/docs/img/parallel_tpe_search_ei.PNG -------------------------------------------------------------------------------- /docs/img/parallel_tpe_search_ei2.PNG: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/docs/img/parallel_tpe_search_ei2.PNG -------------------------------------------------------------------------------- /docs/img/parallel_tpe_search_kb.PNG: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/docs/img/parallel_tpe_search_kb.PNG -------------------------------------------------------------------------------- /docs/img/parallel_tpe_search_qEI.PNG: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/docs/img/parallel_tpe_search_qEI.PNG -------------------------------------------------------------------------------- /docs/img/parallel_tpe_search_result.PNG: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/docs/img/parallel_tpe_search_result.PNG -------------------------------------------------------------------------------- /docs/img/parallel_tpe_search_tpe.PNG: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/docs/img/parallel_tpe_search_tpe.PNG -------------------------------------------------------------------------------- /docs/img/pbt.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/docs/img/pbt.jpg -------------------------------------------------------------------------------- /docs/img/pix2pix_pytorch_facades.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/docs/img/pix2pix_pytorch_facades.png -------------------------------------------------------------------------------- /docs/img/ppo_cifar10.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/docs/img/ppo_cifar10.png -------------------------------------------------------------------------------- /docs/img/ppo_mnist.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/docs/img/ppo_mnist.png -------------------------------------------------------------------------------- /docs/img/proxylessnas.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/docs/img/proxylessnas.png -------------------------------------------------------------------------------- /docs/img/prune_quant.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/docs/img/prune_quant.jpg -------------------------------------------------------------------------------- /docs/img/pruning_process.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/docs/img/pruning_process.png -------------------------------------------------------------------------------- /docs/img/readme_banner.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/docs/img/readme_banner.png -------------------------------------------------------------------------------- /docs/img/release-1-title-1.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/docs/img/release-1-title-1.png -------------------------------------------------------------------------------- /docs/img/release-1-title-2.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/docs/img/release-1-title-2.png -------------------------------------------------------------------------------- /docs/img/release_icon.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/docs/img/release_icon.png -------------------------------------------------------------------------------- /docs/img/rocksdb-fillrandom-plot.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/docs/img/rocksdb-fillrandom-plot.png -------------------------------------------------------------------------------- /docs/img/slim_pruner.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/docs/img/slim_pruner.png -------------------------------------------------------------------------------- /docs/img/thumbnails/hpo-pytorch.svg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/docs/img/thumbnails/hpo-pytorch.svg -------------------------------------------------------------------------------- /docs/img/thumbnails/hpo-small.svg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/docs/img/thumbnails/hpo-small.svg -------------------------------------------------------------------------------- /docs/img/thumbnails/hpo-tensorflow.svg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/docs/img/thumbnails/hpo-tensorflow.svg -------------------------------------------------------------------------------- /docs/img/thumbnails/nas-benchmark.svg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/docs/img/thumbnails/nas-benchmark.svg -------------------------------------------------------------------------------- /docs/img/thumbnails/nas-tutorial.svg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/docs/img/thumbnails/nas-tutorial.svg -------------------------------------------------------------------------------- /docs/img/thumbnails/nni_icon_blue.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/docs/img/thumbnails/nni_icon_blue.png -------------------------------------------------------------------------------- /docs/img/thumbnails/nni_icon_white.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/docs/img/thumbnails/nni_icon_white.png -------------------------------------------------------------------------------- /docs/img/thumbnails/pruning-small.svg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/docs/img/thumbnails/pruning-small.svg -------------------------------------------------------------------------------- /docs/img/transformer_structure.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/docs/img/transformer_structure.png -------------------------------------------------------------------------------- /docs/img/trial_error.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/docs/img/trial_error.jpg -------------------------------------------------------------------------------- /docs/img/trialkeeper.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/docs/img/trialkeeper.jpg -------------------------------------------------------------------------------- /docs/img/version_check.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/docs/img/version_check.png -------------------------------------------------------------------------------- /docs/img/webui_img/add_column.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/docs/img/webui_img/add_column.png -------------------------------------------------------------------------------- /docs/img/webui_img/best_curve.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/docs/img/webui_img/best_curve.png -------------------------------------------------------------------------------- /docs/img/webui_img/compare.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/docs/img/webui_img/compare.png -------------------------------------------------------------------------------- /docs/img/webui_img/config.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/docs/img/webui_img/config.png -------------------------------------------------------------------------------- /docs/img/webui_img/copy_parameter.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/docs/img/webui_img/copy_parameter.png -------------------------------------------------------------------------------- /docs/img/webui_img/default_metric.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/docs/img/webui_img/default_metric.png -------------------------------------------------------------------------------- /docs/img/webui_img/detail/log_local.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/docs/img/webui_img/detail/log_local.png -------------------------------------------------------------------------------- /docs/img/webui_img/detail/search_No.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/docs/img/webui_img/detail/search_No.png -------------------------------------------------------------------------------- /docs/img/webui_img/detail/search_id.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/docs/img/webui_img/detail/search_id.png -------------------------------------------------------------------------------- /docs/img/webui_img/detail_local.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/docs/img/webui_img/detail_local.png -------------------------------------------------------------------------------- /docs/img/webui_img/detail_pai.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/docs/img/webui_img/detail_pai.png -------------------------------------------------------------------------------- /docs/img/webui_img/experiment_error.gif: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/docs/img/webui_img/experiment_error.gif -------------------------------------------------------------------------------- /docs/img/webui_img/full_oview.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/docs/img/webui_img/full_oview.png -------------------------------------------------------------------------------- /docs/img/webui_img/hyper_parameter.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/docs/img/webui_img/hyper_parameter.png -------------------------------------------------------------------------------- /docs/img/webui_img/intermediate.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/docs/img/webui_img/intermediate.png -------------------------------------------------------------------------------- /docs/img/webui_img/kill_running.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/docs/img/webui_img/kill_running.png -------------------------------------------------------------------------------- /docs/img/webui_img/refresh_interval.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/docs/img/webui_img/refresh_interval.png -------------------------------------------------------------------------------- /docs/img/webui_img/review_log.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/docs/img/webui_img/review_log.png -------------------------------------------------------------------------------- /docs/img/webui_img/search_space.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/docs/img/webui_img/search_space.png -------------------------------------------------------------------------------- /docs/img/webui_img/select_trial.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/docs/img/webui_img/select_trial.png -------------------------------------------------------------------------------- /docs/img/webui_img/summary.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/docs/img/webui_img/summary.png -------------------------------------------------------------------------------- /docs/img/webui_img/trial_duration.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/docs/img/webui_img/trial_duration.png -------------------------------------------------------------------------------- /docs/img/webui_overview_page.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/docs/img/webui_overview_page.png -------------------------------------------------------------------------------- /docs/img/webui_trialdetail_page.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/docs/img/webui_trialdetail_page.png -------------------------------------------------------------------------------- /docs/img/weight_sharing.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/docs/img/weight_sharing.png -------------------------------------------------------------------------------- /docs/source/compression/advance.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/docs/source/compression/advance.rst -------------------------------------------------------------------------------- /docs/source/compression/changes.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/docs/source/compression/changes.rst -------------------------------------------------------------------------------- /docs/source/compression/config_list.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/docs/source/compression/config_list.rst -------------------------------------------------------------------------------- /docs/source/compression/evaluator.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/docs/source/compression/evaluator.rst -------------------------------------------------------------------------------- /docs/source/compression/overview.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/docs/source/compression/overview.rst -------------------------------------------------------------------------------- /docs/source/compression/pruner.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/docs/source/compression/pruner.rst -------------------------------------------------------------------------------- /docs/source/compression/pruning.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/docs/source/compression/pruning.rst -------------------------------------------------------------------------------- /docs/source/compression/quantizer.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/docs/source/compression/quantizer.rst -------------------------------------------------------------------------------- /docs/source/compression/setting.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/docs/source/compression/setting.rst -------------------------------------------------------------------------------- /docs/source/compression/toctree.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/docs/source/compression/toctree.rst -------------------------------------------------------------------------------- /docs/source/conf.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/docs/source/conf.py -------------------------------------------------------------------------------- /docs/source/examples.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/docs/source/examples.rst -------------------------------------------------------------------------------- /docs/source/experiment/overview.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/docs/source/experiment/overview.rst -------------------------------------------------------------------------------- /docs/source/experiment/toctree.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/docs/source/experiment/toctree.rst -------------------------------------------------------------------------------- /docs/source/hpo/advanced_usage.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/docs/source/hpo/advanced_usage.rst -------------------------------------------------------------------------------- /docs/source/hpo/assessors.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/docs/source/hpo/assessors.rst -------------------------------------------------------------------------------- /docs/source/hpo/custom_algorithm.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/docs/source/hpo/custom_algorithm.rst -------------------------------------------------------------------------------- /docs/source/hpo/hpo_benchmark.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/docs/source/hpo/hpo_benchmark.rst -------------------------------------------------------------------------------- /docs/source/hpo/hpo_benchmark_stats.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/docs/source/hpo/hpo_benchmark_stats.rst -------------------------------------------------------------------------------- /docs/source/hpo/overview.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/docs/source/hpo/overview.rst -------------------------------------------------------------------------------- /docs/source/hpo/overview_zh.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/docs/source/hpo/overview_zh.rst -------------------------------------------------------------------------------- /docs/source/hpo/quickstart.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/docs/source/hpo/quickstart.rst -------------------------------------------------------------------------------- /docs/source/hpo/search_space.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/docs/source/hpo/search_space.rst -------------------------------------------------------------------------------- /docs/source/hpo/toctree.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/docs/source/hpo/toctree.rst -------------------------------------------------------------------------------- /docs/source/hpo/toctree_zh.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/docs/source/hpo/toctree_zh.rst -------------------------------------------------------------------------------- /docs/source/hpo/tuners.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/docs/source/hpo/tuners.rst -------------------------------------------------------------------------------- /docs/source/index.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/docs/source/index.rst -------------------------------------------------------------------------------- /docs/source/index_zh.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/docs/source/index_zh.rst -------------------------------------------------------------------------------- /docs/source/installation.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/docs/source/installation.rst -------------------------------------------------------------------------------- /docs/source/installation_zh.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/docs/source/installation_zh.rst -------------------------------------------------------------------------------- /docs/source/nas/advanced_usage.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/docs/source/nas/advanced_usage.rst -------------------------------------------------------------------------------- /docs/source/nas/benchmarks.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/docs/source/nas/benchmarks.rst -------------------------------------------------------------------------------- /docs/source/nas/benchmarks_toctree.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/docs/source/nas/benchmarks_toctree.rst -------------------------------------------------------------------------------- /docs/source/nas/construct_space.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/docs/source/nas/construct_space.rst -------------------------------------------------------------------------------- /docs/source/nas/evaluator.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/docs/source/nas/evaluator.rst -------------------------------------------------------------------------------- /docs/source/nas/execution_engine.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/docs/source/nas/execution_engine.rst -------------------------------------------------------------------------------- /docs/source/nas/hardware_aware_nas.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/docs/source/nas/hardware_aware_nas.rst -------------------------------------------------------------------------------- /docs/source/nas/mutator.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/docs/source/nas/mutator.rst -------------------------------------------------------------------------------- /docs/source/nas/overview.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/docs/source/nas/overview.rst -------------------------------------------------------------------------------- /docs/source/nas/serialization.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/docs/source/nas/serialization.rst -------------------------------------------------------------------------------- /docs/source/nas/space_hub.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/docs/source/nas/space_hub.rst -------------------------------------------------------------------------------- /docs/source/nas/toctree.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/docs/source/nas/toctree.rst -------------------------------------------------------------------------------- /docs/source/nas/tutorials.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/docs/source/nas/tutorials.rst -------------------------------------------------------------------------------- /docs/source/notes/contributing.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/docs/source/notes/contributing.rst -------------------------------------------------------------------------------- /docs/source/quickstart.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/docs/source/quickstart.rst -------------------------------------------------------------------------------- /docs/source/quickstart_zh.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/docs/source/quickstart_zh.rst -------------------------------------------------------------------------------- /docs/source/reference/experiment.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/docs/source/reference/experiment.rst -------------------------------------------------------------------------------- /docs/source/reference/hpo.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/docs/source/reference/hpo.rst -------------------------------------------------------------------------------- /docs/source/reference/mutable.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/docs/source/reference/mutable.rst -------------------------------------------------------------------------------- /docs/source/reference/nas.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/docs/source/reference/nas.rst -------------------------------------------------------------------------------- /docs/source/reference/nnictl.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/docs/source/reference/nnictl.rst -------------------------------------------------------------------------------- /docs/source/reference/others.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/docs/source/reference/others.rst -------------------------------------------------------------------------------- /docs/source/reference/python_api.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/docs/source/reference/python_api.rst -------------------------------------------------------------------------------- /docs/source/refs.bib: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/docs/source/refs.bib -------------------------------------------------------------------------------- /docs/source/release.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/docs/source/release.rst -------------------------------------------------------------------------------- /docs/source/sharings/efficientnet.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/docs/source/sharings/efficientnet.rst -------------------------------------------------------------------------------- /docs/source/sharings/nn_spider.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/docs/source/sharings/nn_spider.rst -------------------------------------------------------------------------------- /docs/source/sharings/overview.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/docs/source/sharings/overview.rst -------------------------------------------------------------------------------- /docs/source/tutorials/darts.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/docs/source/tutorials/darts.ipynb -------------------------------------------------------------------------------- /docs/source/tutorials/darts.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/docs/source/tutorials/darts.py -------------------------------------------------------------------------------- /docs/source/tutorials/darts.py.md5: -------------------------------------------------------------------------------- 1 | 9d3fcdd210dc926847438a0320b075cf -------------------------------------------------------------------------------- /docs/source/tutorials/darts.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/docs/source/tutorials/darts.rst -------------------------------------------------------------------------------- /docs/source/tutorials/hello_nas.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/docs/source/tutorials/hello_nas.ipynb -------------------------------------------------------------------------------- /docs/source/tutorials/hello_nas.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/docs/source/tutorials/hello_nas.py -------------------------------------------------------------------------------- /docs/source/tutorials/hello_nas.py.md5: -------------------------------------------------------------------------------- 1 | 62b11c437f43487c907e8f969736030a -------------------------------------------------------------------------------- /docs/source/tutorials/hello_nas.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/docs/source/tutorials/hello_nas.rst -------------------------------------------------------------------------------- /docs/source/tutorials/hpo_nnictl/model.py.md5: -------------------------------------------------------------------------------- 1 | ed8bfc27e3d555d842fc4eec2635e619 -------------------------------------------------------------------------------- /docs/source/tutorials/hpo_quickstart_pytorch/main.py.md5: -------------------------------------------------------------------------------- 1 | e732cee426a4629b71f5fa28ce16fad7 -------------------------------------------------------------------------------- /docs/source/tutorials/hpo_quickstart_pytorch/model.py.md5: -------------------------------------------------------------------------------- 1 | ed8bfc27e3d555d842fc4eec2635e619 -------------------------------------------------------------------------------- /docs/source/tutorials/hpo_quickstart_tensorflow/main.py.md5: -------------------------------------------------------------------------------- 1 | b8a9880a36233005ade7a8dae6d428a8 -------------------------------------------------------------------------------- /docs/source/tutorials/hpo_quickstart_tensorflow/model.py.md5: -------------------------------------------------------------------------------- 1 | d0c869d9d7c7f9208abc10357de52056 -------------------------------------------------------------------------------- /docs/source/tutorials/index.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/docs/source/tutorials/index.rst -------------------------------------------------------------------------------- /docs/source/tutorials/nasbench_as_dataset.py.md5: -------------------------------------------------------------------------------- 1 | f5165dd74d4385744c53d17ce05fdc2c -------------------------------------------------------------------------------- /docs/source/tutorials/new_pruning_bert_glue.py.md5: -------------------------------------------------------------------------------- 1 | f9ff31917a7b6ae9f988fcd63d626663 -------------------------------------------------------------------------------- /docs/source/tutorials/pruning_quick_start.py.md5: -------------------------------------------------------------------------------- 1 | 026cf2d53a9a109f620494e783ecec0b -------------------------------------------------------------------------------- /docs/source/tutorials/pruning_speedup.py.md5: -------------------------------------------------------------------------------- 1 | e128a8e53fcc5368f479aa5a40aa2fe1 -------------------------------------------------------------------------------- /docs/source/tutorials/quantization_bert_glue.py.md5: -------------------------------------------------------------------------------- 1 | 67e335e86718ed077e4997a9f0092ee3 -------------------------------------------------------------------------------- /docs/source/tutorials/quantization_quick_start.py.md5: -------------------------------------------------------------------------------- 1 | 0eda6c780fb06aaecfc2e9c9e804d33a -------------------------------------------------------------------------------- /docs/source/tutorials/quantization_speedup.py.md5: -------------------------------------------------------------------------------- 1 | d364a206afed723ad9006f2a7035c00c -------------------------------------------------------------------------------- /docs/static/css/index_page.css: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/docs/static/css/index_page.css -------------------------------------------------------------------------------- /docs/static/css/material_custom.css: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/docs/static/css/material_custom.css -------------------------------------------------------------------------------- /docs/static/css/material_dropdown.css: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/docs/static/css/material_dropdown.css -------------------------------------------------------------------------------- /docs/static/css/material_theme.css: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/docs/static/css/material_theme.css -------------------------------------------------------------------------------- /docs/static/css/sphinx_gallery.css: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/docs/static/css/sphinx_gallery.css -------------------------------------------------------------------------------- /docs/static/img/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/docs/static/img/README.md -------------------------------------------------------------------------------- /docs/static/img/contributors.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/docs/static/img/contributors.png -------------------------------------------------------------------------------- /docs/static/img/gallery-colab.svg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/docs/static/img/gallery-colab.svg -------------------------------------------------------------------------------- /docs/static/img/gallery-download.svg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/docs/static/img/gallery-download.svg -------------------------------------------------------------------------------- /docs/static/img/gallery-github.svg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/docs/static/img/gallery-github.svg -------------------------------------------------------------------------------- /docs/static/img/hero-background.svg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/docs/static/img/hero-background.svg -------------------------------------------------------------------------------- /docs/static/img/nni-icon.svg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/docs/static/img/nni-icon.svg -------------------------------------------------------------------------------- /docs/static/img/overview.svg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/docs/static/img/overview.svg -------------------------------------------------------------------------------- /docs/static/img/release_icon.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/docs/static/img/release_icon.png -------------------------------------------------------------------------------- /docs/static/img/webui.gif: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/docs/static/img/webui.gif -------------------------------------------------------------------------------- /docs/static/js/github.js: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/docs/static/js/github.js -------------------------------------------------------------------------------- /docs/static/js/misc.js: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/docs/static/js/misc.js -------------------------------------------------------------------------------- /docs/static/js/sphinx_gallery.js: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/docs/static/js/sphinx_gallery.js -------------------------------------------------------------------------------- /docs/static/js/version.js: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/docs/static/js/version.js -------------------------------------------------------------------------------- /docs/templates/autosummary/module.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/docs/templates/autosummary/module.rst -------------------------------------------------------------------------------- /docs/templates/globaltoc.html: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/docs/templates/globaltoc.html -------------------------------------------------------------------------------- /docs/templates/header.html: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/docs/templates/header.html -------------------------------------------------------------------------------- /docs/templates/hero.html: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/docs/templates/hero.html -------------------------------------------------------------------------------- /docs/templates/layout.html: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/docs/templates/layout.html -------------------------------------------------------------------------------- /docs/templates/relbar.html: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/docs/templates/relbar.html -------------------------------------------------------------------------------- /docs/templates/sidebar.html: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/docs/templates/sidebar.html -------------------------------------------------------------------------------- /docs/tools/chineselink.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/docs/tools/chineselink.py -------------------------------------------------------------------------------- /docs/tools/restoremd.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/docs/tools/restoremd.py -------------------------------------------------------------------------------- /docs/tools/translation_patch.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/docs/tools/translation_patch.py -------------------------------------------------------------------------------- /examples/assessors/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/examples/assessors/README.md -------------------------------------------------------------------------------- /examples/assessors/README_zh_CN.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/examples/assessors/README_zh_CN.md -------------------------------------------------------------------------------- /examples/compression/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/examples/compression/README.md -------------------------------------------------------------------------------- /examples/compression/models.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/examples/compression/models.py -------------------------------------------------------------------------------- /examples/feature_engineering/gradient_feature_selector/.gitignore: -------------------------------------------------------------------------------- 1 | *.bz2 2 | *.svm 3 | *.log 4 | *memory 5 | *time 6 | -------------------------------------------------------------------------------- /examples/nas/.gitignore: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/examples/nas/.gitignore -------------------------------------------------------------------------------- /examples/nas/benchmarks/.gitignore: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/examples/nas/benchmarks/.gitignore -------------------------------------------------------------------------------- /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/nds.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/examples/nas/benchmarks/nds.sh -------------------------------------------------------------------------------- /examples/nas/benchmarks/nlp.requirements.txt: -------------------------------------------------------------------------------- 1 | peewee 2 | -------------------------------------------------------------------------------- /examples/nas/benchmarks/nlp.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/examples/nas/benchmarks/nlp.sh -------------------------------------------------------------------------------- /examples/nas/legacy/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/examples/nas/legacy/README.md -------------------------------------------------------------------------------- /examples/nas/legacy/cdarts/config.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/examples/nas/legacy/cdarts/config.py -------------------------------------------------------------------------------- /examples/nas/legacy/cdarts/model.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/examples/nas/legacy/cdarts/model.py -------------------------------------------------------------------------------- /examples/nas/legacy/cdarts/ops.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/examples/nas/legacy/cdarts/ops.py -------------------------------------------------------------------------------- /examples/nas/legacy/cdarts/retrain.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/examples/nas/legacy/cdarts/retrain.py -------------------------------------------------------------------------------- /examples/nas/legacy/cdarts/search.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/examples/nas/legacy/cdarts/search.py -------------------------------------------------------------------------------- /examples/nas/legacy/cdarts/utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/examples/nas/legacy/cdarts/utils.py -------------------------------------------------------------------------------- /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: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /examples/nas/legacy/cream/retrain.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/examples/nas/legacy/cream/retrain.py -------------------------------------------------------------------------------- /examples/nas/legacy/cream/test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/examples/nas/legacy/cream/test.py -------------------------------------------------------------------------------- /examples/nas/legacy/cream/train.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/examples/nas/legacy/cream/train.py -------------------------------------------------------------------------------- /examples/nas/legacy/mnasnet/search.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/examples/nas/legacy/mnasnet/search.py -------------------------------------------------------------------------------- /examples/nas/legacy/mnist/search.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/examples/nas/legacy/mnist/search.py -------------------------------------------------------------------------------- /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/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_zh_CN.md: -------------------------------------------------------------------------------- 1 | 这是一个简单示例,演示如何使用 NNI 接口实现 NAS 搜索空间。 -------------------------------------------------------------------------------- /examples/nas/legacy/oneshot/pfld/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /examples/nas/legacy/oneshot/pfld/lib/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /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/pdarts/search.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/examples/nas/legacy/pdarts/search.py -------------------------------------------------------------------------------- /examples/nas/legacy/textnas/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/examples/nas/legacy/textnas/README.md -------------------------------------------------------------------------------- /examples/nas/legacy/textnas/model.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/examples/nas/legacy/textnas/model.py -------------------------------------------------------------------------------- /examples/nas/legacy/textnas/ops.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/examples/nas/legacy/textnas/ops.py -------------------------------------------------------------------------------- /examples/nas/legacy/textnas/search.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/examples/nas/legacy/textnas/search.py -------------------------------------------------------------------------------- /examples/nas/legacy/textnas/utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/examples/nas/legacy/textnas/utils.py -------------------------------------------------------------------------------- /examples/trials/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/examples/trials/README.md -------------------------------------------------------------------------------- /examples/trials/README_zh_CN.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/examples/trials/README_zh_CN.md -------------------------------------------------------------------------------- /examples/trials/auto-gbdt/config.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/examples/trials/auto-gbdt/config.yml -------------------------------------------------------------------------------- /examples/trials/auto-gbdt/main.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/examples/trials/auto-gbdt/main.py -------------------------------------------------------------------------------- /examples/trials/auto-gbdt/requirments.txt: -------------------------------------------------------------------------------- 1 | lightgbm 2 | pandas 3 | -------------------------------------------------------------------------------- /examples/trials/benchmarking/automlbenchmark/nni/extensions/NNI/.marker_setup_safe_to_delete: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /examples/trials/efficientnet/.gitignore: -------------------------------------------------------------------------------- 1 | EfficientNet-PyTorch -------------------------------------------------------------------------------- /examples/trials/efficientnet/README_zh_CN.md: -------------------------------------------------------------------------------- 1 | [文档](https://nni.readthedocs.io/zh/latest/TrialExample/EfficientNet.html) -------------------------------------------------------------------------------- /examples/trials/efficientnet/tuner.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/examples/trials/efficientnet/tuner.py -------------------------------------------------------------------------------- /examples/trials/ga_squad/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/examples/trials/ga_squad/README.md -------------------------------------------------------------------------------- /examples/trials/ga_squad/attention.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/examples/trials/ga_squad/attention.py -------------------------------------------------------------------------------- /examples/trials/ga_squad/config.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/examples/trials/ga_squad/config.yml -------------------------------------------------------------------------------- /examples/trials/ga_squad/data.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/examples/trials/ga_squad/data.py -------------------------------------------------------------------------------- /examples/trials/ga_squad/download.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/examples/trials/ga_squad/download.sh -------------------------------------------------------------------------------- /examples/trials/ga_squad/evaluate.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/examples/trials/ga_squad/evaluate.py -------------------------------------------------------------------------------- /examples/trials/ga_squad/ga_squad.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/examples/trials/ga_squad/ga_squad.png -------------------------------------------------------------------------------- /examples/trials/ga_squad/graph.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/examples/trials/ga_squad/graph.py -------------------------------------------------------------------------------- /examples/trials/ga_squad/requirements.txt: -------------------------------------------------------------------------------- 1 | tensorflow # tested version: 1.15.4 2 | -------------------------------------------------------------------------------- /examples/trials/ga_squad/rnn.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/examples/trials/ga_squad/rnn.py -------------------------------------------------------------------------------- /examples/trials/ga_squad/trial.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/examples/trials/ga_squad/trial.py -------------------------------------------------------------------------------- /examples/trials/ga_squad/util.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/examples/trials/ga_squad/util.py -------------------------------------------------------------------------------- /examples/trials/mnist-batch-tune-keras/requirements.txt: -------------------------------------------------------------------------------- 1 | keras>=2.2.4 2 | -------------------------------------------------------------------------------- /examples/trials/mnist-pbt-tuner-pytorch/.gitignore: -------------------------------------------------------------------------------- 1 | tmp 2 | -------------------------------------------------------------------------------- /examples/trials/mnist-pytorch/.gitignore: -------------------------------------------------------------------------------- 1 | data 2 | -------------------------------------------------------------------------------- /examples/trials/mnist-tfv1/.nniignore: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/examples/trials/mnist-tfv1/.nniignore -------------------------------------------------------------------------------- /examples/trials/mnist-tfv1/config.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/examples/trials/mnist-tfv1/config.yml -------------------------------------------------------------------------------- /examples/trials/mnist-tfv1/mnist.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/examples/trials/mnist-tfv1/mnist.py -------------------------------------------------------------------------------- /examples/trials/mnist-tfv2/config.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/examples/trials/mnist-tfv2/config.yml -------------------------------------------------------------------------------- /examples/trials/mnist-tfv2/launch.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/examples/trials/mnist-tfv2/launch.py -------------------------------------------------------------------------------- /examples/trials/mnist-tfv2/mnist.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/examples/trials/mnist-tfv2/mnist.py -------------------------------------------------------------------------------- /examples/trials/network_morphism/FashionMNIST/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /examples/trials/network_morphism/cifar10/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /examples/tuners/ga_customer_tuner/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /examples/tuners/weight_sharing/ga_customer_tuner/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /examples/tutorials/.gitignore: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/examples/tutorials/.gitignore -------------------------------------------------------------------------------- /examples/tutorials/README.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/examples/tutorials/README.rst -------------------------------------------------------------------------------- /examples/tutorials/darts.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/examples/tutorials/darts.py -------------------------------------------------------------------------------- /examples/tutorials/hello_nas.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/examples/tutorials/hello_nas.py -------------------------------------------------------------------------------- /examples/tutorials/hpo_quickstart_pytorch/README.rst: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /examples/tutorials/hpo_quickstart_tensorflow/README.rst: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /examples/tutorials/pruning_speedup.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/examples/tutorials/pruning_speedup.py -------------------------------------------------------------------------------- /nni/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/nni/__init__.py -------------------------------------------------------------------------------- /nni/__main__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/nni/__main__.py -------------------------------------------------------------------------------- /nni/algorithms/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /nni/algorithms/feature_engineering/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /nni/algorithms/feature_engineering/gbdt_selector/requirements.txt: -------------------------------------------------------------------------------- 1 | lightgbm -------------------------------------------------------------------------------- /nni/algorithms/hpo/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /nni/algorithms/hpo/batch_tuner.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/nni/algorithms/hpo/batch_tuner.py -------------------------------------------------------------------------------- /nni/algorithms/hpo/dngo_tuner.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/nni/algorithms/hpo/dngo_tuner.py -------------------------------------------------------------------------------- /nni/algorithms/hpo/evolution_tuner.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/nni/algorithms/hpo/evolution_tuner.py -------------------------------------------------------------------------------- /nni/algorithms/hpo/gp_tuner/util.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/nni/algorithms/hpo/gp_tuner/util.py -------------------------------------------------------------------------------- /nni/algorithms/hpo/hyperopt_tuner.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/nni/algorithms/hpo/hyperopt_tuner.py -------------------------------------------------------------------------------- /nni/algorithms/hpo/metis_tuner/Regression_GMM/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /nni/algorithms/hpo/metis_tuner/Regression_GP/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /nni/algorithms/hpo/metis_tuner/requirments.txt: -------------------------------------------------------------------------------- 1 | scikit-learn>=0.23.2 2 | -------------------------------------------------------------------------------- /nni/algorithms/hpo/pbt_tuner.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/nni/algorithms/hpo/pbt_tuner.py -------------------------------------------------------------------------------- /nni/algorithms/hpo/ppo_tuner/model.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/nni/algorithms/hpo/ppo_tuner/model.py -------------------------------------------------------------------------------- /nni/algorithms/hpo/ppo_tuner/util.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/nni/algorithms/hpo/ppo_tuner/util.py -------------------------------------------------------------------------------- /nni/algorithms/hpo/random_tuner.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/nni/algorithms/hpo/random_tuner.py -------------------------------------------------------------------------------- /nni/algorithms/hpo/tpe_tuner.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/nni/algorithms/hpo/tpe_tuner.py -------------------------------------------------------------------------------- /nni/assessor.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/nni/assessor.py -------------------------------------------------------------------------------- /nni/common/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/nni/common/__init__.py -------------------------------------------------------------------------------- /nni/common/blob_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/nni/common/blob_utils.py -------------------------------------------------------------------------------- /nni/common/device.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/nni/common/device.py -------------------------------------------------------------------------------- /nni/common/framework.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/nni/common/framework.py -------------------------------------------------------------------------------- /nni/common/graph_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/nni/common/graph_utils.py -------------------------------------------------------------------------------- /nni/common/hpo_utils/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/nni/common/hpo_utils/__init__.py -------------------------------------------------------------------------------- /nni/common/hpo_utils/dedup.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/nni/common/hpo_utils/dedup.py -------------------------------------------------------------------------------- /nni/common/hpo_utils/formatting.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/nni/common/hpo_utils/formatting.py -------------------------------------------------------------------------------- /nni/common/hpo_utils/optimize_mode.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/nni/common/hpo_utils/optimize_mode.py -------------------------------------------------------------------------------- /nni/common/hpo_utils/validation.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/nni/common/hpo_utils/validation.py -------------------------------------------------------------------------------- /nni/common/nas_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/nni/common/nas_utils.py -------------------------------------------------------------------------------- /nni/common/serializer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/nni/common/serializer.py -------------------------------------------------------------------------------- /nni/common/types.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/nni/common/types.py -------------------------------------------------------------------------------- /nni/common/version.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/nni/common/version.py -------------------------------------------------------------------------------- /nni/compression/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/nni/compression/__init__.py -------------------------------------------------------------------------------- /nni/compression/base/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /nni/compression/base/apply_method.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/nni/compression/base/apply_method.py -------------------------------------------------------------------------------- /nni/compression/base/compressor.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/nni/compression/base/compressor.py -------------------------------------------------------------------------------- /nni/compression/base/config.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/nni/compression/base/config.py -------------------------------------------------------------------------------- /nni/compression/base/fuse_modules.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/nni/compression/base/fuse_modules.py -------------------------------------------------------------------------------- /nni/compression/base/setting.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/nni/compression/base/setting.py -------------------------------------------------------------------------------- /nni/compression/base/target_space.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/nni/compression/base/target_space.py -------------------------------------------------------------------------------- /nni/compression/base/wrapper.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/nni/compression/base/wrapper.py -------------------------------------------------------------------------------- /nni/compression/pruning/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/nni/compression/pruning/__init__.py -------------------------------------------------------------------------------- /nni/compression/speedup/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/nni/compression/speedup/__init__.py -------------------------------------------------------------------------------- /nni/compression/speedup/container.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/nni/compression/speedup/container.py -------------------------------------------------------------------------------- /nni/compression/speedup/dependency.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/nni/compression/speedup/dependency.py -------------------------------------------------------------------------------- /nni/compression/speedup/error_code.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/nni/compression/speedup/error_code.py -------------------------------------------------------------------------------- /nni/compression/speedup/replacer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/nni/compression/speedup/replacer.py -------------------------------------------------------------------------------- /nni/compression/speedup/utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/nni/compression/speedup/utils.py -------------------------------------------------------------------------------- /nni/compression/utils/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/nni/compression/utils/__init__.py -------------------------------------------------------------------------------- /nni/compression/utils/attr.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/nni/compression/utils/attr.py -------------------------------------------------------------------------------- /nni/compression/utils/check_ddp.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/nni/compression/utils/check_ddp.py -------------------------------------------------------------------------------- /nni/compression/utils/counter.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/nni/compression/utils/counter.py -------------------------------------------------------------------------------- /nni/compression/utils/dependency.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/nni/compression/utils/dependency.py -------------------------------------------------------------------------------- /nni/compression/utils/docstring.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/nni/compression/utils/docstring.py -------------------------------------------------------------------------------- /nni/compression/utils/evaluator.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/nni/compression/utils/evaluator.py -------------------------------------------------------------------------------- /nni/compression/utils/external/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /nni/compression/utils/fused_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/nni/compression/utils/fused_utils.py -------------------------------------------------------------------------------- /nni/compression/utils/mask_counter.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/nni/compression/utils/mask_counter.py -------------------------------------------------------------------------------- /nni/compression/utils/quantization/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /nni/compression/utils/scaling.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/nni/compression/utils/scaling.py -------------------------------------------------------------------------------- /nni/contrib/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /nni/contrib/distillation/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/nni/contrib/distillation/__init__.py -------------------------------------------------------------------------------- /nni/contrib/distillation/storage.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/nni/contrib/distillation/storage.py -------------------------------------------------------------------------------- /nni/contrib/distillation/utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/nni/contrib/distillation/utils.py -------------------------------------------------------------------------------- /nni/contrib/training_service/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /nni/contrib/training_service/utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/nni/contrib/training_service/utils.py -------------------------------------------------------------------------------- /nni/experiment/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/nni/experiment/__init__.py -------------------------------------------------------------------------------- /nni/experiment/config/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/nni/experiment/config/__init__.py -------------------------------------------------------------------------------- /nni/experiment/config/algorithm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/nni/experiment/config/algorithm.py -------------------------------------------------------------------------------- /nni/experiment/config/base.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/nni/experiment/config/base.py -------------------------------------------------------------------------------- /nni/experiment/config/convert.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/nni/experiment/config/convert.py -------------------------------------------------------------------------------- /nni/experiment/config/utils/public.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/nni/experiment/config/utils/public.py -------------------------------------------------------------------------------- /nni/experiment/data.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/nni/experiment/data.py -------------------------------------------------------------------------------- /nni/experiment/experiment.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/nni/experiment/experiment.py -------------------------------------------------------------------------------- /nni/experiment/launcher.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/nni/experiment/launcher.py -------------------------------------------------------------------------------- /nni/experiment/management.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/nni/experiment/management.py -------------------------------------------------------------------------------- /nni/experiment/pipe.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/nni/experiment/pipe.py -------------------------------------------------------------------------------- /nni/experiment/rest.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/nni/experiment/rest.py -------------------------------------------------------------------------------- /nni/feature_engineering/__init__.py: -------------------------------------------------------------------------------- 1 | 2 | -------------------------------------------------------------------------------- /nni/mutable/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/nni/mutable/__init__.py -------------------------------------------------------------------------------- /nni/mutable/_notimplemented.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/nni/mutable/_notimplemented.py -------------------------------------------------------------------------------- /nni/mutable/annotation.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/nni/mutable/annotation.py -------------------------------------------------------------------------------- /nni/mutable/container.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/nni/mutable/container.py -------------------------------------------------------------------------------- /nni/mutable/exception.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/nni/mutable/exception.py -------------------------------------------------------------------------------- /nni/mutable/frozen.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/nni/mutable/frozen.py -------------------------------------------------------------------------------- /nni/mutable/mutable.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/nni/mutable/mutable.py -------------------------------------------------------------------------------- /nni/mutable/shortcut.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/nni/mutable/shortcut.py -------------------------------------------------------------------------------- /nni/mutable/symbol.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/nni/mutable/symbol.py -------------------------------------------------------------------------------- /nni/mutable/utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/nni/mutable/utils.py -------------------------------------------------------------------------------- /nni/nas/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/nni/nas/__init__.py -------------------------------------------------------------------------------- /nni/nas/benchmark/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/nni/nas/benchmark/__init__.py -------------------------------------------------------------------------------- /nni/nas/benchmark/constants.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/nni/nas/benchmark/constants.py -------------------------------------------------------------------------------- /nni/nas/benchmark/download.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/nni/nas/benchmark/download.py -------------------------------------------------------------------------------- /nni/nas/benchmark/evaluator.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/nni/nas/benchmark/evaluator.py -------------------------------------------------------------------------------- /nni/nas/benchmark/nds/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/nni/nas/benchmark/nds/__init__.py -------------------------------------------------------------------------------- /nni/nas/benchmark/nds/constants.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/nni/nas/benchmark/nds/constants.py -------------------------------------------------------------------------------- /nni/nas/benchmark/nds/db_gen.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/nni/nas/benchmark/nds/db_gen.py -------------------------------------------------------------------------------- /nni/nas/benchmark/nds/query.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/nni/nas/benchmark/nds/query.py -------------------------------------------------------------------------------- /nni/nas/benchmark/nds/schema.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/nni/nas/benchmark/nds/schema.py -------------------------------------------------------------------------------- /nni/nas/benchmark/nlp/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/nni/nas/benchmark/nlp/__init__.py -------------------------------------------------------------------------------- /nni/nas/benchmark/nlp/db_gen.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/nni/nas/benchmark/nlp/db_gen.py -------------------------------------------------------------------------------- /nni/nas/benchmark/nlp/query.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/nni/nas/benchmark/nlp/query.py -------------------------------------------------------------------------------- /nni/nas/benchmark/nlp/schema.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/nni/nas/benchmark/nlp/schema.py -------------------------------------------------------------------------------- /nni/nas/benchmark/space.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/nni/nas/benchmark/space.py -------------------------------------------------------------------------------- /nni/nas/benchmark/utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/nni/nas/benchmark/utils.py -------------------------------------------------------------------------------- /nni/nas/evaluator/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/nni/nas/evaluator/__init__.py -------------------------------------------------------------------------------- /nni/nas/evaluator/evaluator.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/nni/nas/evaluator/evaluator.py -------------------------------------------------------------------------------- /nni/nas/evaluator/functional.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/nni/nas/evaluator/functional.py -------------------------------------------------------------------------------- /nni/nas/evaluator/pytorch/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/nni/nas/evaluator/pytorch/__init__.py -------------------------------------------------------------------------------- /nni/nas/evaluator/pytorch/cgo/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /nni/nas/evaluator/tensorflow.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /nni/nas/execution/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/nni/nas/execution/__init__.py -------------------------------------------------------------------------------- /nni/nas/execution/cgo/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/nni/nas/execution/cgo/__init__.py -------------------------------------------------------------------------------- /nni/nas/execution/cgo/evaluator.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/nni/nas/execution/cgo/evaluator.py -------------------------------------------------------------------------------- /nni/nas/execution/cgo/logical_optimizer/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /nni/nas/execution/cgo/middleware.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/nni/nas/execution/cgo/middleware.py -------------------------------------------------------------------------------- /nni/nas/execution/engine.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/nni/nas/execution/engine.py -------------------------------------------------------------------------------- /nni/nas/execution/event.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/nni/nas/execution/event.py -------------------------------------------------------------------------------- /nni/nas/execution/sequential.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/nni/nas/execution/sequential.py -------------------------------------------------------------------------------- /nni/nas/execution/training_service.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/nni/nas/execution/training_service.py -------------------------------------------------------------------------------- /nni/nas/experiment/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/nni/nas/experiment/__init__.py -------------------------------------------------------------------------------- /nni/nas/experiment/config/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/nni/nas/experiment/config/__init__.py -------------------------------------------------------------------------------- /nni/nas/experiment/config/engine.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/nni/nas/experiment/config/engine.py -------------------------------------------------------------------------------- /nni/nas/experiment/config/format.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/nni/nas/experiment/config/format.py -------------------------------------------------------------------------------- /nni/nas/experiment/config/utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/nni/nas/experiment/config/utils.py -------------------------------------------------------------------------------- /nni/nas/experiment/experiment.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/nni/nas/experiment/experiment.py -------------------------------------------------------------------------------- /nni/nas/hub/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/nni/nas/hub/__init__.py -------------------------------------------------------------------------------- /nni/nas/hub/pytorch/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/nni/nas/hub/pytorch/__init__.py -------------------------------------------------------------------------------- /nni/nas/hub/pytorch/autoformer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/nni/nas/hub/pytorch/autoformer.py -------------------------------------------------------------------------------- /nni/nas/hub/pytorch/mobilenetv3.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/nni/nas/hub/pytorch/mobilenetv3.py -------------------------------------------------------------------------------- /nni/nas/hub/pytorch/nasbench101.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/nni/nas/hub/pytorch/nasbench101.py -------------------------------------------------------------------------------- /nni/nas/hub/pytorch/nasbench201.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/nni/nas/hub/pytorch/nasbench201.py -------------------------------------------------------------------------------- /nni/nas/hub/pytorch/nasnet.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/nni/nas/hub/pytorch/nasnet.py -------------------------------------------------------------------------------- /nni/nas/hub/pytorch/proxylessnas.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/nni/nas/hub/pytorch/proxylessnas.py -------------------------------------------------------------------------------- /nni/nas/hub/pytorch/shufflenet.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/nni/nas/hub/pytorch/shufflenet.py -------------------------------------------------------------------------------- /nni/nas/hub/pytorch/utils/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /nni/nas/hub/pytorch/utils/nn.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/nni/nas/hub/pytorch/utils/nn.py -------------------------------------------------------------------------------- /nni/nas/hub/tensorflow.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /nni/nas/nn/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/nni/nas/nn/__init__.py -------------------------------------------------------------------------------- /nni/nas/nn/pytorch/.gitignore: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/nni/nas/nn/pytorch/.gitignore -------------------------------------------------------------------------------- /nni/nas/nn/pytorch/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/nni/nas/nn/pytorch/__init__.py -------------------------------------------------------------------------------- /nni/nas/nn/pytorch/base.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/nni/nas/nn/pytorch/base.py -------------------------------------------------------------------------------- /nni/nas/nn/pytorch/cell.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/nni/nas/nn/pytorch/cell.py -------------------------------------------------------------------------------- /nni/nas/nn/pytorch/choice.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/nni/nas/nn/pytorch/choice.py -------------------------------------------------------------------------------- /nni/nas/nn/pytorch/layers.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/nni/nas/nn/pytorch/layers.py -------------------------------------------------------------------------------- /nni/nas/nn/pytorch/repeat.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/nni/nas/nn/pytorch/repeat.py -------------------------------------------------------------------------------- /nni/nas/nn/tensorflow/api.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/nni/nas/nn/tensorflow/api.py -------------------------------------------------------------------------------- /nni/nas/oneshot/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/nni/nas/oneshot/__init__.py -------------------------------------------------------------------------------- /nni/nas/oneshot/pytorch/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/nni/nas/oneshot/pytorch/__init__.py -------------------------------------------------------------------------------- /nni/nas/oneshot/pytorch/profiler.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/nni/nas/oneshot/pytorch/profiler.py -------------------------------------------------------------------------------- /nni/nas/oneshot/pytorch/sampling.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/nni/nas/oneshot/pytorch/sampling.py -------------------------------------------------------------------------------- /nni/nas/oneshot/pytorch/strategy.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/nni/nas/oneshot/pytorch/strategy.py -------------------------------------------------------------------------------- /nni/nas/oneshot/pytorch/supermodule/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /nni/nas/profiler/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/nni/nas/profiler/__init__.py -------------------------------------------------------------------------------- /nni/nas/profiler/profiler.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/nni/nas/profiler/profiler.py -------------------------------------------------------------------------------- /nni/nas/profiler/pytorch/flops.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/nni/nas/profiler/pytorch/flops.py -------------------------------------------------------------------------------- /nni/nas/profiler/pytorch/nn_meter.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/nni/nas/profiler/pytorch/nn_meter.py -------------------------------------------------------------------------------- /nni/nas/profiler/tensorflow.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /nni/nas/space/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/nni/nas/space/__init__.py -------------------------------------------------------------------------------- /nni/nas/space/frozen.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/nni/nas/space/frozen.py -------------------------------------------------------------------------------- /nni/nas/space/graph.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/nni/nas/space/graph.py -------------------------------------------------------------------------------- /nni/nas/space/graph_op.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/nni/nas/space/graph_op.py -------------------------------------------------------------------------------- /nni/nas/space/metrics.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/nni/nas/space/metrics.py -------------------------------------------------------------------------------- /nni/nas/space/mutator.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/nni/nas/space/mutator.py -------------------------------------------------------------------------------- /nni/nas/space/pytorch/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/nni/nas/space/pytorch/__init__.py -------------------------------------------------------------------------------- /nni/nas/space/pytorch/codegen.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/nni/nas/space/pytorch/codegen.py -------------------------------------------------------------------------------- /nni/nas/space/pytorch/graph.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/nni/nas/space/pytorch/graph.py -------------------------------------------------------------------------------- /nni/nas/space/pytorch/mutator.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/nni/nas/space/pytorch/mutator.py -------------------------------------------------------------------------------- /nni/nas/space/pytorch/op_def.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/nni/nas/space/pytorch/op_def.py -------------------------------------------------------------------------------- /nni/nas/space/space.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/nni/nas/space/space.py -------------------------------------------------------------------------------- /nni/nas/space/tensorflow/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/nni/nas/space/tensorflow/__init__.py -------------------------------------------------------------------------------- /nni/nas/space/tensorflow/graph.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/nni/nas/space/tensorflow/graph.py -------------------------------------------------------------------------------- /nni/nas/space/tensorflow/op_def.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/nni/nas/space/tensorflow/op_def.py -------------------------------------------------------------------------------- /nni/nas/strategy/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/nni/nas/strategy/__init__.py -------------------------------------------------------------------------------- /nni/nas/strategy/_rl_impl.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/nni/nas/strategy/_rl_impl.py -------------------------------------------------------------------------------- /nni/nas/strategy/base.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/nni/nas/strategy/base.py -------------------------------------------------------------------------------- /nni/nas/strategy/bruteforce.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/nni/nas/strategy/bruteforce.py -------------------------------------------------------------------------------- /nni/nas/strategy/evolution.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/nni/nas/strategy/evolution.py -------------------------------------------------------------------------------- /nni/nas/strategy/hpo.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/nni/nas/strategy/hpo.py -------------------------------------------------------------------------------- /nni/nas/strategy/middleware.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/nni/nas/strategy/middleware.py -------------------------------------------------------------------------------- /nni/nas/strategy/oneshot.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/nni/nas/strategy/oneshot.py -------------------------------------------------------------------------------- /nni/nas/strategy/rl.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/nni/nas/strategy/rl.py -------------------------------------------------------------------------------- /nni/nas/strategy/utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/nni/nas/strategy/utils.py -------------------------------------------------------------------------------- /nni/nas/utils/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/nni/nas/utils/__init__.py -------------------------------------------------------------------------------- /nni/nas/utils/_legacy.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/nni/nas/utils/_legacy.py -------------------------------------------------------------------------------- /nni/nas/utils/misc.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/nni/nas/utils/misc.py -------------------------------------------------------------------------------- /nni/nas/utils/serializer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/nni/nas/utils/serializer.py -------------------------------------------------------------------------------- /nni/parameter_expressions.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/nni/parameter_expressions.py -------------------------------------------------------------------------------- /nni/recoverable.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/nni/recoverable.py -------------------------------------------------------------------------------- /nni/runtime/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /nni/runtime/command_channel/base.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/nni/runtime/command_channel/base.py -------------------------------------------------------------------------------- /nni/runtime/command_channel/http.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/nni/runtime/command_channel/http.py -------------------------------------------------------------------------------- /nni/runtime/common.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/nni/runtime/common.py -------------------------------------------------------------------------------- /nni/runtime/config.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/nni/runtime/config.py -------------------------------------------------------------------------------- /nni/runtime/default_config/registered_algorithms.yml: -------------------------------------------------------------------------------- 1 | {} 2 | -------------------------------------------------------------------------------- /nni/runtime/default_config/training_services.json: -------------------------------------------------------------------------------- 1 | {} 2 | -------------------------------------------------------------------------------- /nni/runtime/env_vars.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/nni/runtime/env_vars.py -------------------------------------------------------------------------------- /nni/runtime/log.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/nni/runtime/log.py -------------------------------------------------------------------------------- /nni/runtime/msg_dispatcher.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/nni/runtime/msg_dispatcher.py -------------------------------------------------------------------------------- /nni/runtime/msg_dispatcher_base.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/nni/runtime/msg_dispatcher_base.py -------------------------------------------------------------------------------- /nni/tools/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /nni/tools/gpu_tool/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /nni/tools/jupyter_extension/proxy.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/nni/tools/jupyter_extension/proxy.py -------------------------------------------------------------------------------- /nni/tools/nnictl/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /nni/tools/nnictl/algo_management.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/nni/tools/nnictl/algo_management.py -------------------------------------------------------------------------------- /nni/tools/nnictl/command_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/nni/tools/nnictl/command_utils.py -------------------------------------------------------------------------------- /nni/tools/nnictl/common_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/nni/tools/nnictl/common_utils.py -------------------------------------------------------------------------------- /nni/tools/nnictl/config_schema.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/nni/tools/nnictl/config_schema.py -------------------------------------------------------------------------------- /nni/tools/nnictl/config_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/nni/tools/nnictl/config_utils.py -------------------------------------------------------------------------------- /nni/tools/nnictl/constants.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/nni/tools/nnictl/constants.py -------------------------------------------------------------------------------- /nni/tools/nnictl/hello.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/nni/tools/nnictl/hello.py -------------------------------------------------------------------------------- /nni/tools/nnictl/launcher.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/nni/tools/nnictl/launcher.py -------------------------------------------------------------------------------- /nni/tools/nnictl/launcher_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/nni/tools/nnictl/launcher_utils.py -------------------------------------------------------------------------------- /nni/tools/nnictl/legacy_launcher.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/nni/tools/nnictl/legacy_launcher.py -------------------------------------------------------------------------------- /nni/tools/nnictl/nnictl.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/nni/tools/nnictl/nnictl.py -------------------------------------------------------------------------------- /nni/tools/nnictl/nnictl_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/nni/tools/nnictl/nnictl_utils.py -------------------------------------------------------------------------------- /nni/tools/nnictl/rest_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/nni/tools/nnictl/rest_utils.py -------------------------------------------------------------------------------- /nni/tools/nnictl/ssh_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/nni/tools/nnictl/ssh_utils.py -------------------------------------------------------------------------------- /nni/tools/nnictl/ts_management.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/nni/tools/nnictl/ts_management.py -------------------------------------------------------------------------------- /nni/tools/nnictl/updater.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/nni/tools/nnictl/updater.py -------------------------------------------------------------------------------- /nni/tools/nnictl/url_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/nni/tools/nnictl/url_utils.py -------------------------------------------------------------------------------- /nni/tools/package_utils/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/nni/tools/package_utils/__init__.py -------------------------------------------------------------------------------- /nni/tools/package_utils/common.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/nni/tools/package_utils/common.py -------------------------------------------------------------------------------- /nni/tools/trial_tool/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /nni/tools/trial_tool/aml_channel.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/nni/tools/trial_tool/aml_channel.py -------------------------------------------------------------------------------- /nni/tools/trial_tool/base_channel.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/nni/tools/trial_tool/base_channel.py -------------------------------------------------------------------------------- /nni/tools/trial_tool/commands.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/nni/tools/trial_tool/commands.py -------------------------------------------------------------------------------- /nni/tools/trial_tool/constants.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/nni/tools/trial_tool/constants.py -------------------------------------------------------------------------------- /nni/tools/trial_tool/file_channel.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/nni/tools/trial_tool/file_channel.py -------------------------------------------------------------------------------- /nni/tools/trial_tool/gpu.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/nni/tools/trial_tool/gpu.py -------------------------------------------------------------------------------- /nni/tools/trial_tool/log_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/nni/tools/trial_tool/log_utils.py -------------------------------------------------------------------------------- /nni/tools/trial_tool/rest_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/nni/tools/trial_tool/rest_utils.py -------------------------------------------------------------------------------- /nni/tools/trial_tool/trial.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/nni/tools/trial_tool/trial.py -------------------------------------------------------------------------------- /nni/tools/trial_tool/trial_keeper.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/nni/tools/trial_tool/trial_keeper.py -------------------------------------------------------------------------------- /nni/tools/trial_tool/trial_runner.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/nni/tools/trial_tool/trial_runner.py -------------------------------------------------------------------------------- /nni/tools/trial_tool/url_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/nni/tools/trial_tool/url_utils.py -------------------------------------------------------------------------------- /nni/tools/trial_tool/web_channel.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/nni/tools/trial_tool/web_channel.py -------------------------------------------------------------------------------- /nni/trial.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/nni/trial.py -------------------------------------------------------------------------------- /nni/tuner.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/nni/tuner.py -------------------------------------------------------------------------------- /nni/typehint.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/nni/typehint.py -------------------------------------------------------------------------------- /nni/utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/nni/utils.py -------------------------------------------------------------------------------- /nni_assets/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /nni_assets/compression/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /nni_assets/compression/mnist_model.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/nni_assets/compression/mnist_model.py -------------------------------------------------------------------------------- /nni_assets/hello_hpo/main.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/nni_assets/hello_hpo/main.py -------------------------------------------------------------------------------- /nni_assets/hello_hpo/model.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/nni_assets/hello_hpo/model.py -------------------------------------------------------------------------------- /pipelines/build-vm-image-linux.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/pipelines/build-vm-image-linux.yml -------------------------------------------------------------------------------- /pipelines/build-vm-image-windows.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/pipelines/build-vm-image-windows.yml -------------------------------------------------------------------------------- /pipelines/cache-dependencies.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/pipelines/cache-dependencies.yml -------------------------------------------------------------------------------- /pipelines/fast-test.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/pipelines/fast-test.yml -------------------------------------------------------------------------------- /pipelines/full-test-compression.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/pipelines/full-test-compression.yml -------------------------------------------------------------------------------- /pipelines/full-test-hpo.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/pipelines/full-test-hpo.yml -------------------------------------------------------------------------------- /pipelines/full-test-nas.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/pipelines/full-test-nas.yml -------------------------------------------------------------------------------- /pipelines/integration-test-aml.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/pipelines/integration-test-aml.yml -------------------------------------------------------------------------------- /pipelines/integration-test-hybrid.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/pipelines/integration-test-hybrid.yml -------------------------------------------------------------------------------- /pipelines/integration-test-trt.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/pipelines/integration-test-trt.yml -------------------------------------------------------------------------------- /pipelines/release.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/pipelines/release.yml -------------------------------------------------------------------------------- /pipelines/templates/install-nni.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/pipelines/templates/install-nni.yml -------------------------------------------------------------------------------- /pipelines/templates/stage-filter.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/pipelines/templates/stage-filter.yml -------------------------------------------------------------------------------- /pylintrc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/pylintrc -------------------------------------------------------------------------------- /pyrightconfig.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/pyrightconfig.json -------------------------------------------------------------------------------- /setup.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/setup.py -------------------------------------------------------------------------------- /setup_ts.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/setup_ts.py -------------------------------------------------------------------------------- /test/.coveragerc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/test/.coveragerc -------------------------------------------------------------------------------- /test/.gitignore: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/test/.gitignore -------------------------------------------------------------------------------- /test/algo/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/test/algo/__init__.py -------------------------------------------------------------------------------- /test/algo/compression/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /test/algo/compression/assets/__init__.py: -------------------------------------------------------------------------------- 1 | from .common import create_model 2 | -------------------------------------------------------------------------------- /test/algo/compression/base/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /test/algo/compression/distillation/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /test/algo/compression/pruning/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /test/algo/compression/quantization/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /test/algo/compression/utils/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /test/algo/nas/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /test/algo/nas/benchmark/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /test/algo/nas/benchmark/prepare.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/test/algo/nas/benchmark/prepare.py -------------------------------------------------------------------------------- /test/algo/nas/benchmark/test_algo.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/test/algo/nas/benchmark/test_algo.py -------------------------------------------------------------------------------- /test/algo/nas/cgo/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /test/algo/nas/cgo/mnist_pytorch.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/test/algo/nas/cgo/mnist_pytorch.json -------------------------------------------------------------------------------- /test/algo/nas/cgo/test_cgo_engine.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/test/algo/nas/cgo/test_cgo_engine.py -------------------------------------------------------------------------------- /test/algo/nas/graph_converter/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /test/algo/nas/hub/test_pretrained.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/test/algo/nas/hub/test_pretrained.py -------------------------------------------------------------------------------- /test/algo/nas/hub/test_sanity.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/test/algo/nas/hub/test_sanity.py -------------------------------------------------------------------------------- /test/algo/nas/oneshot/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /test/algo/nas/oneshot/test_hub.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/test/algo/nas/oneshot/test_hub.py -------------------------------------------------------------------------------- /test/algo/nas/oneshot/test_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/test/algo/nas/oneshot/test_utils.py -------------------------------------------------------------------------------- /test/algo/nas/profiler/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /test/algo/nas/profiler/conftest.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/test/algo/nas/profiler/conftest.py -------------------------------------------------------------------------------- /test/algo/nas/profiler/test_flops.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/test/algo/nas/profiler/test_flops.py -------------------------------------------------------------------------------- /test/algo/nas/profiler/test_shape.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/test/algo/nas/profiler/test_shape.py -------------------------------------------------------------------------------- /test/algo/nas/strategy/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /test/algo/nas/strategy/test_hpo.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/test/algo/nas/strategy/test_hpo.py -------------------------------------------------------------------------------- /test/pytest.ini: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/test/pytest.ini -------------------------------------------------------------------------------- /test/training_service/config/naive_test/search_space.json: -------------------------------------------------------------------------------- 1 | { "x": [1, 100] } 2 | -------------------------------------------------------------------------------- /test/training_service/nnitest/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /test/ut/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/test/ut/__init__.py -------------------------------------------------------------------------------- /test/ut/conftest.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/test/ut/conftest.py -------------------------------------------------------------------------------- /test/ut/experiment/assets/config.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/test/ut/experiment/assets/config.yaml -------------------------------------------------------------------------------- /test/ut/experiment/assets/search_space.json: -------------------------------------------------------------------------------- 1 | { 2 | "a": 1 3 | } 4 | -------------------------------------------------------------------------------- /test/ut/experiment/assets/ss.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/test/ut/experiment/assets/ss.yaml -------------------------------------------------------------------------------- /test/ut/experiment/assets/ss_tab.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/test/ut/experiment/assets/ss_tab.json -------------------------------------------------------------------------------- /test/ut/experiment/test_exp_config.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/test/ut/experiment/test_exp_config.py -------------------------------------------------------------------------------- /test/ut/experiment/test_experiment.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/test/ut/experiment/test_experiment.py -------------------------------------------------------------------------------- /test/ut/experiment/test_ts_remote.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/test/ut/experiment/test_ts_remote.py -------------------------------------------------------------------------------- /test/ut/nas/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /test/ut/nas/experiment/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /test/ut/nas/experiment/test_config.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/test/ut/nas/experiment/test_config.py -------------------------------------------------------------------------------- /test/ut/nas/nn/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /test/ut/nas/nn/models.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/test/ut/nas/nn/models.py -------------------------------------------------------------------------------- /test/ut/nas/nn/test_base.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/test/ut/nas/nn/test_base.py -------------------------------------------------------------------------------- /test/ut/nas/nn/test_cell.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/test/ut/nas/nn/test_cell.py -------------------------------------------------------------------------------- /test/ut/nas/nn/test_choice.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/test/ut/nas/nn/test_choice.py -------------------------------------------------------------------------------- /test/ut/nas/nn/test_hub_modules.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/test/ut/nas/nn/test_hub_modules.py -------------------------------------------------------------------------------- /test/ut/nas/nn/test_repeat.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/test/ut/nas/nn/test_repeat.py -------------------------------------------------------------------------------- /test/ut/nas/profiler/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /test/ut/nas/profiler/conftest.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/test/ut/nas/profiler/conftest.py -------------------------------------------------------------------------------- /test/ut/nas/profiler/test_flops.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/test/ut/nas/profiler/test_flops.py -------------------------------------------------------------------------------- /test/ut/nas/profiler/test_shape.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/test/ut/nas/profiler/test_shape.py -------------------------------------------------------------------------------- /test/ut/nas/profiler/test_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/test/ut/nas/profiler/test_utils.py -------------------------------------------------------------------------------- /test/ut/nas/space/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /test/ut/nas/space/test_graph.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/test/ut/nas/space/test_graph.py -------------------------------------------------------------------------------- /test/ut/nas/space/test_metrics.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/test/ut/nas/space/test_metrics.py -------------------------------------------------------------------------------- /test/ut/nas/space/test_mutator.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/test/ut/nas/space/test_mutator.py -------------------------------------------------------------------------------- /test/ut/nas/strategy/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /test/ut/nas/strategy/test_sanity.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/test/ut/nas/strategy/test_sanity.py -------------------------------------------------------------------------------- /test/ut/nas/strategy/test_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/test/ut/nas/strategy/test_utils.py -------------------------------------------------------------------------------- /test/ut/nas/test_engine.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/test/ut/nas/test_engine.py -------------------------------------------------------------------------------- /test/ut/nas/test_evaluator.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/test/ut/nas/test_evaluator.py -------------------------------------------------------------------------------- /test/ut/nas/test_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/test/ut/nas/test_utils.py -------------------------------------------------------------------------------- /test/ut/sdk/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/test/ut/sdk/__init__.py -------------------------------------------------------------------------------- /test/ut/sdk/assets/search_space.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/test/ut/sdk/assets/search_space.json -------------------------------------------------------------------------------- /test/ut/sdk/helper/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /test/ut/sdk/imported/model.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/test/ut/sdk/imported/model.py -------------------------------------------------------------------------------- /test/ut/sdk/mutable/test_frozen.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/test/ut/sdk/mutable/test_frozen.py -------------------------------------------------------------------------------- /test/ut/sdk/mutable/test_label.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/test/ut/sdk/mutable/test_label.py -------------------------------------------------------------------------------- /test/ut/sdk/mutable/test_mutable.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/test/ut/sdk/mutable/test_mutable.py -------------------------------------------------------------------------------- /test/ut/sdk/mutable/test_shortcut.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/test/ut/sdk/mutable/test_shortcut.py -------------------------------------------------------------------------------- /test/ut/sdk/mutable/test_symbol.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/test/ut/sdk/mutable/test_symbol.py -------------------------------------------------------------------------------- /test/ut/sdk/test_assessor.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/test/ut/sdk/test_assessor.py -------------------------------------------------------------------------------- /test/ut/sdk/test_builtin_tuners.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/test/ut/sdk/test_builtin_tuners.py -------------------------------------------------------------------------------- /test/ut/sdk/test_evolution_tuner.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/test/ut/sdk/test_evolution_tuner.py -------------------------------------------------------------------------------- /test/ut/sdk/test_graph_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/test/ut/sdk/test_graph_utils.py -------------------------------------------------------------------------------- /test/ut/sdk/test_hpo_dedup.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/test/ut/sdk/test_hpo_dedup.py -------------------------------------------------------------------------------- /test/ut/sdk/test_hpo_formatting.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/test/ut/sdk/test_hpo_formatting.py -------------------------------------------------------------------------------- /test/ut/sdk/test_hpo_validation.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/test/ut/sdk/test_hpo_validation.py -------------------------------------------------------------------------------- /test/ut/sdk/test_hyperopt_tuner.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/test/ut/sdk/test_hyperopt_tuner.py -------------------------------------------------------------------------------- /test/ut/sdk/test_msg_dispatcher.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/test/ut/sdk/test_msg_dispatcher.py -------------------------------------------------------------------------------- /test/ut/sdk/test_serializer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/test/ut/sdk/test_serializer.py -------------------------------------------------------------------------------- /test/ut/sdk/test_trial.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/test/ut/sdk/test_trial.py -------------------------------------------------------------------------------- /test/ut/sdk/test_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/test/ut/sdk/test_utils.py -------------------------------------------------------------------------------- /test/ut/sdk/test_version.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/test/ut/sdk/test_version.py -------------------------------------------------------------------------------- /test/ut/sdk/test_ws_channel.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/test/ut/sdk/test_ws_channel.py -------------------------------------------------------------------------------- /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/mock/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /test/ut/tools/nnictl/mock/nnictl_metadata/.experiment: -------------------------------------------------------------------------------- 1 | {} -------------------------------------------------------------------------------- /test/ut/tools/trial_tool/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/test/ut/tools/trial_tool/__init__.py -------------------------------------------------------------------------------- /test/vso_tools/_common.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/test/vso_tools/_common.py -------------------------------------------------------------------------------- /test/vso_tools/build_wheel.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/test/vso_tools/build_wheel.py -------------------------------------------------------------------------------- /test/vso_tools/copyright_check.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/test/vso_tools/copyright_check.py -------------------------------------------------------------------------------- /test/vso_tools/fix_shebang.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/test/vso_tools/fix_shebang.py -------------------------------------------------------------------------------- /test/vso_tools/install_nni.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/test/vso_tools/install_nni.py -------------------------------------------------------------------------------- /test/vso_tools/interim_patch.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/test/vso_tools/interim_patch.py -------------------------------------------------------------------------------- /test/vso_tools/pack_dependencies.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/test/vso_tools/pack_dependencies.py -------------------------------------------------------------------------------- /test/vso_tools/pack_testdata.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/test/vso_tools/pack_testdata.py -------------------------------------------------------------------------------- /test/vso_tools/pip_use_prefix.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/test/vso_tools/pip_use_prefix.py -------------------------------------------------------------------------------- /test/vso_tools/ssl_patch.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/test/vso_tools/ssl_patch.py -------------------------------------------------------------------------------- /test/vso_tools/start_docker.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/test/vso_tools/start_docker.py -------------------------------------------------------------------------------- /test/vso_tools/stop_docker.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/test/vso_tools/stop_docker.py -------------------------------------------------------------------------------- /test/vso_tools/trigger_import.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/test/vso_tools/trigger_import.py -------------------------------------------------------------------------------- /test/vso_tools/unpack_dependencies.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/test/vso_tools/unpack_dependencies.py -------------------------------------------------------------------------------- /test/vso_tools/unpack_testdata.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/test/vso_tools/unpack_testdata.py -------------------------------------------------------------------------------- /ts/jupyter_extension/.gitignore: -------------------------------------------------------------------------------- 1 | /build 2 | /nni 3 | -------------------------------------------------------------------------------- /ts/jupyter_extension/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/ts/jupyter_extension/README.md -------------------------------------------------------------------------------- /ts/jupyter_extension/package.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/ts/jupyter_extension/package.json -------------------------------------------------------------------------------- /ts/jupyter_extension/src/index.ts: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/ts/jupyter_extension/src/index.ts -------------------------------------------------------------------------------- /ts/jupyter_extension/tsconfig.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/ts/jupyter_extension/tsconfig.json -------------------------------------------------------------------------------- /ts/jupyter_extension/yarn.lock: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/ts/jupyter_extension/yarn.lock -------------------------------------------------------------------------------- /ts/nni_manager/.eslintrc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/ts/nni_manager/.eslintrc -------------------------------------------------------------------------------- /ts/nni_manager/.gitignore: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/ts/nni_manager/.gitignore -------------------------------------------------------------------------------- /ts/nni_manager/.mocharc.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/ts/nni_manager/.mocharc.json -------------------------------------------------------------------------------- /ts/nni_manager/common/datastore.ts: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/ts/nni_manager/common/datastore.ts -------------------------------------------------------------------------------- /ts/nni_manager/common/default_map.ts: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/ts/nni_manager/common/default_map.ts -------------------------------------------------------------------------------- /ts/nni_manager/common/deferred.ts: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/ts/nni_manager/common/deferred.ts -------------------------------------------------------------------------------- /ts/nni_manager/common/errors.ts: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/ts/nni_manager/common/errors.ts -------------------------------------------------------------------------------- /ts/nni_manager/common/globals/rest.ts: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/ts/nni_manager/common/globals/rest.ts -------------------------------------------------------------------------------- /ts/nni_manager/common/ioc_shim.ts: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/ts/nni_manager/common/ioc_shim.ts -------------------------------------------------------------------------------- /ts/nni_manager/common/log.ts: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/ts/nni_manager/common/log.ts -------------------------------------------------------------------------------- /ts/nni_manager/common/manager.ts: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/ts/nni_manager/common/manager.ts -------------------------------------------------------------------------------- /ts/nni_manager/common/nniConfig.ts: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/ts/nni_manager/common/nniConfig.ts -------------------------------------------------------------------------------- /ts/nni_manager/common/pythonScript.ts: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/ts/nni_manager/common/pythonScript.ts -------------------------------------------------------------------------------- /ts/nni_manager/common/restServer.ts: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/ts/nni_manager/common/restServer.ts -------------------------------------------------------------------------------- /ts/nni_manager/common/shellUtils.ts: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/ts/nni_manager/common/shellUtils.ts -------------------------------------------------------------------------------- /ts/nni_manager/common/tarball.ts: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/ts/nni_manager/common/tarball.ts -------------------------------------------------------------------------------- /ts/nni_manager/common/utils.ts: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/ts/nni_manager/common/utils.ts -------------------------------------------------------------------------------- /ts/nni_manager/config/aml/amlUtil.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/ts/nni_manager/config/aml/amlUtil.py -------------------------------------------------------------------------------- /ts/nni_manager/config/dlc/dlcUtil.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/ts/nni_manager/config/dlc/dlcUtil.py -------------------------------------------------------------------------------- /ts/nni_manager/core/commands.ts: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/ts/nni_manager/core/commands.ts -------------------------------------------------------------------------------- /ts/nni_manager/core/ipcInterface.ts: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/ts/nni_manager/core/ipcInterface.ts -------------------------------------------------------------------------------- /ts/nni_manager/core/nniDataStore.ts: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/ts/nni_manager/core/nniDataStore.ts -------------------------------------------------------------------------------- /ts/nni_manager/core/nnimanager.ts: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/ts/nni_manager/core/nnimanager.ts -------------------------------------------------------------------------------- /ts/nni_manager/core/sqlDatabase.ts: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/ts/nni_manager/core/sqlDatabase.ts -------------------------------------------------------------------------------- /ts/nni_manager/main.ts: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/ts/nni_manager/main.ts -------------------------------------------------------------------------------- /ts/nni_manager/package-lock.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/ts/nni_manager/package-lock.json -------------------------------------------------------------------------------- /ts/nni_manager/package.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/ts/nni_manager/package.json -------------------------------------------------------------------------------- /ts/nni_manager/rest_server/core.ts: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/ts/nni_manager/rest_server/core.ts -------------------------------------------------------------------------------- /ts/nni_manager/rest_server/index.ts: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/ts/nni_manager/rest_server/index.ts -------------------------------------------------------------------------------- /ts/nni_manager/test/core/assessor.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/ts/nni_manager/test/core/assessor.py -------------------------------------------------------------------------------- /ts/nni_manager/test/mock/datastore.ts: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/ts/nni_manager/test/mock/datastore.ts -------------------------------------------------------------------------------- /ts/nni_manager/test/register.js: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/ts/nni_manager/test/register.js -------------------------------------------------------------------------------- /ts/nni_manager/test/rest_server/log/mock.log: -------------------------------------------------------------------------------- 1 | I'm a log file. 2 | -------------------------------------------------------------------------------- /ts/nni_manager/test/rest_server/static/script.js: -------------------------------------------------------------------------------- 1 | function mockScript() { } 2 | -------------------------------------------------------------------------------- /ts/nni_manager/tsconfig.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/ts/nni_manager/tsconfig.json -------------------------------------------------------------------------------- /ts/webui/.eslintignore: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/ts/webui/.eslintignore -------------------------------------------------------------------------------- /ts/webui/.eslintrc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/ts/webui/.eslintrc -------------------------------------------------------------------------------- /ts/webui/.gitignore: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/ts/webui/.gitignore -------------------------------------------------------------------------------- /ts/webui/.stylelintrc.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/ts/webui/.stylelintrc.json -------------------------------------------------------------------------------- /ts/webui/LICENSE: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/ts/webui/LICENSE -------------------------------------------------------------------------------- /ts/webui/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/ts/webui/README.md -------------------------------------------------------------------------------- /ts/webui/mock/all-types-metric.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/ts/webui/mock/all-types-metric.json -------------------------------------------------------------------------------- /ts/webui/mock/dict-metrics-100.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/ts/webui/mock/dict-metrics-100.json -------------------------------------------------------------------------------- /ts/webui/mock/mnist-tfv1-nested.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/ts/webui/mock/mnist-tfv1-nested.json -------------------------------------------------------------------------------- /ts/webui/mock/mnist-tfv1-running.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/ts/webui/mock/mnist-tfv1-running.json -------------------------------------------------------------------------------- /ts/webui/mock/mnist-tfv2-stage0.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/ts/webui/mock/mnist-tfv2-stage0.json -------------------------------------------------------------------------------- /ts/webui/mock/mnist-tfv2-stage1.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/ts/webui/mock/mnist-tfv2-stage1.json -------------------------------------------------------------------------------- /ts/webui/mock/mnist-tfv2-stage2.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/ts/webui/mock/mnist-tfv2-stage2.json -------------------------------------------------------------------------------- /ts/webui/package-lock.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/ts/webui/package-lock.json -------------------------------------------------------------------------------- /ts/webui/package.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/ts/webui/package.json -------------------------------------------------------------------------------- /ts/webui/prettier.config.js: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/ts/webui/prettier.config.js -------------------------------------------------------------------------------- /ts/webui/public/favicon.ico: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/ts/webui/public/favicon.ico -------------------------------------------------------------------------------- /ts/webui/public/icon.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/ts/webui/public/icon.png -------------------------------------------------------------------------------- /ts/webui/public/icons/config-1.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/ts/webui/public/icons/config-1.png -------------------------------------------------------------------------------- /ts/webui/public/icons/config.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/ts/webui/public/icons/config.png -------------------------------------------------------------------------------- /ts/webui/public/icons/detail-1.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/ts/webui/public/icons/detail-1.png -------------------------------------------------------------------------------- /ts/webui/public/icons/detail.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/ts/webui/public/icons/detail.png -------------------------------------------------------------------------------- /ts/webui/public/icons/document-1.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/ts/webui/public/icons/document-1.png -------------------------------------------------------------------------------- /ts/webui/public/icons/document.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/ts/webui/public/icons/document.png -------------------------------------------------------------------------------- /ts/webui/public/icons/feedback-1.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/ts/webui/public/icons/feedback-1.png -------------------------------------------------------------------------------- /ts/webui/public/icons/feedback.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/ts/webui/public/icons/feedback.png -------------------------------------------------------------------------------- /ts/webui/public/icons/log-1.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/ts/webui/public/icons/log-1.png -------------------------------------------------------------------------------- /ts/webui/public/icons/log.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/ts/webui/public/icons/log.png -------------------------------------------------------------------------------- /ts/webui/public/icons/logo.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/ts/webui/public/icons/logo.png -------------------------------------------------------------------------------- /ts/webui/public/icons/overview-1.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/ts/webui/public/icons/overview-1.png -------------------------------------------------------------------------------- /ts/webui/public/icons/overview.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/ts/webui/public/icons/overview.png -------------------------------------------------------------------------------- /ts/webui/public/icons/summary-1.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/ts/webui/public/icons/summary-1.png -------------------------------------------------------------------------------- /ts/webui/public/icons/summary.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/ts/webui/public/icons/summary.png -------------------------------------------------------------------------------- /ts/webui/public/icons/version-1.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/ts/webui/public/icons/version-1.png -------------------------------------------------------------------------------- /ts/webui/public/icons/version.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/ts/webui/public/icons/version.png -------------------------------------------------------------------------------- /ts/webui/public/index.html: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/ts/webui/public/index.html -------------------------------------------------------------------------------- /ts/webui/public/loading.gif: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/ts/webui/public/loading.gif -------------------------------------------------------------------------------- /ts/webui/public/logo.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/ts/webui/public/logo.png -------------------------------------------------------------------------------- /ts/webui/public/logo.svg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/ts/webui/public/logo.svg -------------------------------------------------------------------------------- /ts/webui/public/manifest.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/ts/webui/public/manifest.json -------------------------------------------------------------------------------- /ts/webui/scripts/config/env.js: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/ts/webui/scripts/config/env.js -------------------------------------------------------------------------------- /ts/webui/scripts/config/modules.js: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/ts/webui/scripts/config/modules.js -------------------------------------------------------------------------------- /ts/webui/scripts/config/paths.js: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/ts/webui/scripts/config/paths.js -------------------------------------------------------------------------------- /ts/webui/scripts/developmentBuild.js: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/ts/webui/scripts/developmentBuild.js -------------------------------------------------------------------------------- /ts/webui/scripts/newmock.js: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/ts/webui/scripts/newmock.js -------------------------------------------------------------------------------- /ts/webui/scripts/productionBuild.js: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/ts/webui/scripts/productionBuild.js -------------------------------------------------------------------------------- /ts/webui/scripts/server.js: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/ts/webui/scripts/server.js -------------------------------------------------------------------------------- /ts/webui/scripts/start.js: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/ts/webui/scripts/start.js -------------------------------------------------------------------------------- /ts/webui/scripts/test.js: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/ts/webui/scripts/test.js -------------------------------------------------------------------------------- /ts/webui/src/App.tsx: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/ts/webui/src/App.tsx -------------------------------------------------------------------------------- /ts/webui/src/components/nav/Nav.tsx: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/ts/webui/src/components/nav/Nav.tsx -------------------------------------------------------------------------------- /ts/webui/src/index.tsx: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/ts/webui/src/index.tsx -------------------------------------------------------------------------------- /ts/webui/src/react-app-env.d.ts: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/ts/webui/src/react-app-env.d.ts -------------------------------------------------------------------------------- /ts/webui/src/serviceWorker.ts: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/ts/webui/src/serviceWorker.ts -------------------------------------------------------------------------------- /ts/webui/src/static/const.ts: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/ts/webui/src/static/const.ts -------------------------------------------------------------------------------- /ts/webui/src/static/datamodel.ts: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/ts/webui/src/static/datamodel.ts -------------------------------------------------------------------------------- /ts/webui/src/static/function.ts: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/ts/webui/src/static/function.ts -------------------------------------------------------------------------------- /ts/webui/src/static/interface.ts: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/ts/webui/src/static/interface.ts -------------------------------------------------------------------------------- /ts/webui/src/static/jsonutil.ts: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/ts/webui/src/static/jsonutil.ts -------------------------------------------------------------------------------- /ts/webui/src/static/model/trial.ts: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/ts/webui/src/static/model/trial.ts -------------------------------------------------------------------------------- /ts/webui/src/static/style/App.scss: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/ts/webui/src/static/style/App.scss -------------------------------------------------------------------------------- /ts/webui/src/static/style/button.scss: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/ts/webui/src/static/style/button.scss -------------------------------------------------------------------------------- /ts/webui/src/static/style/icon.scss: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/ts/webui/src/static/style/icon.scss -------------------------------------------------------------------------------- /ts/webui/src/static/style/index.css: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/ts/webui/src/static/style/index.css -------------------------------------------------------------------------------- /ts/webui/src/static/style/table.scss: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/ts/webui/src/static/style/table.scss -------------------------------------------------------------------------------- /ts/webui/tsconfig.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/nni/HEAD/ts/webui/tsconfig.json --------------------------------------------------------------------------------