Path Lines of Code CODE_OF_CONDUCT.md 6 CONTRIBUTING.md 11 LICENSE.txt 21 README.md 13 SECURITY.md 24 SUPPORT.md 9 assets/aistudio/environments/ai_studio_dev/context/requirements.txt 16 assets/aml-benchmark/README.md 82 assets/aml-benchmark/components/src/aml_benchmark/batch_benchmark_score/batch_score/utils/requirements.txt 4 assets/aml-benchmark/requirements.txt 19 assets/aml-benchmark/tests/data/resource_manager_output_config.json 7 assets/aml-benchmark/validation_rules.json 5 assets/batch_score/components/driver/dev/README.md 102 assets/batch_score/components/driver/dev/token_estimation/requirements.txt 5 assets/batch_score/components/driver/dev/token_estimation/tiktoken_ext/README.md 4 assets/batch_score/components/driver/src/batch_score/ThirdPartyNotice.md 657 assets/batch_score/components/driver/src/batch_score/batch_pool/quota/estimators/data/dv3_coeffs.json 258 assets/batch_score/components/driver/src/batch_score/common/configuration/schemas/api/chat_completion.json 14 assets/batch_score/components/driver/src/batch_score/common/configuration/schemas/api/completion.json 20 assets/batch_score/components/driver/src/batch_score/common/configuration/schemas/api/embedding.json 21 assets/batch_score/components/driver/src/batch_score/common/configuration/schemas/authentication/connection.json 19 assets/batch_score/components/driver/src/batch_score/common/configuration/schemas/authentication/managed_identity.json 13 assets/batch_score/components/driver/src/batch_score/common/configuration/schemas/concurrency_settings.json 21 assets/batch_score/components/driver/src/batch_score/common/configuration/schemas/configuration.json 65 assets/batch_score/components/driver/src/batch_score/common/configuration/schemas/dictionary_with_string_values.json 11 assets/batch_score/components/driver/src/batch_score/common/configuration/schemas/inference_endpoint/azure_openai.json 18 assets/batch_score/components/driver/src/batch_score/common/configuration/schemas/inference_endpoint/azureml_online_endpoint.json 18 assets/batch_score/components/driver/src/batch_score/common/configuration/schemas/inference_endpoint/azureml_serverless_endpoint.json 18 assets/batch_score/components/driver/src/batch_score/common/configuration/schemas/inference_endpoint_url.json 7 assets/batch_score/components/driver/src/batch_score/common/configuration/schemas/log_level.json 14 assets/batch_score/components/driver/src/batch_score/common/configuration/schemas/log_settings.json 28 assets/batch_score/components/driver/src/batch_score/common/configuration/schemas/output_settings.json 24 assets/batch_score/components/driver/src/batch_score/common/configuration/schemas/request_settings.json 34 assets/batch_score/components/driver/src/batch_score/metadata.json 7 assets/batch_score/components/driver/src/batch_score/requirements.txt 7 assets/batch_score/components/driver/src/batch_score/utils/requirements.txt 6 assets/batch_score/components/driver/test_assets/configuration_files/for_e2e_tests/aoai_chat_completion.json 13 assets/batch_score/components/driver/test_assets/configuration_files/for_e2e_tests/aoai_completion.json 14 assets/batch_score/components/driver/test_assets/configuration_files/for_e2e_tests/aoai_embedding.json 14 assets/batch_score/components/driver/test_assets/configuration_files/for_e2e_tests/mir_completion.json 13 assets/batch_score/components/driver/test_assets/configuration_files/for_e2e_tests/mir_with_connection.json 19 assets/batch_score/components/driver/test_assets/configuration_files/for_e2e_tests/serverless_completion.json 14 assets/batch_score/components/driver/test_assets/configuration_files/invalid/mismatch_inference_endpoint_and_url.json 12 assets/batch_score/components/driver/test_assets/configuration_files/invalid/missing_api.json 9 assets/batch_score/components/driver/test_assets/configuration_files/invalid/missing_auth.json 9 assets/batch_score/components/driver/test_assets/configuration_files/invalid/missing_connection_name.json 12 assets/batch_score/components/driver/test_assets/configuration_files/invalid/missing_inference_endpoint.json 8 assets/batch_score/components/driver/test_assets/configuration_files/invalid/missing_inference_endpoint_url.json 11 assets/batch_score/components/driver/test_assets/configuration_files/invalid/missing_quota_audience.json 13 assets/batch_score/components/driver/test_assets/configuration_files/invalid/negative_response_segment_size.json 13 assets/batch_score/components/driver/test_assets/configuration_files/invalid/number_in_request_headers.json 17 assets/batch_score/components/driver/test_assets/configuration_files/invalid/number_in_request_properties.json 18 assets/batch_score/components/driver/test_assets/configuration_files/invalid/segmentation_with_chat_completion.json 13 assets/batch_score/components/driver/test_assets/configuration_files/invalid/unrecognized_api.json 12 assets/batch_score/components/driver/test_assets/configuration_files/invalid/unrecognized_auth.json 12 assets/batch_score/components/driver/test_assets/configuration_files/invalid/unrecognzied_inference_target.json 12 assets/batch_score/components/driver/test_assets/configuration_files/valid/api_chat_completion.json 12 assets/batch_score/components/driver/test_assets/configuration_files/valid/api_completion_not_segmented.json 12 assets/batch_score/components/driver/test_assets/configuration_files/valid/api_completion_segmented.json 13 assets/batch_score/components/driver/test_assets/configuration_files/valid/api_embedding_batched.json 13 assets/batch_score/components/driver/test_assets/configuration_files/valid/api_embedding_not_batched.json 12 assets/batch_score/components/driver/test_assets/configuration_files/valid/auth_connection.json 13 assets/batch_score/components/driver/test_assets/configuration_files/valid/auth_managed_identity.json 12 assets/batch_score/components/driver/test_assets/configuration_files/valid/concurrency_settings.json 16 assets/batch_score/components/driver/test_assets/configuration_files/valid/inference_endpoint_azure_openai.json 12 assets/batch_score/components/driver/test_assets/configuration_files/valid/inference_endpoint_azureml_online_endpoint.json 12 assets/batch_score/components/driver/test_assets/configuration_files/valid/inference_endpoint_azureml_serverless_endpoint.json 12 assets/batch_score/components/driver/test_assets/configuration_files/valid/log_settings.json 17 assets/batch_score/components/driver/test_assets/configuration_files/valid/request_settings.json 23 assets/batch_score/components/driver/tests/pytest.ini 9 assets/batch_score/components/driver/tests/requirements.txt 13 assets/batch_score_oss/components/driver/dev/README.md 102 assets/batch_score_oss/components/driver/dev/token_estimation/requirements.txt 5 assets/batch_score_oss/components/driver/dev/token_estimation/tiktoken_ext/README.md 4 assets/batch_score_oss/components/driver/src/batch_score_oss/ThirdPartyNotice.md 657 assets/batch_score_oss/components/driver/src/batch_score_oss/common/configuration/schemas/api/chat_completion.json 14 assets/batch_score_oss/components/driver/src/batch_score_oss/common/configuration/schemas/api/completion.json 20 assets/batch_score_oss/components/driver/src/batch_score_oss/common/configuration/schemas/authentication/connection.json 19 assets/batch_score_oss/components/driver/src/batch_score_oss/common/configuration/schemas/authentication/managed_identity.json 13 assets/batch_score_oss/components/driver/src/batch_score_oss/common/configuration/schemas/concurrency_settings.json 21 assets/batch_score_oss/components/driver/src/batch_score_oss/common/configuration/schemas/configuration.json 62 assets/batch_score_oss/components/driver/src/batch_score_oss/common/configuration/schemas/dictionary_with_string_values.json 11 assets/batch_score_oss/components/driver/src/batch_score_oss/common/configuration/schemas/inference_endpoint/azureml_online_endpoint.json 18 assets/batch_score_oss/components/driver/src/batch_score_oss/common/configuration/schemas/inference_endpoint/azureml_serverless_endpoint.json 18 assets/batch_score_oss/components/driver/src/batch_score_oss/common/configuration/schemas/inference_endpoint/null_endpoint.json 18 assets/batch_score_oss/components/driver/src/batch_score_oss/common/configuration/schemas/inference_endpoint_url.json 7 assets/batch_score_oss/components/driver/src/batch_score_oss/common/configuration/schemas/log_level.json 14 assets/batch_score_oss/components/driver/src/batch_score_oss/common/configuration/schemas/log_settings.json 28 assets/batch_score_oss/components/driver/src/batch_score_oss/common/configuration/schemas/output_settings.json 24 assets/batch_score_oss/components/driver/src/batch_score_oss/common/configuration/schemas/request_settings.json 40 assets/batch_score_oss/components/driver/src/batch_score_oss/metadata.json 7 assets/batch_score_oss/components/driver/src/batch_score_oss/requirements.txt 8 assets/batch_score_oss/components/driver/src/batch_score_oss/utils/requirements.txt 6 assets/batch_score_oss/components/driver/test_assets/configuration_files/for_e2e_tests/aoai_chat_completion.json 13 assets/batch_score_oss/components/driver/test_assets/configuration_files/for_e2e_tests/aoai_completion.json 14 assets/batch_score_oss/components/driver/test_assets/configuration_files/for_e2e_tests/aoai_embedding.json 14 assets/batch_score_oss/components/driver/test_assets/configuration_files/for_e2e_tests/mir_completion.json 13 assets/batch_score_oss/components/driver/test_assets/configuration_files/for_e2e_tests/mir_with_connection.json 19 assets/batch_score_oss/components/driver/test_assets/configuration_files/for_e2e_tests/serverless_completion.json 14 assets/batch_score_oss/components/driver/test_assets/configuration_files/invalid/mismatch_inference_endpoint_and_url.json 12 assets/batch_score_oss/components/driver/test_assets/configuration_files/invalid/missing_api.json 9 assets/batch_score_oss/components/driver/test_assets/configuration_files/invalid/missing_auth.json 9 assets/batch_score_oss/components/driver/test_assets/configuration_files/invalid/missing_connection_name.json 12 assets/batch_score_oss/components/driver/test_assets/configuration_files/invalid/missing_inference_endpoint.json 8 assets/batch_score_oss/components/driver/test_assets/configuration_files/invalid/missing_inference_endpoint_url.json 11 assets/batch_score_oss/components/driver/test_assets/configuration_files/invalid/missing_quota_audience.json 13 assets/batch_score_oss/components/driver/test_assets/configuration_files/invalid/negative_response_segment_size.json 13 assets/batch_score_oss/components/driver/test_assets/configuration_files/invalid/number_in_request_headers.json 17 assets/batch_score_oss/components/driver/test_assets/configuration_files/invalid/number_in_request_properties.json 18 assets/batch_score_oss/components/driver/test_assets/configuration_files/invalid/segmentation_with_chat_completion.json 13 assets/batch_score_oss/components/driver/test_assets/configuration_files/invalid/unrecognized_api.json 12 assets/batch_score_oss/components/driver/test_assets/configuration_files/invalid/unrecognized_auth.json 12 assets/batch_score_oss/components/driver/test_assets/configuration_files/invalid/unrecognzied_inference_target.json 12 assets/batch_score_oss/components/driver/test_assets/configuration_files/valid/api_chat_completion.json 12 assets/batch_score_oss/components/driver/test_assets/configuration_files/valid/api_completion_not_segmented.json 12 assets/batch_score_oss/components/driver/test_assets/configuration_files/valid/api_completion_segmented.json 13 assets/batch_score_oss/components/driver/test_assets/configuration_files/valid/api_embedding_batched.json 13 assets/batch_score_oss/components/driver/test_assets/configuration_files/valid/api_embedding_not_batched.json 12 assets/batch_score_oss/components/driver/test_assets/configuration_files/valid/auth_connection.json 13 assets/batch_score_oss/components/driver/test_assets/configuration_files/valid/auth_managed_identity.json 12 assets/batch_score_oss/components/driver/test_assets/configuration_files/valid/concurrency_settings.json 16 assets/batch_score_oss/components/driver/test_assets/configuration_files/valid/inference_endpoint_azure_openai.json 12 assets/batch_score_oss/components/driver/test_assets/configuration_files/valid/inference_endpoint_azureml_online_endpoint.json 12 assets/batch_score_oss/components/driver/test_assets/configuration_files/valid/inference_endpoint_azureml_serverless_endpoint.json 12 assets/batch_score_oss/components/driver/test_assets/configuration_files/valid/log_settings.json 17 assets/batch_score_oss/components/driver/test_assets/configuration_files/valid/output_settings.json 16 assets/batch_score_oss/components/driver/test_assets/configuration_files/valid/request_settings.json 25 assets/batch_score_oss/components/driver/tests/pytest.ini 9 assets/batch_score_oss/components/driver/tests/requirements.txt 16 assets/evaluation_on_cloud/environments/evaluations-built-in/context/requirements.txt 11 assets/inference/environments/minimal-py311-inference/tests/requirements.txt 3 assets/inference/environments/minimal-py312-cuda12.4-inference/tests/requirements.txt 3 assets/inference/environments/mlflow-py312-inference/tests/requirements.txt 4 assets/inference/environments/mlflow-py312-inference/tests/src/mlflow_2_0_model_folder/input_example.json 1 assets/inference/environments/mlflow-py312-inference/tests/src/mlflow_2_0_model_folder/requirements.txt 2 assets/inference/environments/mlflow-py312-inference/tests/src/sample_2_0_input.txt 1 assets/large_language_models/rag/components/src/flow_jsons/chat_flow_with_variants_mlindex_code_first.json 5 assets/large_language_models/rag/components/src/flow_jsons/flow_with_variants_mlindex_code_first.json 4 assets/large_language_models/rag/components/src/rag_code_flow/requirements.txt 1 assets/model_monitoring/components/pytest.ini 6 assets/model_monitoring/components/tests/e2e/resources/uri_folder_iris_model_inputs_with_drift/2023/02/01/01/files/dataref0.json 1 assets/model_monitoring/components/tests/e2e/resources/uri_folder_iris_model_inputs_with_drift/2023/02/01/01/files/dataref1.json 9 assets/model_monitoring/components/tests/e2e/resources/uri_folder_iris_model_inputs_with_drift/2023/02/01/01/files/dataref2.json 5 assets/model_monitoring/components/tests/e2e/resources/uri_folder_signal_output_gsq/signals/gsq-signal.json 413 assets/model_monitoring/components/tests/gsq-requirements.txt 20 assets/model_monitoring/components/tests/requirements.txt 20 assets/model_monitoring/components/tests/unit/action_analyzer/resources/gsq-signal.json 413 assets/model_monitoring/components/tests/unit/raw_genai_data/2024/02/20/15/genai_dataref_1.json 19 assets/model_monitoring/components/tests/unit/raw_mdc_data/2023/10/15/17/mdc_dataref_1.json 9 assets/model_monitoring/components/tests/unit/raw_mdc_data/2023/10/16/21/mdc_dataref_0.json 3 assets/model_monitoring/components/tests/unit/raw_mdc_data/2023/10/16/21/mdc_dataref_1.json 9 assets/model_monitoring/components/tests/unit/raw_mdc_data/2023/10/16/21/mdc_dataref_2.json 6 assets/models/system/ALLaM-2-7b-instruct/LICENSE.md 196 assets/models/system/ALLaM-2-7b-instruct/description.md 136 assets/models/system/BiomedCLIP-PubMedBERT_256-vit_base_patch16_224/description.md 57 assets/models/system/Deci-DeciCoder-1b/description.md 35 assets/models/system/Deci-DeciLM-7B-instruct/description.md 35 assets/models/system/Deci-DeciLM-7B/description.md 35 assets/models/system/DeepSeek-R1-Distill-Qwen-1.5B-cuda-gpu/description.md 9 assets/models/system/DeepSeek-R1-Distill-Qwen-1.5B-generic-cpu/description.md 9 assets/models/system/DeepSeek-R1-Distill-Qwen-1.5B-generic-gpu/description.md 9 assets/models/system/DeepSeek-R1-Distill-Qwen-1.5B/description.md 14 assets/models/system/DeepSeek-R1-Distill-Qwen-7B-cuda-gpu/description.md 9 assets/models/system/DeepSeek-R1-Distill-Qwen-7B-generic-cpu/description.md 9 assets/models/system/DeepSeek-R1-Distill-Qwen-7B-generic-gpu/description.md 9 assets/models/system/DeepSeek-R1-Distill-Qwen-7B/description.md 14 assets/models/system/Llama-2-13b-chat/description.md 17 assets/models/system/Llama-2-13b-chat/evaluation.md 56 assets/models/system/Llama-2-13b-chat/notes.md 63 assets/models/system/Llama-2-13b/description.md 17 assets/models/system/Llama-2-13b/evaluation.md 28 assets/models/system/Llama-2-13b/notes.md 61 assets/models/system/Llama-2-70b-chat/description.md 17 assets/models/system/Llama-2-70b-chat/evaluation.md 28 assets/models/system/Llama-2-70b-chat/notes.md 63 assets/models/system/Llama-2-70b/description.md 17 assets/models/system/Llama-2-70b/evaluation.md 28 assets/models/system/Llama-2-70b/notes.md 65 assets/models/system/Llama-2-7b-chat/description.md 17 assets/models/system/Llama-2-7b-chat/evaluation.md 28 assets/models/system/Llama-2-7b-chat/notes.md 63 assets/models/system/Llama-2-7b/description.md 17 assets/models/system/Llama-2-7b/evaluation.md 28 assets/models/system/Llama-2-7b/notes.md 65 assets/models/system/MedImageParse3D/description.md 89 assets/models/system/MedImageParse3D/evaluation.md 14 assets/models/system/MedImageParse3D/notes.md 31 assets/models/system/Mistral-7B-Instruct-v0-1/description.md 48 assets/models/system/Mistral-7B-Instruct-v0-2-cuda-gpu/description.md 9 assets/models/system/Mistral-7B-Instruct-v0-2-generic-cpu/description.md 9 assets/models/system/Mistral-7B-Instruct-v0-2-generic-gpu/description.md 9 assets/models/system/Mistral-7B-Instruct-v0-2/description.md 53 assets/models/system/Mistral-7B-Instruct-v0-3/description.md 47 assets/models/system/Mistral-7B-v0-1/description.md 53 assets/models/system/Mixtral-8x7B-v0-1/description.md 43 assets/models/system/Phi-4-cuda-gpu/description.md 9 assets/models/system/Phi-4-generic-cpu/description.md 9 assets/models/system/Phi-4-generic-gpu/description.md 9 assets/models/system/Phi-4/description.md 12 assets/models/system/Phi-4/evaluation.md 19 assets/models/system/Phi-4/notes.md 30 assets/models/system/Prism/description.md 103 assets/models/system/TamGen/description.md 22 assets/models/system/Virchow/description.md 83 assets/models/system/aurora/description.md 11 assets/models/system/aurora/evaluation.md 5 assets/models/system/aurora/notes.md 62 assets/models/system/automl-ner/description.md 56 assets/models/system/automl-text-classification/description.md 45 assets/models/system/bert-base-cased/description.md 63 assets/models/system/bert-base-uncased/description.md 80 assets/models/system/bert-large-cased/description.md 66 assets/models/system/bert-large-uncased/description.md 74 assets/models/system/camembert-base/description.md 48 assets/models/system/compvis-stable-diffusion-v1-4/description.md 119 assets/models/system/cxrreportgen/description.md 106 assets/models/system/databricks-dolly-v2-12b/description.md 57 assets/models/system/deci-decidiffusion-v1-0/description.md 55 assets/models/system/deepseek-r1-distill-llama-8b-cuda-gpu/description.md 9 assets/models/system/deepseek-r1-distill-llama-8b-generic-cpu/description.md 9 assets/models/system/deepseek-r1-distill-llama-8b-generic-gpu/description.md 9 assets/models/system/deepseek-r1-distill-llama-8b/description.md 13 assets/models/system/deepseek-r1-distill-qwen-14b-cuda-gpu/description.md 9 assets/models/system/deepseek-r1-distill-qwen-14b-generic-cpu/description.md 9 assets/models/system/deepseek-r1-distill-qwen-14b-generic-gpu/description.md 9 assets/models/system/deepseek-r1-distill-qwen-14b/description.md 13 assets/models/system/deepset-minilm-uncased-squad2/description.md 53 assets/models/system/deepset-roberta-base-squad2/description.md 52 assets/models/system/deformable_detr_twostage_refine_r50_16x2_50e_coco/description.md 67 assets/models/system/distilbert-base-cased-distilled-squad/description.md 44 assets/models/system/distilbert-base-cased/description.md 52 assets/models/system/distilbert-base-uncased-distilled-squad/description.md 43 assets/models/system/distilbert-base-uncased-finetuned-sst-2-english/description.md 50 assets/models/system/distilbert-base-uncased/description.md 82 assets/models/system/distilgpt2/description.md 53 assets/models/system/distilroberta-base/description.md 43 assets/models/system/facebook-bart-large-cnn/description.md 26 assets/models/system/facebook-deit-base-patch16-224/description.md 65 assets/models/system/facebook-dinov2-base-imagenet1k-1-layer/description.md 56 assets/models/system/facebook-dinov2-image-embeddings-base/description.md 41 assets/models/system/facebook-dinov2-image-embeddings-giant/description.md 41 assets/models/system/facebook-sam-vit-base/description.md 55 assets/models/system/facebook-sam-vit-huge/description.md 55 assets/models/system/facebook-sam-vit-large/description.md 55 assets/models/system/financial-reports-analysis-v2/description.md 5 assets/models/system/financial-reports-analysis-v2/evaluation.md 32 assets/models/system/finiteautomata-bertweet-base-sentiment-analysis/description.md 39 assets/models/system/google-vit-base-patch16-224/description.md 63 assets/models/system/gpt2-large/description.md 63 assets/models/system/gpt2-medium/description.md 53 assets/models/system/gpt2/description.md 58 assets/models/system/jean-baptiste-camembert-ner/description.md 36 assets/models/system/mattersim/description.md 15 assets/models/system/mattersim/evaluation.md 52 assets/models/system/mattersim/notes.md 46 assets/models/system/medimageinsight/description.md 132 assets/models/system/medimageparse/description.md 97 assets/models/system/microsoft-beit-base-patch16-224-pt22k-ft22k/description.md 63 assets/models/system/microsoft-deberta-base-mnli/description.md 42 assets/models/system/microsoft-deberta-base/description.md 42 assets/models/system/microsoft-deberta-large-mnli/description.md 48 assets/models/system/microsoft-deberta-large/description.md 42 assets/models/system/microsoft-deberta-xlarge/description.md 42 assets/models/system/microsoft-llava-med-v1.5-mistral-7b/description.md 31 assets/models/system/microsoft-orca-2-13b/description.md 69 assets/models/system/microsoft-orca-2-7b/description.md 69 assets/models/system/microsoft-phi-1-5/description.md 90 assets/models/system/microsoft-phi-2/description.md 107 assets/models/system/microsoft-rad-dino/description.md 148 assets/models/system/microsoft-swinv2-base-patch4-window12-192-22k/description.md 58 assets/models/system/mistral-community-Mixtral-8x22B-v01/description.md 45 assets/models/system/mistralai-Mixtral-8x22B-Instruct-v0-1/description.md 40 assets/models/system/mistralai-Mixtral-8x22B-v0-1/description.md 45 assets/models/system/mistralai-Mixtral-8x7B-Instruct-v01/description.md 42 assets/models/system/mmd-3x-deformable-detr_refine_twostage_r50_16xb2-50e_coco/description.md 78 assets/models/system/openai-clip-image-text-embeddings-vit-base-patch32/description.md 112 assets/models/system/openai-clip-image-text-embeddings-vit-large-patch14-336/description.md 118 assets/models/system/openai-clip-vit-base-patch32/description.md 59 assets/models/system/openai-clip-vit-large-patch14/description.md 59 assets/models/system/openai-whisper-large-v3/description.md 35 assets/models/system/openai-whisper-large/description.md 28 assets/models/system/phi-3-medium-128k-instruct/description.md 18 assets/models/system/phi-3-medium-128k-instruct/evaluation.md 39 assets/models/system/phi-3-medium-128k-instruct/notes.md 30 assets/models/system/phi-3-medium-4k-instruct/description.md 18 assets/models/system/phi-3-medium-4k-instruct/evaluation.md 39 assets/models/system/phi-3-medium-4k-instruct/notes.md 30 assets/models/system/phi-3-mini-128k-instruct-cuda-gpu/description.md 9 assets/models/system/phi-3-mini-128k-instruct-generic-cpu/description.md 9 assets/models/system/phi-3-mini-128k-instruct/description.md 18 assets/models/system/phi-3-mini-128k-instruct/evaluation.md 48 assets/models/system/phi-3-mini-128k-instruct/notes.md 30 assets/models/system/phi-3-mini-4k-instruct-cuda-gpu/description.md 9 assets/models/system/phi-3-mini-4k-instruct-generic-cpu/description.md 9 assets/models/system/phi-3-mini-4k-instruct/description.md 18 assets/models/system/phi-3-mini-4k-instruct/evaluation.md 39 assets/models/system/phi-3-mini-4k-instruct/notes.md 30 assets/models/system/phi-3-mini-4k-instruct/notes_nonazuredeployment.md 28 assets/models/system/phi-3-small-128k-instruct/description.md 14 assets/models/system/phi-3-small-128k-instruct/evaluation.md 39 assets/models/system/phi-3-small-128k-instruct/notes.md 30 assets/models/system/phi-3-small-8k-instruct/description.md 17 assets/models/system/phi-3-small-8k-instruct/evaluation.md 39 assets/models/system/phi-3-small-8k-instruct/notes.md 30 assets/models/system/phi-3-vision-128k-instruct/description.md 120 assets/models/system/phi-3.5-mini-128k-instruct-cuda-gpu/description.md 9 assets/models/system/phi-3.5-mini-128k-instruct-generic-cpu/description.md 9 assets/models/system/phi-3.5-mini-128k-instruct-generic-gpu/description.md 9 assets/models/system/phi-3.5-mini-128k-instruct/description.md 10 assets/models/system/phi-3.5-mini-128k-instruct/evaluation.md 35 assets/models/system/phi-3.5-moe-128k-instruct/description.md 10 assets/models/system/phi-3.5-moe-128k-instruct/evaluation.md 72 assets/models/system/phi-3.5-moe-128k-instruct/notes.md 33 assets/models/system/phi-3.5-vision-128k-instruct/description.md 20 assets/models/system/phi-3.5-vision-128k-instruct/evaluation.md 27 assets/models/system/phi-3.5-vision-128k-instruct/notes.md 75 assets/models/system/phi-4-mini-instruct-cuda-gpu/description.md 9 assets/models/system/phi-4-mini-instruct-generic-cpu/description.md 9 assets/models/system/projecte-aina-FLOR-1-3B-Instructed/description.md 97 assets/models/system/projecte-aina-FLOR-1-3B/description.md 210 assets/models/system/projecte-aina-FLOR-6-3B-Instructed/description.md 97 assets/models/system/projecte-aina-FLOR-6-3B/description.md 210 assets/models/system/projecte-aina-aguila-7b/description.md 150 assets/models/system/qwen2.5-0.5b-instruct-cuda-gpu/description.md 9 assets/models/system/qwen2.5-0.5b-instruct-generic-cpu/description.md 9 assets/models/system/qwen2.5-0.5b-instruct-generic-gpu/description.md 9 assets/models/system/qwen2.5-0.5b-instruct/description.md 13 assets/models/system/qwen2.5-1.5b-instruct-cuda-gpu/description.md 9 assets/models/system/qwen2.5-1.5b-instruct-generic-cpu/description.md 9 assets/models/system/qwen2.5-1.5b-instruct-generic-gpu/description.md 9 assets/models/system/qwen2.5-1.5b-instruct/description.md 13 assets/models/system/qwen2.5-14b-instruct-cuda-gpu/description.md 9 assets/models/system/qwen2.5-14b-instruct-generic-cpu/description.md 9 assets/models/system/qwen2.5-14b-instruct-generic-gpu/description.md 9 assets/models/system/qwen2.5-14b-instruct/description.md 13 assets/models/system/qwen2.5-3b-instruct-cuda-gpu/description.md 9 assets/models/system/qwen2.5-3b-instruct-generic-cpu/description.md 9 assets/models/system/qwen2.5-3b-instruct-generic-gpu/description.md 9 assets/models/system/qwen2.5-3b-instruct/description.md 13 assets/models/system/qwen2.5-7b-instruct-cuda-gpu/description.md 9 assets/models/system/qwen2.5-7b-instruct-generic-cpu/description.md 9 assets/models/system/qwen2.5-7b-instruct-generic-gpu/description.md 9 assets/models/system/qwen2.5-7b-instruct/description.md 13 assets/models/system/roberta-base-openai-detector/description.md 50 assets/models/system/roberta-base/description.md 78 assets/models/system/roberta-large-mnli/description.md 86 assets/models/system/roberta-large-openai-detector/description.md 57 assets/models/system/roberta-large/description.md 76 assets/models/system/runwayml-stable-diffusion-v1-5/description.md 122 assets/models/system/runwayml_stable_diffusion_inpainting/description.md 117 assets/models/system/salesforce-blip-image-captioning-base/description.md 45 assets/models/system/salesforce-blip-vqa-base/description.md 46 assets/models/system/salesforce-blip2-opt-2-7b-image-to-text/description.md 46 assets/models/system/salesforce-blip2-opt-2-7b-vqa/description.md 47 assets/models/system/snowflake-arctic-base/description.md 45 assets/models/system/snowflake-artic-instruct/description.md 56 assets/models/system/sshleifer-distilbart-cnn-12-6/description.md 21 assets/models/system/stabilityai-stable-diffusion-2-1/description.md 103 assets/models/system/stabilityai-stable-diffusion-2-inpainting/description.md 109 assets/models/system/stabilityai-stable-diffusion-xl-base-1-0/description.md 63 assets/models/system/stabilityai-stable-diffusion-xl-refiner-1-0/description.md 79 assets/models/system/supply-chain-trade-regulations-v2/description.md 5 assets/models/system/supply-chain-trade-regulations-v2/evaluation.md 32 assets/models/system/supply-chain-trade-regulations/description.md 79 assets/models/system/t5-base/description.md 67 assets/models/system/t5-large/description.md 67 assets/models/system/t5-small/description.md 67 assets/models/system/tiiuae-falcon-40b-instruct/description.md 70 assets/models/system/tiiuae-falcon-40b/description.md 97 assets/models/system/tiiuae-falcon-7b-instruct/description.md 60 assets/models/system/tiiuae-falcon-7b/description.md 82 assets/pipelines/data/global_dataset/generic_csv/adult_census_income_binary_classification/sample_data/data_type.json 3 assets/pipelines/data/global_dataset/generic_csv/adult_census_income_binary_classification/sample_data/schema/_schema.json 142 assets/pipelines/data/global_dataset/generic_csv/automobile_price_raw/sample_data/data_type.json 3 assets/pipelines/data/global_dataset/generic_csv/automobile_price_raw/sample_data/schema/_schema.json 241 assets/pipelines/data/global_dataset/generic_csv/flight_delays/sample_data/data_type.json 3 assets/pipelines/data/global_dataset/generic_csv/flight_delays/sample_data/schema/_schema.json 133 assets/pipelines/data/global_dataset/generic_csv/german_credit_card_uci/sample_data/data_type.json 3 assets/pipelines/data/global_dataset/generic_csv/german_credit_card_uci/sample_data/schema/_schema.json 196 assets/pipelines/data/global_dataset/generic_csv/imdb_movie_titles/sample_data/schema/_schema.json 25 assets/pipelines/data/global_dataset/generic_csv/movie_ratings/sample_data/data_type.json 3 assets/pipelines/data/global_dataset/generic_csv/movie_ratings/sample_data/schema/_schema.json 43 assets/pipelines/data/global_dataset/generic_csv/restaurant_customer/sample_data/_samples.json 65 assets/pipelines/data/global_dataset/generic_csv/restaurant_customer/sample_data/data_type.json 3 assets/pipelines/data/global_dataset/generic_csv/restaurant_customer/sample_data/schema/_schema.json 178 assets/pipelines/data/global_dataset/generic_csv/restaurant_feature/sample_data/_samples.json 74 assets/pipelines/data/global_dataset/generic_csv/restaurant_feature/sample_data/data_type.json 3 assets/pipelines/data/global_dataset/generic_csv/restaurant_feature/sample_data/schema/_schema.json 187 assets/pipelines/data/global_dataset/generic_csv/restaurant_ratings/sample_data/_samples.json 17 assets/pipelines/data/global_dataset/generic_csv/restaurant_ratings/sample_data/data_type.json 3 assets/pipelines/data/global_dataset/generic_csv/restaurant_ratings/sample_data/schema/_schema.json 34 assets/pipelines/data/global_dataset/generic_csv/weather/sample_data/data_type.json 3 assets/pipelines/data/global_dataset/generic_csv/weather/sample_data/schema/_schema.json 241 assets/pipelines/data/global_dataset/generic_csv/wikipedia_sp_500/sample_data/data_type.json 3 assets/pipelines/data/global_dataset/generic_csv/wikipedia_sp_500/sample_data/schema/_schema.json 34 assets/pipelines/data/global_dataset/images/animal_images/sample_data/_schema.json 52 assets/pipelines/data/global_dataset/tsv/crm_appetency_labels_shared/sample_data/data_type.json 3 assets/pipelines/data/global_dataset/tsv/crm_appetency_labels_shared/sample_data/schema/_schema.json 16 assets/pipelines/data/global_dataset/tsv/crm_churn_labels_shared/sample_data/data_type.json 3 assets/pipelines/data/global_dataset/tsv/crm_churn_labels_shared/sample_data/schema/_schema.json 16 assets/pipelines/data/global_dataset/tsv/crm_shared/sample_data/schema/_schema.json 2077 assets/pipelines/data/global_dataset/tsv/crm_upselling_labels_shared/sample_data/data_type.json 3 assets/pipelines/data/global_dataset/tsv/crm_upselling_labels_shared/sample_data/schema/_schema.json 16 assets/promptflow/evaluators/models/bleu-score-evaluator/description.md 7 assets/promptflow/evaluators/models/coherence-evaluator/description.md 7 assets/promptflow/evaluators/models/content-safety-evaluator/description.md 7 assets/promptflow/evaluators/models/eci-evaluator/description.md 4 assets/promptflow/evaluators/models/f1score-evaluator/description.md 7 assets/promptflow/evaluators/models/fluency-evaluator/description.md 7 assets/promptflow/evaluators/models/gleu-score-evaluator/description.md 7 assets/promptflow/evaluators/models/groundedness-evaluator/description.md 7 assets/promptflow/evaluators/models/groundedness-pro-evaluator/description.md 7 assets/promptflow/evaluators/models/hate-unfairness-evaluator/description.md 16 assets/promptflow/evaluators/models/meteor-score-evaluator/description.md 7 assets/promptflow/evaluators/models/protected-material-evaluator/description.md 4 assets/promptflow/evaluators/models/qa-evaluator/description.md 7 assets/promptflow/evaluators/models/relevance-evaluator/description.md 7 assets/promptflow/evaluators/models/retrieval-evaluator/description.md 7 assets/promptflow/evaluators/models/rouge-score-evaluator/description.md 7 assets/promptflow/evaluators/models/self-harm-evaluator/description.md 15 assets/promptflow/evaluators/models/sexual-evaluator/description.md 15 assets/promptflow/evaluators/models/similarity-evaluator/description.md 7 assets/promptflow/evaluators/models/violence-evaluator/description.md 15 assets/promptflow/evaluators/models/xpia-evaluator/description.md 8 assets/promptflow/models/analyze-conversations/description.md 109 assets/promptflow/models/ask-wikipedia/description.md 23 assets/promptflow/models/bring-your-own-data-chat-qna/description.md 23 assets/promptflow/models/bring-your-own-data-qna/description.md 23 assets/promptflow/models/chat-quality-safety-eval/description.md 74 assets/promptflow/models/chat-with-wikipedia/description.md 23 assets/promptflow/models/classification-accuracy-eval/description.md 24 assets/promptflow/models/count-cars/description.md 25 assets/promptflow/models/detect-defects/description.md 25 assets/promptflow/models/multi-index-rerank-qna/description.md 23 assets/promptflow/models/playground-ayod-rag/description.md 52 assets/promptflow/models/qna-ada-similarity-eval/description.md 24 assets/promptflow/models/qna-coherence-eval/description.md 24 assets/promptflow/models/qna-f1-score-eval/description.md 24 assets/promptflow/models/qna-fluency-eval/description.md 24 assets/promptflow/models/qna-gpt-similarity-eval/description.md 25 assets/promptflow/models/qna-groundedness-eval/description.md 25 assets/promptflow/models/qna-non-rag-metrics-eval/description.md 33 assets/promptflow/models/qna-quality-safety-eval/description.md 36 assets/promptflow/models/qna-rag-metrics-eval/description.md 28 assets/promptflow/models/qna-relevance-eval/description.md 25 assets/promptflow/models/rai-eval-ui-dag-flow/description.md 36 assets/promptflow/models/rai-qna-quality-safety-eval/description.md 36 assets/promptflow/models/rerank-qna/description.md 23 assets/promptflow/models/template-chat-flow/description.md 23 assets/promptflow/models/template-eval-flow/description.md 24 assets/promptflow/models/template-standard-flow/description.md 23 assets/promptflow/models/use-functions-with-chat-models/description.md 23 assets/promptflow/models/web-classification/description.md 24 assets/responsibleai/environments/responsibleai-tabular/tests/requirements.txt 4 assets/responsibleai/environments/responsibleai-text/tests/requirements.txt 3 assets/responsibleai/environments/responsibleai-vision/tests/requirements.txt 3 assets/responsibleai/tabular/jobs/boston_analyze_scorecard_config/cohorts.json 26 assets/responsibleai/tabular/jobs/boston_analyze_scorecard_config/pdf_gen.json 28 assets/responsibleai/validation_rules.json 8 assets/training/aoai/proxy_components/environments/context/requirements.txt 11 assets/training/automl/environments/ai-ml-automl-dnn-forecasting-gpu/README.md 4 assets/training/automl/environments/ai-ml-automl-dnn-forecasting-gpu/tests/requirements.txt 3 assets/training/automl/environments/ai-ml-automl-dnn-gpu/README.md 4 assets/training/automl/environments/ai-ml-automl-dnn-gpu/tests/requirements.txt 3 assets/training/automl/environments/ai-ml-automl-dnn-text-gpu-ptca/README.md 4 assets/training/automl/environments/ai-ml-automl-dnn-text-gpu-ptca/tests/requirements.txt 2 assets/training/automl/environments/ai-ml-automl-dnn-text-gpu/README.md 4 assets/training/automl/environments/ai-ml-automl-dnn-text-gpu/tests/requirements.txt 2 assets/training/automl/environments/ai-ml-automl-dnn-vision-gpu/README.md 4 assets/training/automl/environments/ai-ml-automl-dnn-vision-gpu/tests/requirements.txt 2 assets/training/automl/environments/ai-ml-automl-dnn/README.md 4 assets/training/automl/environments/ai-ml-automl-dnn/tests/requirements.txt 3 assets/training/automl/environments/ai-ml-automl-gpu/README.md 4 assets/training/automl/environments/ai-ml-automl-gpu/tests/requirements.txt 3 assets/training/automl/environments/ai-ml-automl/README.md 4 assets/training/automl/environments/ai-ml-automl/tests/requirements.txt 3 assets/training/automl/tests/test_configs/payload/classification_bankmarketing_payload.json 219 assets/training/automl/tests/test_configs/payload/create_pipeline_draft_payload.json 5 assets/training/automl/tests/test_configs/payload/forecasting_energy_demand_payload.json 203 assets/training/automl/tests/test_configs/payload/image_classification_fridge_items_payload.json 199 assets/training/automl/tests/test_configs/payload/image_classification_multilabel_fridge_items_payload.json 190 assets/training/automl/tests/test_configs/payload/image_instance_segmentation_fridge_items_payload.json 190 assets/training/automl/tests/test_configs/payload/image_object_detection_fridge_items_payload.json 190 assets/training/automl/tests/test_configs/payload/regression_hardware_performance_payload.json 165 assets/training/automl/tests/test_configs/payload/text_classification_multilabel_newsgroup_payload.json 159 assets/training/automl/tests/test_configs/payload/text_classification_newsgroup_payload.json 177 assets/training/automl/tests/test_configs/payload/text_ner_conll_payload.json 172 assets/training/distillation/components/data_generation/README.md 33 assets/training/distillation/components/data_generation_batch_scoring_pipeline/README.md 54 assets/training/distillation/components/data_generation_batch_scoring_postprocess/README.md 33 assets/training/distillation/components/data_generation_batch_scoring_preprocess/README.md 33 assets/training/distillation/components/data_generation_batch_scoring_selector/README.md 17 assets/training/distillation/components/data_generation_file_selector/README.md 17 assets/training/distillation/components/data_generation_validation_file_checker/README.md 14 assets/training/distillation/components/pipeline_validation/README.md 35 assets/training/finetune_acft_hf_nlp/components/finetune/chat_completion/README.md 79 assets/training/finetune_acft_hf_nlp/components/finetune/question_answering/README.md 79 assets/training/finetune_acft_hf_nlp/components/finetune/summarization/README.md 79 assets/training/finetune_acft_hf_nlp/components/finetune/text_classification/README.md 79 assets/training/finetune_acft_hf_nlp/components/finetune/text_generation/README.md 75 assets/training/finetune_acft_hf_nlp/components/finetune/token_classification/README.md 79 assets/training/finetune_acft_hf_nlp/components/finetune/translation/README.md 79 assets/training/finetune_acft_hf_nlp/components/model_converter/common/README.md 18 assets/training/finetune_acft_hf_nlp/components/model_import/chat_completion/README.md 34 assets/training/finetune_acft_hf_nlp/components/model_import/question_answering/README.md 34 assets/training/finetune_acft_hf_nlp/components/model_import/summarization/README.md 34 assets/training/finetune_acft_hf_nlp/components/model_import/text_classification/README.md 34 assets/training/finetune_acft_hf_nlp/components/model_import/text_generation/README.md 23 assets/training/finetune_acft_hf_nlp/components/model_import/token_classification/README.md 34 assets/training/finetune_acft_hf_nlp/components/model_import/translation/README.md 34 assets/training/finetune_acft_hf_nlp/components/pipeline_components/chat_completion/README.md 97 assets/training/finetune_acft_hf_nlp/components/pipeline_components/question_answering/README.md 105 assets/training/finetune_acft_hf_nlp/components/pipeline_components/summarization/README.md 100 assets/training/finetune_acft_hf_nlp/components/pipeline_components/text_classification/README.md 102 assets/training/finetune_acft_hf_nlp/components/pipeline_components/text_generation/README.md 119 assets/training/finetune_acft_hf_nlp/components/pipeline_components/text_generation_singularity_basic_high/README.md 119 assets/training/finetune_acft_hf_nlp/components/pipeline_components/text_generation_singularity_basic_low/README.md 119 assets/training/finetune_acft_hf_nlp/components/pipeline_components/text_generation_singularity_basic_medium/README.md 119 assets/training/finetune_acft_hf_nlp/components/pipeline_components/text_generation_singularity_premium_high/README.md 119 assets/training/finetune_acft_hf_nlp/components/pipeline_components/text_generation_singularity_premium_low/README.md 119 assets/training/finetune_acft_hf_nlp/components/pipeline_components/text_generation_singularity_premium_medium/README.md 119 assets/training/finetune_acft_hf_nlp/components/pipeline_components/text_generation_singularity_standard_high/README.md 119 assets/training/finetune_acft_hf_nlp/components/pipeline_components/text_generation_singularity_standard_low/README.md 119 assets/training/finetune_acft_hf_nlp/components/pipeline_components/text_generation_singularity_standard_medium/README.md 119 assets/training/finetune_acft_hf_nlp/components/pipeline_components/token_classification/README.md 108 assets/training/finetune_acft_hf_nlp/components/pipeline_components/translation/README.md 99 assets/training/finetune_acft_hf_nlp/components/preprocess/question_answering/README.md 50 assets/training/finetune_acft_hf_nlp/components/preprocess/text_classification/README.md 52 assets/training/finetune_acft_hf_nlp/components/preprocess/text_generation/README.md 38 assets/training/finetune_acft_hf_nlp/components/preprocess/token_classification/README.md 51 assets/training/finetune_acft_hf_nlp/components/preprocess/translation/README.md 50 assets/training/finetune_acft_hf_nlp/components/validation/common/README.md 18 assets/training/finetune_acft_hf_nlp/environments/acpt/context/requirements.txt 26 assets/training/finetune_acft_hf_nlp/environments/data_import/context/requirements.txt 2 assets/training/finetune_acft_hf_nlp/src/finetune/zero2.json 33 assets/training/finetune_acft_hf_nlp/src/finetune/zero3.json 45 assets/training/finetune_acft_hf_nlp/test/utils/finetune/data/invalid_ds3_config.json 56 assets/training/finetune_acft_hf_nlp/test/utils/finetune/data/valid_ds3_config.json 56 assets/training/finetune_acft_image/environments/acft_image_huggingface/context/requirements.txt 14 assets/training/finetune_acft_image/environments/acft_image_medimageinsight_adapter_finetune/context/requirements.txt 14 assets/training/finetune_acft_image/environments/acft_image_medimageinsight_embedding/context/requirements.txt 29 assets/training/finetune_acft_image/environments/acft_image_medimageinsight_embedding_generator/context/requirements.txt 23 assets/training/finetune_acft_image/environments/acft_image_mmdetection/context/requirements.txt 15 assets/training/finetune_acft_image/environments/acft_video_mmtracking/context/requirements.txt 15 assets/training/finetune_acft_image/environments/acpt_image_framework_selector/context/requirements.txt 8 assets/training/finetune_acft_image/src/finetune/zero1.json 42 assets/training/finetune_acft_multimodal/environments/acpt_multimodal/context/requirements.txt 28 assets/training/finetune_acft_multimodal/src/finetune/zero1.json 42 assets/training/general/environments/acpt-pytorch-1.13-cuda11.7/context/requirements.txt 27 assets/training/general/environments/acpt-pytorch-1.13-cuda11.7/tests/requirements.txt 2 assets/training/general/environments/acpt-pytorch-2.2-cuda12.1/context/requirements.txt 26 assets/training/general/environments/acpt-pytorch-2.2-cuda12.1/tests/requirements.txt 2 assets/training/general/environments/acpt-tests/src/ds_config.json 30 assets/training/general/environments/acpt-tests/src/requirements.txt 7 assets/training/general/environments/lightgbm-3.3/tests/requirements.txt 3 assets/training/general/environments/sklearn-1.0/tests/requirements.txt 2 assets/training/general/environments/sklearn-1.1/README.md 20 assets/training/general/environments/sklearn-1.1/tests/requirements.txt 2 assets/training/general/environments/sklearn-1.5/README.md 20 assets/training/general/environments/sklearn-1.5/tests/requirements.txt 3 assets/training/general/environments/tensorflow-2.16-cuda11/tests/requirements.txt 2 assets/training/general/environments/tensorflow-2.16-cuda12/tests/requirements.txt 3 assets/training/model_evaluation/components/distributed_model_prediction/README.md 25 assets/training/model_evaluation/components/model_prediction/README.md 25 assets/training/model_management/environments/foundation-model-inference/context/README.md 1 assets/training/model_management/environments/foundation-model-inference/context/transformers.patch 39 assets/training/model_management/environments/model-management/context/requirements.txt 17 assets/training/model_management/src/azureml/model/mgmt/processors/pyfunc/automl/coco_od_classes.txt 80 assets/training/model_management/src/azureml/model/mgmt/processors/pyfunc/automl/coco_seg_classes.txt 91 assets/training/model_management/src/azureml/model/mgmt/processors/pyfunc/automl/settings.json 1 assets/training/model_management/src/azureml/model/mgmt/processors/pyfunc/automl/vit_classes.txt 1000 assets/training/model_management/src/azureml/model/mgmt/processors/pyfunc/vision/mmdet-is-requirements.txt 12 assets/training/model_management/src/azureml/model/mgmt/processors/pyfunc/vision/mmdet-od-requirements.txt 10 assets/training/model_management/tests/README.md 39 assets/training/scripts/_component_upgrade/README.md 7 assets/training/vision/jobs/object-detection-using-built-in-component/README.md 16 scripts/azureml-assets/CHANGELOG.md 333 scripts/azureml-assets/azureml/assets/config/supported_inference_skus.json 61 scripts/azureml-assets/validation_rules.json 24 scripts/promptflow-ci/requirement.txt 9 scripts/promptflow-ci/test-configs/analyze-conversations/test_data.json 5 scripts/promptflow-ci/test-configs/analyze-documents/test_data.json 6 scripts/promptflow-ci/test-configs/ask-wikipedia/test_config.json 11 scripts/promptflow-ci/test-configs/chat-quality-safety-eval/test_config.json 16 scripts/promptflow-ci/test-configs/chat-with-wikipedia/test_config.json 18 scripts/promptflow-ci/test-configs/count-cars/test_config.json 18 scripts/promptflow-ci/test-configs/count-cars/test_data.json 7 scripts/promptflow-ci/test-configs/detect-defects/test_config.json 11 scripts/promptflow-ci/test-configs/detect-defects/test_data.json 7 scripts/promptflow-ci/test-configs/playground-ayod-rag/test_config.json 25 scripts/promptflow-ci/test-configs/playground-ayod-rag/test_data.json 6 scripts/promptflow-ci/test-configs/qna-ada-similarity-eval/test_config.json 18 scripts/promptflow-ci/test-configs/qna-coherence-eval/test_config.json 11 scripts/promptflow-ci/test-configs/qna-fluency-eval/test_config.json 11 scripts/promptflow-ci/test-configs/qna-gpt-similarity-eval/test_config.json 11 scripts/promptflow-ci/test-configs/qna-groundedness-eval/test_config.json 11 scripts/promptflow-ci/test-configs/qna-non-rag-metrics-eval/test_config.json 53 scripts/promptflow-ci/test-configs/qna-quality-safety-eval/test_config.json 53 scripts/promptflow-ci/test-configs/qna-rag-metrics-eval/test_config.json 25 scripts/promptflow-ci/test-configs/qna-relevance-eval/test_config.json 11 scripts/promptflow-ci/test-configs/qna-with-your-own-data-using-faiss-index/test_config.json 24 scripts/promptflow-ci/test-configs/rai-eval-ui-dag-flow/test_config.json 46 scripts/promptflow-ci/test-configs/rai-qna-quality-safety-eval/test_config.json 25 scripts/promptflow-ci/test-configs/template-chat-flow/test_config.json 11 scripts/promptflow-ci/test-configs/template-standard-flow/test_config.json 11 scripts/promptflow-ci/test-configs/use-functions-with-chat-models/test_config.json 11 scripts/promptflow-ci/test-configs/web-classification/test_config.json 18 scripts/release/requirements.txt 1 scripts/test/requirements.txt 2 scripts/validation/requirements.txt 2 test/resources/config/model-tagfiles/description.md 2 test/resources/config/model-tagfiles/model.txt 1 test/resources/config/model-tagfiles/notes.md 1 test/resources/model_validation_results/model-microsoft-good/description.md 1 test/resources/model_validation_results/model-microsoft-good/validation_results/results.json 5 test/resources/pytest/good-assets-with-requirements/test-asset-1/tests/requirements.txt 1 test/resources/update/with-description/expected/environment/environment-in-subdir/description.md 2 test/resources/update/with-description/main/description.md 2 test/resources/validate/azure-ai-model/description.md 1 test/resources/validate/model-microsoft-bad-asset-name/description.md 1 test/resources/validate/model-microsoft-bad-spec/description.md 1 test/resources/validate/model-microsoft-good/description.md 1 validation_rules.json 5