From 3b2414baf22734ca7b64e0c6a2afdb45f4036c92 Mon Sep 17 00:00:00 2001 From: "Xu, He" Date: Mon, 3 Mar 2025 14:45:44 +0800 Subject: [PATCH 1/7] Use uv tool for isolate cicd env 1.AI-and-Analytics/End-to-end-Workloads/JobRecommendationSystem 2.AI-and-Analytics/Features-and Functionality/INC_QuantizationAwareTraining_TextClassification 3.AI-and-Analytics/Features-and-Functionality/Intel_Extension_For_SKLearn_Performance_SVC_Adult 4.AI-and-Analytics/Features-and-Functionality/IntelPython_daal4py_DistributedKMeans 5.AI-and-Analytics/Features-and-Functionality/IntelPython_daal4py_DistributedLinearRegression 6.AI-and-Analytics/Features-and-Functionality/IntelPython_GPU_dpnp_Genetic_Algorithm 7.AI-and-Analytics/Features-and-Functionality/IntelPython_Numpy_Numba_dpnp_kNN 8.AI-and-Analytics/Features-and-Functionality/IntelPython_XGBoost_Performance 9.AI-and-Analytics/Features-and-Functionality/IntelPyTorch_GPU_InferenceOptimization_with_AMP 10.AI-and-Analytics/Features-and-Functionality/IntelPyTorch_TrainingOptimizations_AMX_BF16 11.AI-and-Analytics/Features-and-Functionality/IntelTensorFlow_AMX_BF16_Inference 12.AI-and-Analytics/Features-and-Functionality/IntelTensorFlow_AMX_BF16_Training 13.AI-and-Analytics/Features-and-Functionality/IntelTensorFlow_Enabling_Auto_Mixed_Precision_for_TransferLearning 14.AI-and-Analytics/Features-and-Functionality/IntelTensorFlow_for_LLMs 15.AI-and-Analytics/Features-and-Functionality/IntelTensorFlow_TextGeneration_with_LSTM 16.AI-and-Analytics/Features-and-Functionality/IntelTransformers_Quantization 17.AI-and-Analytics/Getting-Started-Samples/INC-Quantization-Sample-for-PyTorch 18.AI-and-Analytics/Getting-Started-Samples/INC-Sample-for-Tensorflow 19.AI-and-Analytics/Getting-Started-Samples/Intel_Extension_For_SKLearn_GettingStarted 20.AI-and-Analytics/Getting-Started-Samples/Intel_Extension_For_TensorFlow_GettingStarted 21.AI-and-Analytics/Getting-Started-Samples/IntelPython_daal4py_GettingStarted 22.AI-and-Analytics/Getting-Started-Samples/IntelPython_XGBoost_GettingStarted 23.AI-and-Analytics/Getting-Started-Samples/Modin_GettingStarted 24.AI-and-Analytics/Getting-Started-Samples/Modin_Vs_Pandas Signed-off-by: Xu, He --- .../JobRecommendationSystem.ipynb | 1 + .../JobRecommendationSystem.py | 1 + .../JobRecommendationSystem/sample.json | 16 ++++++---- .../sample.json | 9 ++++-- .../sample.json | 15 ++++++--- .../sample.json | 15 ++++++--- .../sample.json | 20 +++++++----- .../sample.json | 16 ++++++---- .../requirements.txt | 2 +- .../sample.json | 27 ++++++++++------ .../sample.json | 9 ++++-- .../sample.json | 14 ++++++--- .../sample.json | 15 ++++++--- .../IntelTensorFlow_AMX_BF16_Training.ipynb | 3 ++ .../sample.json | 17 +++++++--- .../sample.json | 13 +++++--- .../sample.json | 15 +++++---- .../IntelTensorFlow_for_LLMs/sample.json | 21 +++++++++---- .../requirements.txt | 12 +++---- .../sample.json | 10 ++++-- .../sample.json | 9 ++++-- .../sample.json | 12 ++++--- .../INC-Sample-for-Tensorflow/sample.json | 16 +++++++--- .../sample.json | 8 +++-- .../sample.json | 9 ++++-- .../sample.json | 9 ++++-- .../sample.json | 31 +++++++++++++------ .../Modin_GettingStarted/sample.json | 16 +++++++--- .../Modin_Vs_Pandas/sample.json | 13 ++++++-- 29 files changed, 258 insertions(+), 116 deletions(-) diff --git a/AI-and-Analytics/End-to-end-Workloads/JobRecommendationSystem/JobRecommendationSystem.ipynb b/AI-and-Analytics/End-to-end-Workloads/JobRecommendationSystem/JobRecommendationSystem.ipynb index 2446f11fc8..f439f90952 100644 --- a/AI-and-Analytics/End-to-end-Workloads/JobRecommendationSystem/JobRecommendationSystem.ipynb +++ b/AI-and-Analytics/End-to-end-Workloads/JobRecommendationSystem/JobRecommendationSystem.ipynb @@ -904,6 +904,7 @@ "metadata": {}, "outputs": [], "source": [ + "import numpy as np\n", "import intel_extension_for_tensorflow as itex\n", "\n", "itex.experimental_ops_override()" diff --git a/AI-and-Analytics/End-to-end-Workloads/JobRecommendationSystem/JobRecommendationSystem.py b/AI-and-Analytics/End-to-end-Workloads/JobRecommendationSystem/JobRecommendationSystem.py index d8ba1f3daa..00f3e4d131 100644 --- a/AI-and-Analytics/End-to-end-Workloads/JobRecommendationSystem/JobRecommendationSystem.py +++ b/AI-and-Analytics/End-to-end-Workloads/JobRecommendationSystem/JobRecommendationSystem.py @@ -428,6 +428,7 @@ def lemmatize_text(text): # Now, let us import Intel Extension for TensorFlow*. We are using Python API `itex.experimental_ops_override()`. It automatically replace some TensorFlow operators by Custom Operators under `itex.ops` namespace, as well as to be compatible with existing trained parameters. # %% +import numpy as np import intel_extension_for_tensorflow as itex itex.experimental_ops_override() diff --git a/AI-and-Analytics/End-to-end-Workloads/JobRecommendationSystem/sample.json b/AI-and-Analytics/End-to-end-Workloads/JobRecommendationSystem/sample.json index 31e14cab36..4c1c91a71e 100644 --- a/AI-and-Analytics/End-to-end-Workloads/JobRecommendationSystem/sample.json +++ b/AI-and-Analytics/End-to-end-Workloads/JobRecommendationSystem/sample.json @@ -15,12 +15,16 @@ "id": "JobRecommendationSystem_py", "steps": [ "source /intel/oneapi/intelpython/bin/activate", - "conda env remove -n user_tensorflow-gpu", - "conda create --name user_tensorflow-gpu --clone tensorflow-gpu", - "conda activate user_tensorflow-gpu", - "pip install -r requirements.txt", - "python -m ipykernel install --user --name=user_tensorflow-gpu", - "python JobRecommendationSystem.py" + "conda activate tensorflow-gpu", + "pip install uv", + "uv init", + "uv python pin $(which python)", + "uv venv --system-site-packages", + "uv add -r requirements.txt", + "uv add seaborn", + "uv add numpy==1.26.4", + "uv run python -m spacy download en_core_web_sm", + "uv run python JobRecommendationSystem.py" ] } ] diff --git a/AI-and-Analytics/Features-and-Functionality/INC_QuantizationAwareTraining_TextClassification/sample.json b/AI-and-Analytics/Features-and-Functionality/INC_QuantizationAwareTraining_TextClassification/sample.json index 2a6f8cdb4f..8906911aa9 100644 --- a/AI-and-Analytics/Features-and-Functionality/INC_QuantizationAwareTraining_TextClassification/sample.json +++ b/AI-and-Analytics/Features-and-Functionality/INC_QuantizationAwareTraining_TextClassification/sample.json @@ -14,11 +14,16 @@ "env": [ "source /intel/oneapi/intelpython/bin/activate", "conda activate pytorch", - "pip install -r requirements.txt" + "pip install uv", + "uv init", + "uv python pin $(which python)", + "uv venv --system-site-packages", + "uv add -r requirements.txt", + "uv add torch==2.5.0 torchvision==0.20.0" ], "id": "inc_text_classification_quantization_py", "steps": [ - "python INC_QuantizationAwareTraining_TextClassification.py" + "uv run INC_QuantizationAwareTraining_TextClassification.py" ] } ] diff --git a/AI-and-Analytics/Features-and-Functionality/IntelPyTorch_GPU_InferenceOptimization_with_AMP/sample.json b/AI-and-Analytics/Features-and-Functionality/IntelPyTorch_GPU_InferenceOptimization_with_AMP/sample.json index e01073f174..23f26feeda 100644 --- a/AI-and-Analytics/Features-and-Functionality/IntelPyTorch_GPU_InferenceOptimization_with_AMP/sample.json +++ b/AI-and-Analytics/Features-and-Functionality/IntelPyTorch_GPU_InferenceOptimization_with_AMP/sample.json @@ -14,11 +14,16 @@ "id": "intel pytorch gpu inference optimization with amp", "steps": [ "source /intel/oneapi/intelpython/bin/activate", - "source activate pytorch-gpu", - "pip install -r requirements.txt", - "pip install jupyter ipykernel", - "python -m ipykernel install --user --name=pytorch-gpu", - "python IntelPyTorch_GPU_InferenceOptimization_with_AMP.py" + "conda activate pytorch-gpu", + "pip install uv notebook", + "uv init", + "uv python pin $(which python)", + "uv venv --system-site-packages", + "uv add -r requirements.txt", + "uv add numpy==1.26.4", + "uv add --dev ipykernel", + "uv run ipython kernel install --user --name=pytorch-gpu", + "uv run IntelPyTorch_GPU_InferenceOptimization_with_AMP.py" ] } ] diff --git a/AI-and-Analytics/Features-and-Functionality/IntelPyTorch_TrainingOptimizations_AMX_BF16/sample.json b/AI-and-Analytics/Features-and-Functionality/IntelPyTorch_TrainingOptimizations_AMX_BF16/sample.json index bebcc021cf..233e15c406 100644 --- a/AI-and-Analytics/Features-and-Functionality/IntelPyTorch_TrainingOptimizations_AMX_BF16/sample.json +++ b/AI-and-Analytics/Features-and-Functionality/IntelPyTorch_TrainingOptimizations_AMX_BF16/sample.json @@ -15,11 +15,16 @@ "steps": [ "source /intel/oneapi/intelpython/bin/activate", "conda activate pytorch", - "python -m pip install -r requirements.txt", - "python -m ipykernel install --user --name=pytorch", - "python pytorch_training_avx512_bf16.py", - "python pytorch_training_amx_bf16.py", - "jupyter nbconvert --ExecutePreprocessor.enabled=True --ExecutePreprocessor.kernel_name=pytorch --to notebook IntelPyTorch_TrainingOptimizations_AMX_BF16.ipynb" + "pip install uv", + "uv init", + "uv python pin $(which python)", + "uv venv --system-site-packages", + "uv add -r requirements.txt", + "uv add --dev ipykernel notebook", + "uv run ipython kernel install --user --name pytorch", + "uv run python pytorch_training_avx512_bf16.py", + "uv run python pytorch_training_amx_bf16.py", + "uv run jupyter nbconvert --ExecutePreprocessor.enabled=True --ExecutePreprocessor.kernel_name=pytorch --to notebook IntelPyTorch_TrainingOptimizations_AMX_BF16.ipynb" ] } ] diff --git a/AI-and-Analytics/Features-and-Functionality/IntelPython_GPU_dpnp_Genetic_Algorithm/sample.json b/AI-and-Analytics/Features-and-Functionality/IntelPython_GPU_dpnp_Genetic_Algorithm/sample.json index 4d2dead081..4a937b381a 100644 --- a/AI-and-Analytics/Features-and-Functionality/IntelPython_GPU_dpnp_Genetic_Algorithm/sample.json +++ b/AI-and-Analytics/Features-and-Functionality/IntelPython_GPU_dpnp_Genetic_Algorithm/sample.json @@ -9,18 +9,22 @@ "os":["linux"], "targetDevice": ["GPU"], "ciTests": { - "linux": [ + "linux": [ { - "env": [ + "env": [ "source /intel/oneapi/intelpython/bin/activate", "conda activate base", - "pip install -r requirements.txt" + "pip install uv", + "uv init", + "uv python pin $(which python)", + "uv venv --system-site-packages", + "uv add -r requirements.txt" ], - "id": "idp_ga_dpnp_py", - "steps": [ - "python IntelPython_GPU_dpnp_Genetic_Algorithm.py" - ] - } + "id": "idp_ga_dpnp_py", + "steps": [ + "uv run python IntelPython_GPU_dpnp_Genetic_Algorithm.py" + ] + } ] }, "expertise": "Code Optimization" diff --git a/AI-and-Analytics/Features-and-Functionality/IntelPython_Numpy_Numba_dpnp_kNN/sample.json b/AI-and-Analytics/Features-and-Functionality/IntelPython_Numpy_Numba_dpnp_kNN/sample.json index b663ead410..50440a0586 100644 --- a/AI-and-Analytics/Features-and-Functionality/IntelPython_Numpy_Numba_dpnp_kNN/sample.json +++ b/AI-and-Analytics/Features-and-Functionality/IntelPython_Numpy_Numba_dpnp_kNN/sample.json @@ -14,13 +14,17 @@ "env": [ "source /intel/oneapi/intelpython/bin/activate", "conda activate base", - "pip install numba" + "pip install uv", + "uv init", + "uv python pin $(which python)", + "uv venv --system-site-packages", + "uv add numba" ], - "id": "idp_numpy_numba_dpnp_gs_py", - "steps": [ - "python IntelPython_Numpy_Numba_dpnp_kNN.py" - ] - } + "id": "idp_numpy_numba_dpnp_gs_py", + "steps": [ + "uv run python IntelPython_Numpy_Numba_dpnp_kNN.py" + ] + } ] }, "expertise": "Code Optimization" diff --git a/AI-and-Analytics/Features-and-Functionality/IntelPython_XGBoost_Performance/requirements.txt b/AI-and-Analytics/Features-and-Functionality/IntelPython_XGBoost_Performance/requirements.txt index 2c6143afca..bedc62d022 100644 --- a/AI-and-Analytics/Features-and-Functionality/IntelPython_XGBoost_Performance/requirements.txt +++ b/AI-and-Analytics/Features-and-Functionality/IntelPython_XGBoost_Performance/requirements.txt @@ -1,6 +1,6 @@ ###### Requirements ###### notebook matplot -xgboost==0.81 +xgboost==0.82 scikit-learn pandas diff --git a/AI-and-Analytics/Features-and-Functionality/IntelPython_XGBoost_Performance/sample.json b/AI-and-Analytics/Features-and-Functionality/IntelPython_XGBoost_Performance/sample.json index a037d84ee5..6111ff47bd 100755 --- a/AI-and-Analytics/Features-and-Functionality/IntelPython_XGBoost_Performance/sample.json +++ b/AI-and-Analytics/Features-and-Functionality/IntelPython_XGBoost_Performance/sample.json @@ -9,17 +9,24 @@ "os":["linux"], "targetDevice": ["CPU"], "ciTests": { - "linux": [ + "linux": [ { - "id": "idp_xgb_performance", - "steps": [ - "source /intel/oneapi/intelpython/bin/activate", - "python IntelPython_XGBoost_Performance.py", - "conda remove xgboost --y", - "pip install -r requirements.txt", - "python IntelPython_XGBoost_Performance.py" - ] - } + "env": [ + "source /intel/oneapi/intelpython/bin/activate", + "conda activate base" + ], + "id": "idp_xgb_performance", + "steps": [ + "python IntelPython_XGBoost_Performance.py", + "pip install uv", + "uv init", + "uv python pin $(which python)", + "uv venv --system-site-packages", + "uv add -r requirements.txt", + "uv add numpy==1.26.4", + "uv run python IntelPython_XGBoost_Performance.py" + ] + } ] }, "expertise": "Code Optimization" diff --git a/AI-and-Analytics/Features-and-Functionality/IntelPython_daal4py_DistributedKMeans/sample.json b/AI-and-Analytics/Features-and-Functionality/IntelPython_daal4py_DistributedKMeans/sample.json index 07e667ff25..5588b826b2 100755 --- a/AI-and-Analytics/Features-and-Functionality/IntelPython_daal4py_DistributedKMeans/sample.json +++ b/AI-and-Analytics/Features-and-Functionality/IntelPython_daal4py_DistributedKMeans/sample.json @@ -15,11 +15,16 @@ "env": [ "source /intel/oneapi/intelpython/bin/activate", "conda activate base", - "pip install -r requirements.txt" + "pip install uv", + "uv init", + "uv python pin $(which python)", + "uv venv --system-site-packages", + "uv add -r requirements.txt", + "uv add numpy==1.26.4" ], "id": "idp_d4p_KM_Dist", "steps": [ - "mpirun -n 4 python ./IntelPython_daal4py_Distributed_Kmeans.py" + "uv run mpirun -n 4 python ./IntelPython_daal4py_Distributed_Kmeans.py" ] }] }, diff --git a/AI-and-Analytics/Features-and-Functionality/IntelPython_daal4py_DistributedLinearRegression/sample.json b/AI-and-Analytics/Features-and-Functionality/IntelPython_daal4py_DistributedLinearRegression/sample.json index 62b036815b..56317b8cad 100755 --- a/AI-and-Analytics/Features-and-Functionality/IntelPython_daal4py_DistributedLinearRegression/sample.json +++ b/AI-and-Analytics/Features-and-Functionality/IntelPython_daal4py_DistributedLinearRegression/sample.json @@ -13,13 +13,19 @@ "ciTests": { "linux": [{ "env": [ - "source /intel/oneapi/intelpython/bin/activate", - "pip install -r requirements.txt" + "source /intel/oneapi/intelpython/bin/activate", + "conda activate base", + "pip install uv", + "uv init", + "uv python pin $(which python)", + "uv venv --system-site-packages", + "uv add -r requirements.txt", + "uv add numpy==1.26.4" ], "id": "idp_d4p_Linear_Regression_Dist", "steps": [ - "python download_data.py", - "mpirun -n 4 python ./IntelPython_daal4py_Distributed_LinearRegression.py" + "uv run python download_data.py", + "uv run mpirun -n 4 python ./IntelPython_daal4py_Distributed_LinearRegression.py" ] }] }, diff --git a/AI-and-Analytics/Features-and-Functionality/IntelTensorFlow_AMX_BF16_Inference/sample.json b/AI-and-Analytics/Features-and-Functionality/IntelTensorFlow_AMX_BF16_Inference/sample.json index 5b232dabf0..d9a5b2c9e6 100644 --- a/AI-and-Analytics/Features-and-Functionality/IntelTensorFlow_AMX_BF16_Inference/sample.json +++ b/AI-and-Analytics/Features-and-Functionality/IntelTensorFlow_AMX_BF16_Inference/sample.json @@ -15,11 +15,16 @@ "steps": [ "source /intel/oneapi/intelpython/bin/activate", "conda activate tensorflow", - "pip install -r requirements.txt --no-deps", - "pip install ipykernel jupyter", - "python Intel_TensorFlow_AMX_BF16_Inference.py", - "python -m ipykernel install --user --name=tensorflow", - "jupyter nbconvert --ExecutePreprocessor.enabled=True --ExecutePreprocessor.kernel_name=tensorflow --to notebook IntelTensorFlow_AMX_BF16_Inference.ipynb" + "pip install uv", + "uv init", + "uv python pin $(which python)", + "uv venv --system-site-packages", + "uv add -r requirements.txt", + "uv add numpy==1.26.4", + "uv add ipykernel jupyter notebook", + "uv run python Intel_TensorFlow_AMX_BF16_Inference.py", + "uv run python -m ipykernel install --user --name=tensorflow", + "uv run jupyter nbconvert --ExecutePreprocessor.enabled=True --ExecutePreprocessor.kernel_name=tensorflow2 --to notebook IntelTensorFlow_AMX_BF16_Inference.ipynb" ] } ] diff --git a/AI-and-Analytics/Features-and-Functionality/IntelTensorFlow_AMX_BF16_Training/IntelTensorFlow_AMX_BF16_Training.ipynb b/AI-and-Analytics/Features-and-Functionality/IntelTensorFlow_AMX_BF16_Training/IntelTensorFlow_AMX_BF16_Training.ipynb index 87a30906ee..91bdb7bfcd 100644 --- a/AI-and-Analytics/Features-and-Functionality/IntelTensorFlow_AMX_BF16_Training/IntelTensorFlow_AMX_BF16_Training.ipynb +++ b/AI-and-Analytics/Features-and-Functionality/IntelTensorFlow_AMX_BF16_Training/IntelTensorFlow_AMX_BF16_Training.ipynb @@ -59,7 +59,10 @@ "is_tune_model = True # or False\n", "log_dir = \"logs\"\n", "profiling_needed = False\n", + "execution_mode_param = os.getenv('execution_mode')\n", "execution_mode = \"graph\"\n", + "if execution_mode_param == \"eager\":\n", + " execution_mode = \"eager\"\n", "load_weights_dir = \"weights\"\n", "save_weights_dir = \"weights\"" ] diff --git a/AI-and-Analytics/Features-and-Functionality/IntelTensorFlow_AMX_BF16_Training/sample.json b/AI-and-Analytics/Features-and-Functionality/IntelTensorFlow_AMX_BF16_Training/sample.json index dbcdcb77ad..3d5da3ab74 100644 --- a/AI-and-Analytics/Features-and-Functionality/IntelTensorFlow_AMX_BF16_Training/sample.json +++ b/AI-and-Analytics/Features-and-Functionality/IntelTensorFlow_AMX_BF16_Training/sample.json @@ -14,11 +14,18 @@ "steps": [ "source /intel/oneapi/intelpython/bin/activate", "conda activate tensorflow", - "pip install -r requirements.txt", - "pip install jupyter ipykernel", - "python Intel_TensorFlow_AMX_BF16_Training.py", - "python -m ipykernel install --user --name=tensorflow", - "jupyter nbconvert --ExecutePreprocessor.enabled=True --ExecutePreprocessor.kernel_name=tensorflow --to notebook IntelTensorFlow_AMX_BF16_Training.ipynb" + "pip install uv", + "uv init", + "uv python pin $(which python)", + "uv venv --system-site-packages", + "uv add -r requirements.txt", + "uv add --dev ipykernel notebook", + "uv add numpy==1.26.4", + "uv add keras==2.15.0", + "export execution_mode=eager", + "uv run python Intel_TensorFlow_AMX_BF16_Training.py -m eager", + "uv run ipython kernel install --user --name tensorflow", + "uv run jupyter nbconvert --ExecutePreprocessor.enabled=True --ExecutePreprocessor.kernel_name=tensorflow --to notebook IntelTensorFlow_AMX_BF16_Training.ipynb" ] }] }, diff --git a/AI-and-Analytics/Features-and-Functionality/IntelTensorFlow_Enabling_Auto_Mixed_Precision_for_TransferLearning/sample.json b/AI-and-Analytics/Features-and-Functionality/IntelTensorFlow_Enabling_Auto_Mixed_Precision_for_TransferLearning/sample.json index c1bfce2009..b1f5289fcc 100755 --- a/AI-and-Analytics/Features-and-Functionality/IntelTensorFlow_Enabling_Auto_Mixed_Precision_for_TransferLearning/sample.json +++ b/AI-and-Analytics/Features-and-Functionality/IntelTensorFlow_Enabling_Auto_Mixed_Precision_for_TransferLearning/sample.json @@ -17,10 +17,15 @@ "apt-get update && apt-get install tensorflow-model-server", "source /intel/oneapi/intelpython/bin/activate", "conda activate tensorflow", - "pip install -r requirements.txt --no-deps", - "pip install tensorflow==2.15.0.post1", - "pip install jupyter ipykernel", - "python -m ipykernel install --user --name=tensorflow" + "pip install uv", + "uv init", + "uv python pin $(which python)", + "uv venv --system-site-packages", + "uv add -r requirements.txt", + "uv add numpy==1.26.4", + "uv add --dev ipykernel", + "uv run ipython kernel install --user --name tensorflow", + "pip install notebook" ], "id": "tensorflow_AMP_transfer_learning", "steps": [ diff --git a/AI-and-Analytics/Features-and-Functionality/IntelTensorFlow_TextGeneration_with_LSTM/sample.json b/AI-and-Analytics/Features-and-Functionality/IntelTensorFlow_TextGeneration_with_LSTM/sample.json index d4f4ccbb9c..35c7b9670f 100644 --- a/AI-and-Analytics/Features-and-Functionality/IntelTensorFlow_TextGeneration_with_LSTM/sample.json +++ b/AI-and-Analytics/Features-and-Functionality/IntelTensorFlow_TextGeneration_with_LSTM/sample.json @@ -14,16 +14,19 @@ { "env": [ "source /intel/oneapi/intelpython/bin/activate", - "conda env remove -n user_tensorflow-gpu", - "conda create --name user_tensorflow-gpu --clone tensorflow-gpu", - "conda activate user_tensorflow-gpu", - "pip install -r requirements.txt", - "python -m ipykernel install --user --name=user_tensorflow-gpu" + "conda activate tensorflow-gpu", + "pip install uv notebook", + "uv init", + "uv python pin $(which python)", + "uv venv --system-site-packages", + "uv add -r requirements.txt", + "uv add --dev ipykernel", + "uv run ipython kernel install --user --name=tensorflow-gpu" ], "id": "inc_text_generation_lstm_py", "steps": [ "export ITEX_ENABLE_NEXTPLUGGABLE_DEVICE=0", - "ITEX_NUM_EPOCHS=5 KERAS_NUM_EPOCHS=5 python TextGenerationModelTraining.py" + "ITEX_NUM_EPOCHS=5 KERAS_NUM_EPOCHS=5 uv run TextGenerationModelTraining.py" ] } ] diff --git a/AI-and-Analytics/Features-and-Functionality/IntelTensorFlow_for_LLMs/sample.json b/AI-and-Analytics/Features-and-Functionality/IntelTensorFlow_for_LLMs/sample.json index 79c3902467..2d48f49ad1 100644 --- a/AI-and-Analytics/Features-and-Functionality/IntelTensorFlow_for_LLMs/sample.json +++ b/AI-and-Analytics/Features-and-Functionality/IntelTensorFlow_for_LLMs/sample.json @@ -10,14 +10,23 @@ "cpuInstructionSets": ["AVX512", "AMX"], "ciTests": { "linux": [{ + "env": [ + "source /intel/oneapi/intelpython/bin/activate", + "conda activate tensorflow", + "pip install uv", + "uv init", + "uv python pin $(which python)", + "uv venv --system-site-packages", + "uv add -r requirements.txt", + "uv add py-cpuinfo nbformat nbconvert", + "uv add --dev ipykernel", + "uv run ipython kernel install --user --name tensorflow", + "uv add notebook nbconvert" + ], "id": "intel llm bf16 infrence and fine-tuning", "steps": [ - "source activate tensorflow", - "pip install -r requirements.txt", - "python -m pip install py-cpuinfo", - "python GPTJ_finetuning.py", - "/opt/intel/oneapi/intelpython/latest/envs/tensorflow/bin/python -m ipykernel install --user --name=tensorflow", - "python ci_test.py" + "uv run python GPTJ_finetuning.py", + "uv run python ci_test.py" ] }] }, diff --git a/AI-and-Analytics/Features-and-Functionality/IntelTransformers_Quantization/requirements.txt b/AI-and-Analytics/Features-and-Functionality/IntelTransformers_Quantization/requirements.txt index 48ebf59cc7..f43512d67c 100644 --- a/AI-and-Analytics/Features-and-Functionality/IntelTransformers_Quantization/requirements.txt +++ b/AI-and-Analytics/Features-and-Functionality/IntelTransformers_Quantization/requirements.txt @@ -1,7 +1,7 @@ -accelerate==0.29.3 -datasets==2.09.0 -intel-extension-for-transformers==1.4.1 -neural-speed==1.0 -peft==0.10.0 +accelerate +datasets +intel-extension-for-transformers +neural-speed +peft sentencepiece -transformers==4.38.0 +transformers diff --git a/AI-and-Analytics/Features-and-Functionality/IntelTransformers_Quantization/sample.json b/AI-and-Analytics/Features-and-Functionality/IntelTransformers_Quantization/sample.json index d346cece25..8b9462f864 100644 --- a/AI-and-Analytics/Features-and-Functionality/IntelTransformers_Quantization/sample.json +++ b/AI-and-Analytics/Features-and-Functionality/IntelTransformers_Quantization/sample.json @@ -14,11 +14,17 @@ "env": [ "source /intel/oneapi/intelpython/bin/activate", "conda activate pytorch", - "pip install -r requirements.txt" + "pip install uv", + "uv init", + "uv python pin $(which python)", + "uv venv --system-site-packages", + "uv add -r requirements.txt", + "uv add neural-compressor==2.6", + "uv add torch==2.5.0 torchvision==0.20.0" ], "id": "itrex_quantize_transformer_models", "steps": [ - "python quantize_transformer_models_with_itrex.py --model_name \"Intel/neural-chat-7b-v3-1\" --quantize \"int4\" --max_new_tokens 50" + "uv run python quantize_transformer_models_with_itrex.py --model_name Intel/neural-chat-7b-v3-1 --quantize int4 --max_new_tokens 50" ] }] }, diff --git a/AI-and-Analytics/Features-and-Functionality/Intel_Extension_For_SKLearn_Performance_SVC_Adult/sample.json b/AI-and-Analytics/Features-and-Functionality/Intel_Extension_For_SKLearn_Performance_SVC_Adult/sample.json index d0666b742b..eb572c6644 100755 --- a/AI-and-Analytics/Features-and-Functionality/Intel_Extension_For_SKLearn_Performance_SVC_Adult/sample.json +++ b/AI-and-Analytics/Features-and-Functionality/Intel_Extension_For_SKLearn_Performance_SVC_Adult/sample.json @@ -13,11 +13,16 @@ "env": [ "source /intel/oneapi/intelpython/bin/activate", "conda activate base", - "pip install -r requirements.txt" + "pip install uv", + "uv init", + "uv python pin $(which python)", + "uv venv --system-site-packages", + "uv add -r requirements.txt", + "uv add numpy==1.26.4" ], "id": "skelarnex_svc", "steps": [ - "python Intel_Extension_for_SKLearn_Performance_SVC_Adult.py" + "uv run python Intel_Extension_for_SKLearn_Performance_SVC_Adult.py" ] } ] diff --git a/AI-and-Analytics/Getting-Started-Samples/INC-Quantization-Sample-for-PyTorch/sample.json b/AI-and-Analytics/Getting-Started-Samples/INC-Quantization-Sample-for-PyTorch/sample.json index 9f5d9b9ed5..72a04122a4 100644 --- a/AI-and-Analytics/Getting-Started-Samples/INC-Quantization-Sample-for-PyTorch/sample.json +++ b/AI-and-Analytics/Getting-Started-Samples/INC-Quantization-Sample-for-PyTorch/sample.json @@ -13,13 +13,17 @@ "env": ["apt-get update && apt-get install -y libgl1 libgl1-mesa-glx libglib2.0-0 libsm6 libxrender1 libxext6", "source /intel/oneapi/intelpython/bin/activate", "conda activate pytorch", - "pip install -r requirements.txt", - "pip install ipykernel jupyter", - "python -m ipykernel install --user --name=pytorch" + "pip install uv", + "uv init", + "uv add --dev ipykernel notebook", + "uv python pin $(which python)", + "uv venv --system-site-packages", + "uv add -r requirements.txt", + "uv run ipython kernel install --user --name pytorch" ], "id": "quantize with inc", "steps": [ - "jupyter nbconvert --ExecutePreprocessor.enabled=True --ExecutePreprocessor.kernel_name=pytorch --to notebook quantize_with_inc.ipynb" + "uv run jupyter nbconvert --ExecutePreprocessor.enabled=True --ExecutePreprocessor.kernel_name=pytorch --to notebook quantize_with_inc.ipynb" ] } ] diff --git a/AI-and-Analytics/Getting-Started-Samples/INC-Sample-for-Tensorflow/sample.json b/AI-and-Analytics/Getting-Started-Samples/INC-Sample-for-Tensorflow/sample.json index ccbab7fde7..f3dae96582 100644 --- a/AI-and-Analytics/Getting-Started-Samples/INC-Sample-for-Tensorflow/sample.json +++ b/AI-and-Analytics/Getting-Started-Samples/INC-Sample-for-Tensorflow/sample.json @@ -13,11 +13,17 @@ { "env": ["source /intel/oneapi/intelpython/bin/activate", "conda activate tensorflow", - "conda install -n tensorflow -c conda-forge python-flatbuffers -y", - "conda install -n tensorflow -c https://software.repos.intel.com/python/conda/ -c conda-forge neural-compressor -y", - "conda install -n tensorflow -y", - "pip install jupyter ipykernel", - "python -m ipykernel install --user --name=tensorflow" + "pip install uv", + "uv init", + "uv python pin $(which python)", + "uv venv --system-site-packages", + "uv add -r requirements.txt", + "uv add flatbuffers", + "uv add neural-compressor", + "pip install notebook", + "uv add --dev ipykernel", + "uv run ipython kernel install --user --name tensorflow" + ], "id": "neural-compressor tensorflow", "steps": [ diff --git a/AI-and-Analytics/Getting-Started-Samples/IntelPython_XGBoost_GettingStarted/sample.json b/AI-and-Analytics/Getting-Started-Samples/IntelPython_XGBoost_GettingStarted/sample.json index bf73661fec..cb5a99d5d9 100755 --- a/AI-and-Analytics/Getting-Started-Samples/IntelPython_XGBoost_GettingStarted/sample.json +++ b/AI-and-Analytics/Getting-Started-Samples/IntelPython_XGBoost_GettingStarted/sample.json @@ -15,11 +15,15 @@ "env": [ "source /intel/oneapi/intelpython/bin/activate", "conda activate base", - "pip install -r requirements.txt" + "pip install uv", + "uv init", + "uv python pin $(which python)", + "uv venv --system-site-packages", + "uv add -r requirements.txt" ], "id": "IDP_XGBoost_GS_py", "steps": [ - "python IntelPython_XGBoost_GettingStarted.py" + "uv run python IntelPython_XGBoost_GettingStarted.py" ] }] }, diff --git a/AI-and-Analytics/Getting-Started-Samples/IntelPython_daal4py_GettingStarted/sample.json b/AI-and-Analytics/Getting-Started-Samples/IntelPython_daal4py_GettingStarted/sample.json index c9c5c118b2..c5dd80ecc0 100755 --- a/AI-and-Analytics/Getting-Started-Samples/IntelPython_daal4py_GettingStarted/sample.json +++ b/AI-and-Analytics/Getting-Started-Samples/IntelPython_daal4py_GettingStarted/sample.json @@ -15,11 +15,16 @@ "env": [ "source /intel/oneapi/intelpython/bin/activate", "conda activate base", - "pip install -r requirements.txt" + "pip install uv", + "uv init", + "uv python pin $(which python)", + "uv venv --system-site-packages", + "uv add -r requirements.txt", + "uv add numpy==1.26.4" ], "id": "idp_d4p_GS_py", "steps": [ - "python IntelPython_daal4py_GettingStarted.py" + "uv run python IntelPython_daal4py_GettingStarted.py" ] }] }, diff --git a/AI-and-Analytics/Getting-Started-Samples/Intel_Extension_For_SKLearn_GettingStarted/sample.json b/AI-and-Analytics/Getting-Started-Samples/Intel_Extension_For_SKLearn_GettingStarted/sample.json index 964b555293..d01e8d1ffa 100644 --- a/AI-and-Analytics/Getting-Started-Samples/Intel_Extension_For_SKLearn_GettingStarted/sample.json +++ b/AI-and-Analytics/Getting-Started-Samples/Intel_Extension_For_SKLearn_GettingStarted/sample.json @@ -15,11 +15,16 @@ "env": [ "source /intel/oneapi/intelpython/bin/activate", "conda activate base", - "pip install -r requirements.txt" + "pip install uv", + "uv init", + "uv python pin $(which python)", + "uv venv --system-site-packages", + "uv add -r requirements.txt", + "uv add numpy==1.26.4" ], "id": "idp_sklex_gs_py", "steps": [ - "python Intel_Extension_For_SKLearn_GettingStarted.py" + "uv run python Intel_Extension_For_SKLearn_GettingStarted.py" ] }] }, diff --git a/AI-and-Analytics/Getting-Started-Samples/Intel_Extension_For_TensorFlow_GettingStarted/sample.json b/AI-and-Analytics/Getting-Started-Samples/Intel_Extension_For_TensorFlow_GettingStarted/sample.json index 55522107c0..0b3154aad5 100755 --- a/AI-and-Analytics/Getting-Started-Samples/Intel_Extension_For_TensorFlow_GettingStarted/sample.json +++ b/AI-and-Analytics/Getting-Started-Samples/Intel_Extension_For_TensorFlow_GettingStarted/sample.json @@ -14,23 +14,36 @@ "linux": [{ "env": [ "source /intel/oneapi/intelpython/bin/activate", + "conda activate base", + "pip install uv notebook", + "uv init", + "uv python pin $(which python)", + "uv venv --system-site-packages", + "uv add -r requirements.txt", + "uv add numpy==1.26.4", + "uv run ipython kernel install --user --name=tensorflow", + "uv run ipython kernel install --user --name=tensorflow-gpu", + "conda activate tensorflow", - "pip install -r requirements.txt --no-deps", - "pip install tensorflow==2.15.0.post1", - "pip install jupyter ipykernel", - "python -m ipykernel install --user --name=tensorflow", + "pip install uv notebook", "conda deactivate", "conda activate tensorflow-gpu", - "pip install -r requirements.txt --no-deps", - "pip install tensorflow==2.15.0.post1", - "pip install jupyter ipykernel", - "python -m ipykernel install --user --name=tensorflow-gpu", + "pip install uv notebook", "conda deactivate" ], "id": "itex_sample_test", "steps": [ "conda activate tensorflow", - "jupyter nbconvert --to notebook --execute ResNet50_Inference.ipynb" + "uv python pin $(which python)", + "uv venv --system-site-packages", + "jupyter nbconvert --ExecutePreprocessor.enabled=True --ExecutePreprocessor.kernel_name=tensorflow --to notebook --execute ResNet50_Inference.ipynb --output ResNet50_Inference.nbcovert.cpu.ipynb", + "conda deactivate", + + "conda activate tensorflow-gpu", + "uv python pin $(which python)", + "uv venv --system-site-packages", + "jupyter nbconvert --ExecutePreprocessor.enabled=True --ExecutePreprocessor.kernel_name=tensorflow-gpu --to notebook --execute ResNet50_Inference.ipynb --output ResNet50_Inference.nbcovert.gpu.ipynb", + "conda deactivate" ] }] }, diff --git a/AI-and-Analytics/Getting-Started-Samples/Modin_GettingStarted/sample.json b/AI-and-Analytics/Getting-Started-Samples/Modin_GettingStarted/sample.json index 5acc558d80..042d81a2f4 100644 --- a/AI-and-Analytics/Getting-Started-Samples/Modin_GettingStarted/sample.json +++ b/AI-and-Analytics/Getting-Started-Samples/Modin_GettingStarted/sample.json @@ -10,12 +10,20 @@ "ciTests": { "linux": [ { - "env": [], + "env": [ + "source /intel/oneapi/intelpython/bin/activate", + "conda activate modin", + "pip install uv", + "uv init", + "uv python pin $(which python)", + "uv venv --system-site-packages", + "uv add -r requirements.txt", + "pip install notebook", + "uv add --dev ipykernel", + "uv run ipython kernel install --user --name modin_getting_started" + ], "id": "Intel_Modin_GS_py", "steps": [ - "source /intel/oneapi/intelpython/bin/activate", - "pip install -r requirements.txt", - "pip install jupyter ipykernel", "jupyter nbconvert --ExecutePreprocessor.enabled=True --to notebook Modin_GettingStarted.ipynb" ] } diff --git a/AI-and-Analytics/Getting-Started-Samples/Modin_Vs_Pandas/sample.json b/AI-and-Analytics/Getting-Started-Samples/Modin_Vs_Pandas/sample.json index 2f6e6bd812..f4638ee1e6 100644 --- a/AI-and-Analytics/Getting-Started-Samples/Modin_Vs_Pandas/sample.json +++ b/AI-and-Analytics/Getting-Started-Samples/Modin_Vs_Pandas/sample.json @@ -14,9 +14,16 @@ "id": "modin_pandas_performance", "steps": [ "source /intel/oneapi/intelpython/bin/activate", - "pip install numpy pandas modin[all]", - "pip install jupyter ipykernel", - "jupyter nbconvert --ExecutePreprocessor.enabled=True --to notebook Modin_Vs_Pandas.ipynb" + "conda activate base", + "pip install uv", + "uv init", + "uv python pin $(which python)", + "uv venv --system-site-packages", + "uv add numpy pandas modin[all]", + "uv add --dev ipykernel", + "uv run ipython kernel install --user --name modin_vs_pandas", + "uv add notebook", + "uv run jupyter nbconvert --ExecutePreprocessor.enabled=True --to notebook Modin_Vs_Pandas.ipynb" ] }] }, From 283801d53403bfa086156269ed508c6bf473739e Mon Sep 17 00:00:00 2001 From: bopeng Date: Fri, 7 Mar 2025 05:36:41 +0000 Subject: [PATCH 2/7] refactor uv, use Getting-Started-Samples/IntelPython_XGBoost_GettingStarted as test --- .../IntelPython_XGBoost_GettingStarted/pyproject.toml | 10 ++++++++++ .../IntelPython_XGBoost_GettingStarted/sample.json | 5 +---- 2 files changed, 11 insertions(+), 4 deletions(-) create mode 100644 AI-and-Analytics/Getting-Started-Samples/IntelPython_XGBoost_GettingStarted/pyproject.toml diff --git a/AI-and-Analytics/Getting-Started-Samples/IntelPython_XGBoost_GettingStarted/pyproject.toml b/AI-and-Analytics/Getting-Started-Samples/IntelPython_XGBoost_GettingStarted/pyproject.toml new file mode 100644 index 0000000000..2457c402b0 --- /dev/null +++ b/AI-and-Analytics/Getting-Started-Samples/IntelPython_XGBoost_GettingStarted/pyproject.toml @@ -0,0 +1,10 @@ +[project] +name = "intelpython-xgboost-gettingstarted" +version = "0.1.0" +description = "Add your description here" +readme = "README.md" +requires-python = ">=3.11" +dependencies = [ + "notebook>=7.3.2", + "pandas>=2.2.3", +] diff --git a/AI-and-Analytics/Getting-Started-Samples/IntelPython_XGBoost_GettingStarted/sample.json b/AI-and-Analytics/Getting-Started-Samples/IntelPython_XGBoost_GettingStarted/sample.json index cb5a99d5d9..db7dd98a52 100755 --- a/AI-and-Analytics/Getting-Started-Samples/IntelPython_XGBoost_GettingStarted/sample.json +++ b/AI-and-Analytics/Getting-Started-Samples/IntelPython_XGBoost_GettingStarted/sample.json @@ -16,10 +16,7 @@ "source /intel/oneapi/intelpython/bin/activate", "conda activate base", "pip install uv", - "uv init", - "uv python pin $(which python)", - "uv venv --system-site-packages", - "uv add -r requirements.txt" + "uv sync" ], "id": "IDP_XGBoost_GS_py", "steps": [ From 8cc42c2242bc61134d6fa2a8a3cd8ff24f9ac955 Mon Sep 17 00:00:00 2001 From: bopeng Date: Fri, 7 Mar 2025 06:03:12 +0000 Subject: [PATCH 3/7] Getting-Started-Samples/IntelPython_XGBoost_GettingStarted ready --- .../IntelPython_XGBoost_GettingStarted/sample.json | 2 ++ 1 file changed, 2 insertions(+) diff --git a/AI-and-Analytics/Getting-Started-Samples/IntelPython_XGBoost_GettingStarted/sample.json b/AI-and-Analytics/Getting-Started-Samples/IntelPython_XGBoost_GettingStarted/sample.json index db7dd98a52..50a39611bc 100755 --- a/AI-and-Analytics/Getting-Started-Samples/IntelPython_XGBoost_GettingStarted/sample.json +++ b/AI-and-Analytics/Getting-Started-Samples/IntelPython_XGBoost_GettingStarted/sample.json @@ -16,6 +16,8 @@ "source /intel/oneapi/intelpython/bin/activate", "conda activate base", "pip install uv", + "uv python pin $(which python)", + "uv venv --system-site-packages", "uv sync" ], "id": "IDP_XGBoost_GS_py", From 8ffc083145e9ac4c24a882ec3b3638288359b61c Mon Sep 17 00:00:00 2001 From: bopeng Date: Fri, 7 Mar 2025 08:05:58 +0000 Subject: [PATCH 4/7] uv refactor add pyproject.toml Getting-Started-Samples/INC-Quantization-Sample-for-PyTorch Getting-Started-Samples/INC-Sample-for-Tensorflow Getting-Started-Samples/IntelPython_daal4py_GettingStarted Getting-Started-Samples/Intel_Extension_For_SKLearn_GettingStarted Getting-Started-Samples/Intel_Extension_For_TensorFlow_GettingStarted Getting-Started-Samples/Modin_GettingStarted Getting-Started-Samples/Modin_Vs_Pandas --- .../pyproject.toml | 13 +++++ .../sample.json | 7 +-- .../INC-Sample-for-Tensorflow/pyproject.toml | 15 +++++ .../INC-Sample-for-Tensorflow/sample.json | 22 +++----- .../pyproject.toml | 12 ++++ .../sample.json | 4 +- .../pyproject.toml | 11 ++++ .../sample.json | 4 +- .../pyproject.toml | 14 +++++ .../sample.json | 30 ++-------- .../Modin_GettingStarted/pyproject.toml | 12 ++++ .../Modin_GettingStarted/sample.json | 19 +++---- .../Modin_Vs_Pandas/pyproject.toml | 13 +++++ .../Modin_Vs_Pandas/sample.json | 55 +++++++++---------- 14 files changed, 143 insertions(+), 88 deletions(-) create mode 100644 AI-and-Analytics/Getting-Started-Samples/INC-Quantization-Sample-for-PyTorch/pyproject.toml create mode 100644 AI-and-Analytics/Getting-Started-Samples/INC-Sample-for-Tensorflow/pyproject.toml create mode 100644 AI-and-Analytics/Getting-Started-Samples/IntelPython_daal4py_GettingStarted/pyproject.toml create mode 100644 AI-and-Analytics/Getting-Started-Samples/Intel_Extension_For_SKLearn_GettingStarted/pyproject.toml create mode 100644 AI-and-Analytics/Getting-Started-Samples/Intel_Extension_For_TensorFlow_GettingStarted/pyproject.toml create mode 100644 AI-and-Analytics/Getting-Started-Samples/Modin_GettingStarted/pyproject.toml create mode 100644 AI-and-Analytics/Getting-Started-Samples/Modin_Vs_Pandas/pyproject.toml diff --git a/AI-and-Analytics/Getting-Started-Samples/INC-Quantization-Sample-for-PyTorch/pyproject.toml b/AI-and-Analytics/Getting-Started-Samples/INC-Quantization-Sample-for-PyTorch/pyproject.toml new file mode 100644 index 0000000000..0d9dd98523 --- /dev/null +++ b/AI-and-Analytics/Getting-Started-Samples/INC-Quantization-Sample-for-PyTorch/pyproject.toml @@ -0,0 +1,13 @@ +[project] +name = "inc-quantization-sample-for-pytorch" +version = "0.1.0" +description = "Add your description here" +readme = "README.md" +requires-python = ">=3.11" +dependencies = [ + "datasets>=2.4.0", + "ipykernel>=6.29.5", + "neural-compressor==2.1", + "notebook>=7.3.2", + "transformers>=4.27.4", +] diff --git a/AI-and-Analytics/Getting-Started-Samples/INC-Quantization-Sample-for-PyTorch/sample.json b/AI-and-Analytics/Getting-Started-Samples/INC-Quantization-Sample-for-PyTorch/sample.json index 72a04122a4..0330a4473c 100644 --- a/AI-and-Analytics/Getting-Started-Samples/INC-Quantization-Sample-for-PyTorch/sample.json +++ b/AI-and-Analytics/Getting-Started-Samples/INC-Quantization-Sample-for-PyTorch/sample.json @@ -10,15 +10,14 @@ "ciTests": { "linux": [ { - "env": ["apt-get update && apt-get install -y libgl1 libgl1-mesa-glx libglib2.0-0 libsm6 libxrender1 libxext6", + "env": [ + "apt-get update && apt-get install -y libgl1 libgl1-mesa-glx libglib2.0-0 libsm6 libxrender1 libxext6", "source /intel/oneapi/intelpython/bin/activate", "conda activate pytorch", "pip install uv", - "uv init", - "uv add --dev ipykernel notebook", "uv python pin $(which python)", "uv venv --system-site-packages", - "uv add -r requirements.txt", + "uv sync", "uv run ipython kernel install --user --name pytorch" ], "id": "quantize with inc", diff --git a/AI-and-Analytics/Getting-Started-Samples/INC-Sample-for-Tensorflow/pyproject.toml b/AI-and-Analytics/Getting-Started-Samples/INC-Sample-for-Tensorflow/pyproject.toml new file mode 100644 index 0000000000..4df22045ac --- /dev/null +++ b/AI-and-Analytics/Getting-Started-Samples/INC-Sample-for-Tensorflow/pyproject.toml @@ -0,0 +1,15 @@ +[project] +name = "inc-sample-for-tensorflow" +version = "0.1.0" +description = "Add your description here" +readme = "README.md" +requires-python = ">=3.11" +dependencies = [ + "flatbuffers>=25.2.10", + "ipykernel>=6.29.5", + "jupyter>=1.1.1", + "matplotlib>=3.10.1", + "neural-compressor>=3.3", + "notebook>=7.3.2", + "runipy>=0.1.5", +] diff --git a/AI-and-Analytics/Getting-Started-Samples/INC-Sample-for-Tensorflow/sample.json b/AI-and-Analytics/Getting-Started-Samples/INC-Sample-for-Tensorflow/sample.json index f3dae96582..2fc297b1f9 100644 --- a/AI-and-Analytics/Getting-Started-Samples/INC-Sample-for-Tensorflow/sample.json +++ b/AI-and-Analytics/Getting-Started-Samples/INC-Sample-for-Tensorflow/sample.json @@ -11,23 +11,19 @@ "ciTests": { "linux": [ { - "env": ["source /intel/oneapi/intelpython/bin/activate", - "conda activate tensorflow", - "pip install uv", - "uv init", - "uv python pin $(which python)", - "uv venv --system-site-packages", - "uv add -r requirements.txt", - "uv add flatbuffers", - "uv add neural-compressor", - "pip install notebook", - "uv add --dev ipykernel", - "uv run ipython kernel install --user --name tensorflow" + "env": [ + "source /intel/oneapi/intelpython/bin/activate", + "conda activate tensorflow", + "pip install uv", + "uv python pin $(which python)", + "uv venv --system-site-packages", + "uv sync", + "uv run ipython kernel install --user --name tensorflow" ], "id": "neural-compressor tensorflow", "steps": [ - "jupyter nbconvert --ExecutePreprocessor.enabled=True --ExecutePreprocessor.kernel_name=tensorflow --to notebook inc_sample_tensorflow.ipynb" + "uv run jupyter nbconvert --ExecutePreprocessor.enabled=True --to notebook inc_sample_tensorflow.ipynb" ] } ] diff --git a/AI-and-Analytics/Getting-Started-Samples/IntelPython_daal4py_GettingStarted/pyproject.toml b/AI-and-Analytics/Getting-Started-Samples/IntelPython_daal4py_GettingStarted/pyproject.toml new file mode 100644 index 0000000000..660e506b37 --- /dev/null +++ b/AI-and-Analytics/Getting-Started-Samples/IntelPython_daal4py_GettingStarted/pyproject.toml @@ -0,0 +1,12 @@ +[project] +name = "intelpython-daal4py-gettingstarted" +version = "0.1.0" +description = "Add your description here" +readme = "README.md" +requires-python = ">=3.11" +dependencies = [ + "joblib>=1.4.2", + "notebook>=7.3.2", + "numpy==1.26.4", + "pandas>=2.2.3", +] diff --git a/AI-and-Analytics/Getting-Started-Samples/IntelPython_daal4py_GettingStarted/sample.json b/AI-and-Analytics/Getting-Started-Samples/IntelPython_daal4py_GettingStarted/sample.json index c5dd80ecc0..26aca8f2f0 100755 --- a/AI-and-Analytics/Getting-Started-Samples/IntelPython_daal4py_GettingStarted/sample.json +++ b/AI-and-Analytics/Getting-Started-Samples/IntelPython_daal4py_GettingStarted/sample.json @@ -16,11 +16,9 @@ "source /intel/oneapi/intelpython/bin/activate", "conda activate base", "pip install uv", - "uv init", "uv python pin $(which python)", "uv venv --system-site-packages", - "uv add -r requirements.txt", - "uv add numpy==1.26.4" + "uv sync" ], "id": "idp_d4p_GS_py", "steps": [ diff --git a/AI-and-Analytics/Getting-Started-Samples/Intel_Extension_For_SKLearn_GettingStarted/pyproject.toml b/AI-and-Analytics/Getting-Started-Samples/Intel_Extension_For_SKLearn_GettingStarted/pyproject.toml new file mode 100644 index 0000000000..b613e4c4b0 --- /dev/null +++ b/AI-and-Analytics/Getting-Started-Samples/Intel_Extension_For_SKLearn_GettingStarted/pyproject.toml @@ -0,0 +1,11 @@ +[project] +name = "intel-extension-for-sklearn-gettingstarted" +version = "0.1.0" +description = "Add your description here" +readme = "README.md" +requires-python = ">=3.11" +dependencies = [ + "joblib>=1.4.2", + "matplotlib>=3.10.1", + "numpy==1.26.4", +] diff --git a/AI-and-Analytics/Getting-Started-Samples/Intel_Extension_For_SKLearn_GettingStarted/sample.json b/AI-and-Analytics/Getting-Started-Samples/Intel_Extension_For_SKLearn_GettingStarted/sample.json index d01e8d1ffa..432b9460d5 100644 --- a/AI-and-Analytics/Getting-Started-Samples/Intel_Extension_For_SKLearn_GettingStarted/sample.json +++ b/AI-and-Analytics/Getting-Started-Samples/Intel_Extension_For_SKLearn_GettingStarted/sample.json @@ -16,11 +16,9 @@ "source /intel/oneapi/intelpython/bin/activate", "conda activate base", "pip install uv", - "uv init", "uv python pin $(which python)", "uv venv --system-site-packages", - "uv add -r requirements.txt", - "uv add numpy==1.26.4" + "uv sync" ], "id": "idp_sklex_gs_py", "steps": [ diff --git a/AI-and-Analytics/Getting-Started-Samples/Intel_Extension_For_TensorFlow_GettingStarted/pyproject.toml b/AI-and-Analytics/Getting-Started-Samples/Intel_Extension_For_TensorFlow_GettingStarted/pyproject.toml new file mode 100644 index 0000000000..ff77b9240f --- /dev/null +++ b/AI-and-Analytics/Getting-Started-Samples/Intel_Extension_For_TensorFlow_GettingStarted/pyproject.toml @@ -0,0 +1,14 @@ +[project] +name = "intel-extension-for-tensorflow-gettingstarted" +version = "0.1.0" +description = "Add your description here" +readme = "README.md" +requires-python = ">=3.11" +dependencies = [ + "ipykernel>=6.29.5", + "matplotlib>=3.10.1", + "notebook>=7.3.2", + "numpy==1.26.4", + "tensorflow-hub>=0.16.1", + "uv>=0.6.5", +] diff --git a/AI-and-Analytics/Getting-Started-Samples/Intel_Extension_For_TensorFlow_GettingStarted/sample.json b/AI-and-Analytics/Getting-Started-Samples/Intel_Extension_For_TensorFlow_GettingStarted/sample.json index 0b3154aad5..ebf31e171c 100755 --- a/AI-and-Analytics/Getting-Started-Samples/Intel_Extension_For_TensorFlow_GettingStarted/sample.json +++ b/AI-and-Analytics/Getting-Started-Samples/Intel_Extension_For_TensorFlow_GettingStarted/sample.json @@ -14,36 +14,16 @@ "linux": [{ "env": [ "source /intel/oneapi/intelpython/bin/activate", - "conda activate base", - "pip install uv notebook", - "uv init", + "conda activate tensorflow-gpu", + "pip install uv", "uv python pin $(which python)", "uv venv --system-site-packages", - "uv add -r requirements.txt", - "uv add numpy==1.26.4", - "uv run ipython kernel install --user --name=tensorflow", - "uv run ipython kernel install --user --name=tensorflow-gpu", - - "conda activate tensorflow", - "pip install uv notebook", - "conda deactivate", - "conda activate tensorflow-gpu", - "pip install uv notebook", - "conda deactivate" + "uv sync", + "uv run ipython kernel install --user --name=tensorflow-gpu" ], "id": "itex_sample_test", "steps": [ - "conda activate tensorflow", - "uv python pin $(which python)", - "uv venv --system-site-packages", - "jupyter nbconvert --ExecutePreprocessor.enabled=True --ExecutePreprocessor.kernel_name=tensorflow --to notebook --execute ResNet50_Inference.ipynb --output ResNet50_Inference.nbcovert.cpu.ipynb", - "conda deactivate", - - "conda activate tensorflow-gpu", - "uv python pin $(which python)", - "uv venv --system-site-packages", - "jupyter nbconvert --ExecutePreprocessor.enabled=True --ExecutePreprocessor.kernel_name=tensorflow-gpu --to notebook --execute ResNet50_Inference.ipynb --output ResNet50_Inference.nbcovert.gpu.ipynb", - "conda deactivate" + "uv run jupyter nbconvert --ExecutePreprocessor.enabled=True --to notebook --execute ResNet50_Inference.ipynb --output ResNet50_Inference.nbcovert.gpu.ipynb" ] }] }, diff --git a/AI-and-Analytics/Getting-Started-Samples/Modin_GettingStarted/pyproject.toml b/AI-and-Analytics/Getting-Started-Samples/Modin_GettingStarted/pyproject.toml new file mode 100644 index 0000000000..7f0e0080c7 --- /dev/null +++ b/AI-and-Analytics/Getting-Started-Samples/Modin_GettingStarted/pyproject.toml @@ -0,0 +1,12 @@ +[project] +name = "modin-gettingstarted" +version = "0.1.0" +description = "Add your description here" +readme = "README.md" +requires-python = ">=3.11" +dependencies = [ + "ipykernel>=6.29.5", + "matplotlib>=3.10.1", + "modin[all]>=0.32.0", + "notebook>=7.3.2", +] diff --git a/AI-and-Analytics/Getting-Started-Samples/Modin_GettingStarted/sample.json b/AI-and-Analytics/Getting-Started-Samples/Modin_GettingStarted/sample.json index 042d81a2f4..6c74b21f90 100644 --- a/AI-and-Analytics/Getting-Started-Samples/Modin_GettingStarted/sample.json +++ b/AI-and-Analytics/Getting-Started-Samples/Modin_GettingStarted/sample.json @@ -8,25 +8,22 @@ "os":["linux"], "targetDevice": ["CPU"], "ciTests": { - "linux": [ + "linux": [ { - "env": [ + "env": [ "source /intel/oneapi/intelpython/bin/activate", "conda activate modin", "pip install uv", - "uv init", "uv python pin $(which python)", "uv venv --system-site-packages", - "uv add -r requirements.txt", - "pip install notebook", - "uv add --dev ipykernel", + "uv sync", "uv run ipython kernel install --user --name modin_getting_started" ], - "id": "Intel_Modin_GS_py", - "steps": [ - "jupyter nbconvert --ExecutePreprocessor.enabled=True --to notebook Modin_GettingStarted.ipynb" - ] - } + "id": "Intel_Modin_GS_py", + "steps": [ + "uv run jupyter nbconvert --ExecutePreprocessor.enabled=True --to notebook Modin_GettingStarted.ipynb" + ] + } ] }, "expertise": "Getting Started" diff --git a/AI-and-Analytics/Getting-Started-Samples/Modin_Vs_Pandas/pyproject.toml b/AI-and-Analytics/Getting-Started-Samples/Modin_Vs_Pandas/pyproject.toml new file mode 100644 index 0000000000..dd0a5b5d3d --- /dev/null +++ b/AI-and-Analytics/Getting-Started-Samples/Modin_Vs_Pandas/pyproject.toml @@ -0,0 +1,13 @@ +[project] +name = "modin-vs-pandas" +version = "0.1.0" +description = "Add your description here" +readme = "README.md" +requires-python = ">=3.11" +dependencies = [ + "ipykernel>=6.29.5", + "modin[all]>=0.32.0", + "notebook>=7.3.2", + "numpy>=2.2.3", + "pandas>=2.2.3", +] diff --git a/AI-and-Analytics/Getting-Started-Samples/Modin_Vs_Pandas/sample.json b/AI-and-Analytics/Getting-Started-Samples/Modin_Vs_Pandas/sample.json index f4638ee1e6..cf09f10670 100644 --- a/AI-and-Analytics/Getting-Started-Samples/Modin_Vs_Pandas/sample.json +++ b/AI-and-Analytics/Getting-Started-Samples/Modin_Vs_Pandas/sample.json @@ -1,31 +1,28 @@ { - "guid": "FE479C5C-C7A0-4612-B8D0-F83D07155411", - "name": "Modin* Vs. Pandas Performance", - "categories": ["Toolkit/oneAPI AI And Analytics/Getting Started"], - "description": "This sample code illustrates how Modin* accelerates the performance of Pandas for computational operations on a dataframe.", - "builder": ["cli"], - "languages": [{ - "python": {} - }], - "os": ["linux"], - "targetDevice": ["CPU"], - "ciTests": { - "linux": [{ - "id": "modin_pandas_performance", - "steps": [ - "source /intel/oneapi/intelpython/bin/activate", - "conda activate base", - "pip install uv", - "uv init", - "uv python pin $(which python)", - "uv venv --system-site-packages", - "uv add numpy pandas modin[all]", - "uv add --dev ipykernel", - "uv run ipython kernel install --user --name modin_vs_pandas", - "uv add notebook", - "uv run jupyter nbconvert --ExecutePreprocessor.enabled=True --to notebook Modin_Vs_Pandas.ipynb" - ] - }] - }, - "expertise": "Concepts and Functionality" + "guid": "FE479C5C-C7A0-4612-B8D0-F83D07155411", + "name": "Modin* Vs. Pandas Performance", + "categories": ["Toolkit/oneAPI AI And Analytics/Getting Started"], + "description": "This sample code illustrates how Modin* accelerates the performance of Pandas for computational operations on a dataframe.", + "builder": ["cli"], + "languages": [{ + "python": {} + }], + "os": ["linux"], + "targetDevice": ["CPU"], + "ciTests": { + "linux": [{ + "id": "modin_pandas_performance", + "steps": [ + "source /intel/oneapi/intelpython/bin/activate", + "conda activate base", + "pip install uv", + "uv python pin $(which python)", + "uv venv --system-site-packages", + "uv sync", + "uv run ipython kernel install --user --name modin_vs_pandas", + "uv run jupyter nbconvert --ExecutePreprocessor.enabled=True --to notebook Modin_Vs_Pandas.ipynb" + ] + }] + }, + "expertise": "Concepts and Functionality" } From 99d6abda6c139034367ba8e6b3d4222dcefef1c2 Mon Sep 17 00:00:00 2001 From: bopeng Date: Fri, 7 Mar 2025 08:12:31 +0000 Subject: [PATCH 5/7] add kernel name for getstart sample --- .../INC-Sample-for-Tensorflow/sample.json | 2 +- .../Intel_Extension_For_TensorFlow_GettingStarted/sample.json | 2 +- .../Getting-Started-Samples/Modin_GettingStarted/sample.json | 2 +- .../Getting-Started-Samples/Modin_Vs_Pandas/sample.json | 2 +- 4 files changed, 4 insertions(+), 4 deletions(-) diff --git a/AI-and-Analytics/Getting-Started-Samples/INC-Sample-for-Tensorflow/sample.json b/AI-and-Analytics/Getting-Started-Samples/INC-Sample-for-Tensorflow/sample.json index 2fc297b1f9..9ff99aef7e 100644 --- a/AI-and-Analytics/Getting-Started-Samples/INC-Sample-for-Tensorflow/sample.json +++ b/AI-and-Analytics/Getting-Started-Samples/INC-Sample-for-Tensorflow/sample.json @@ -23,7 +23,7 @@ ], "id": "neural-compressor tensorflow", "steps": [ - "uv run jupyter nbconvert --ExecutePreprocessor.enabled=True --to notebook inc_sample_tensorflow.ipynb" + "uv run jupyter nbconvert --ExecutePreprocessor.enabled=True --ExecutePreprocessor.kernel_name=tensorflow --to notebook inc_sample_tensorflow.ipynb" ] } ] diff --git a/AI-and-Analytics/Getting-Started-Samples/Intel_Extension_For_TensorFlow_GettingStarted/sample.json b/AI-and-Analytics/Getting-Started-Samples/Intel_Extension_For_TensorFlow_GettingStarted/sample.json index ebf31e171c..156d8cfd28 100755 --- a/AI-and-Analytics/Getting-Started-Samples/Intel_Extension_For_TensorFlow_GettingStarted/sample.json +++ b/AI-and-Analytics/Getting-Started-Samples/Intel_Extension_For_TensorFlow_GettingStarted/sample.json @@ -23,7 +23,7 @@ ], "id": "itex_sample_test", "steps": [ - "uv run jupyter nbconvert --ExecutePreprocessor.enabled=True --to notebook --execute ResNet50_Inference.ipynb --output ResNet50_Inference.nbcovert.gpu.ipynb" + "uv run jupyter nbconvert --ExecutePreprocessor.enabled=True --ExecutePreprocessor.kernel_name=tensorflow-gpu --to notebook --execute ResNet50_Inference.ipynb --output ResNet50_Inference.nbcovert.gpu.ipynb" ] }] }, diff --git a/AI-and-Analytics/Getting-Started-Samples/Modin_GettingStarted/sample.json b/AI-and-Analytics/Getting-Started-Samples/Modin_GettingStarted/sample.json index 6c74b21f90..d71b6c3d0d 100644 --- a/AI-and-Analytics/Getting-Started-Samples/Modin_GettingStarted/sample.json +++ b/AI-and-Analytics/Getting-Started-Samples/Modin_GettingStarted/sample.json @@ -21,7 +21,7 @@ ], "id": "Intel_Modin_GS_py", "steps": [ - "uv run jupyter nbconvert --ExecutePreprocessor.enabled=True --to notebook Modin_GettingStarted.ipynb" + "uv run jupyter nbconvert --ExecutePreprocessor.enabled=True --ExecutePreprocessor.kernel_name=modin_getting_started --to notebook Modin_GettingStarted.ipynb" ] } ] diff --git a/AI-and-Analytics/Getting-Started-Samples/Modin_Vs_Pandas/sample.json b/AI-and-Analytics/Getting-Started-Samples/Modin_Vs_Pandas/sample.json index cf09f10670..f76a1a43a4 100644 --- a/AI-and-Analytics/Getting-Started-Samples/Modin_Vs_Pandas/sample.json +++ b/AI-and-Analytics/Getting-Started-Samples/Modin_Vs_Pandas/sample.json @@ -20,7 +20,7 @@ "uv venv --system-site-packages", "uv sync", "uv run ipython kernel install --user --name modin_vs_pandas", - "uv run jupyter nbconvert --ExecutePreprocessor.enabled=True --to notebook Modin_Vs_Pandas.ipynb" + "uv run jupyter nbconvert --ExecutePreprocessor.enabled=True --ExecutePreprocessor.kernel_name=modin_vs_pandas --to notebook Modin_Vs_Pandas.ipynb" ] }] }, From 080bc26ba69ef6e33d93a84dfa9091d78881f1da Mon Sep 17 00:00:00 2001 From: bopeng Date: Fri, 7 Mar 2025 08:56:17 +0000 Subject: [PATCH 6/7] uv refactor add pyproject.toml Features-and-Functionality/IntelPyTorch_GPU_InferenceOptimization_with_AMP Features-and-Functionality/IntelPyTorch_TrainingOptimizations_AMX_BF16 Features-and-Functionality/IntelTensorFlow_AMX_BF16_Inference Features-and-Functionality/IntelTensorFlow_AMX_BF16_Training Features-and-Functionality/IntelTensorFlow_Enabling_Auto_Mixed_Precision_for_TransferLearning Features-and-Functionality/IntelTensorFlow_TextGeneration_with_LSTM Features-and-Functionality/IntelTensorFlow_for_LLMs Features-and-Functionality/IntelTransformers_Quantization --- .../pyproject.toml | 12 +++++++ .../sample.json | 14 ++++----- .../pyproject.toml | 13 ++++++++ .../sample.json | 24 +++++++------- .../pyproject.toml | 15 +++++++++ .../sample.json | 19 ++++++------ .../pyproject.toml | 27 ++++++++++++++++ .../sample.json | 14 ++++----- .../pyproject.toml | 16 ++++++++++ .../sample.json | 10 ++---- .../pyproject.toml | 10 ++++++ .../sample.json | 7 ++--- .../IntelTensorFlow_for_LLMs/pyproject.toml | 31 +++++++++++++++++++ .../IntelTensorFlow_for_LLMs/sample.json | 8 ++--- .../pyproject.toml | 18 +++++++++++ .../sample.json | 5 +-- 16 files changed, 183 insertions(+), 60 deletions(-) create mode 100644 AI-and-Analytics/Features-and-Functionality/IntelPyTorch_GPU_InferenceOptimization_with_AMP/pyproject.toml create mode 100644 AI-and-Analytics/Features-and-Functionality/IntelPyTorch_TrainingOptimizations_AMX_BF16/pyproject.toml create mode 100644 AI-and-Analytics/Features-and-Functionality/IntelTensorFlow_AMX_BF16_Inference/pyproject.toml create mode 100644 AI-and-Analytics/Features-and-Functionality/IntelTensorFlow_AMX_BF16_Training/pyproject.toml create mode 100644 AI-and-Analytics/Features-and-Functionality/IntelTensorFlow_Enabling_Auto_Mixed_Precision_for_TransferLearning/pyproject.toml create mode 100644 AI-and-Analytics/Features-and-Functionality/IntelTensorFlow_TextGeneration_with_LSTM/pyproject.toml create mode 100644 AI-and-Analytics/Features-and-Functionality/IntelTensorFlow_for_LLMs/pyproject.toml create mode 100644 AI-and-Analytics/Features-and-Functionality/IntelTransformers_Quantization/pyproject.toml diff --git a/AI-and-Analytics/Features-and-Functionality/IntelPyTorch_GPU_InferenceOptimization_with_AMP/pyproject.toml b/AI-and-Analytics/Features-and-Functionality/IntelPyTorch_GPU_InferenceOptimization_with_AMP/pyproject.toml new file mode 100644 index 0000000000..7813086746 --- /dev/null +++ b/AI-and-Analytics/Features-and-Functionality/IntelPyTorch_GPU_InferenceOptimization_with_AMP/pyproject.toml @@ -0,0 +1,12 @@ +[project] +name = "intelpytorch-gpu-inferenceoptimization-with-amp" +version = "0.1.0" +description = "Add your description here" +readme = "README.md" +requires-python = ">=3.11" +dependencies = [ + "matplotlib>=3.10.1", + "numpy==1.26.4", + "requests>=2.32.3", + "tqdm>=4.67.1", +] diff --git a/AI-and-Analytics/Features-and-Functionality/IntelPyTorch_GPU_InferenceOptimization_with_AMP/sample.json b/AI-and-Analytics/Features-and-Functionality/IntelPyTorch_GPU_InferenceOptimization_with_AMP/sample.json index 23f26feeda..ce8ccf0a2d 100644 --- a/AI-and-Analytics/Features-and-Functionality/IntelPyTorch_GPU_InferenceOptimization_with_AMP/sample.json +++ b/AI-and-Analytics/Features-and-Functionality/IntelPyTorch_GPU_InferenceOptimization_with_AMP/sample.json @@ -11,18 +11,16 @@ "ciTests": { "linux": [ { - "id": "intel pytorch gpu inference optimization with amp", - "steps": [ + "env": [ "source /intel/oneapi/intelpython/bin/activate", "conda activate pytorch-gpu", - "pip install uv notebook", - "uv init", + "pip install uv", "uv python pin $(which python)", "uv venv --system-site-packages", - "uv add -r requirements.txt", - "uv add numpy==1.26.4", - "uv add --dev ipykernel", - "uv run ipython kernel install --user --name=pytorch-gpu", + "uv sync" + ], + "id": "intel pytorch gpu inference optimization with amp", + "steps": [ "uv run IntelPyTorch_GPU_InferenceOptimization_with_AMP.py" ] } diff --git a/AI-and-Analytics/Features-and-Functionality/IntelPyTorch_TrainingOptimizations_AMX_BF16/pyproject.toml b/AI-and-Analytics/Features-and-Functionality/IntelPyTorch_TrainingOptimizations_AMX_BF16/pyproject.toml new file mode 100644 index 0000000000..b68a5aadc2 --- /dev/null +++ b/AI-and-Analytics/Features-and-Functionality/IntelPyTorch_TrainingOptimizations_AMX_BF16/pyproject.toml @@ -0,0 +1,13 @@ +[project] +name = "intelpytorch-trainingoptimizations-amx-bf16" +version = "0.1.0" +description = "Add your description here" +readme = "README.md" +requires-python = ">=3.11" +dependencies = [ + "ipykernel>=6.29.5", + "matplotlib>=3.10.1", + "notebook>=7.3.2", + "py-cpuinfo>=9.0.0", + "transformers>=4.49.0", +] diff --git a/AI-and-Analytics/Features-and-Functionality/IntelPyTorch_TrainingOptimizations_AMX_BF16/sample.json b/AI-and-Analytics/Features-and-Functionality/IntelPyTorch_TrainingOptimizations_AMX_BF16/sample.json index 233e15c406..934a851154 100644 --- a/AI-and-Analytics/Features-and-Functionality/IntelPyTorch_TrainingOptimizations_AMX_BF16/sample.json +++ b/AI-and-Analytics/Features-and-Functionality/IntelPyTorch_TrainingOptimizations_AMX_BF16/sample.json @@ -11,20 +11,20 @@ "ciTests": { "linux": [ { + "env": [ + "source /intel/oneapi/intelpython/bin/activate", + "conda activate pytorch", + "pip install uv", + "uv python pin $(which python)", + "uv venv --system-site-packages", + "uv sync", + "uv run ipython kernel install --user --name pytorch" + ], "id": "intel amx bf16 training", "steps": [ - "source /intel/oneapi/intelpython/bin/activate", - "conda activate pytorch", - "pip install uv", - "uv init", - "uv python pin $(which python)", - "uv venv --system-site-packages", - "uv add -r requirements.txt", - "uv add --dev ipykernel notebook", - "uv run ipython kernel install --user --name pytorch", - "uv run python pytorch_training_avx512_bf16.py", - "uv run python pytorch_training_amx_bf16.py", - "uv run jupyter nbconvert --ExecutePreprocessor.enabled=True --ExecutePreprocessor.kernel_name=pytorch --to notebook IntelPyTorch_TrainingOptimizations_AMX_BF16.ipynb" + "uv run python pytorch_training_avx512_bf16.py", + "uv run python pytorch_training_amx_bf16.py", + "uv run jupyter nbconvert --ExecutePreprocessor.enabled=True --ExecutePreprocessor.kernel_name=pytorch --to notebook IntelPyTorch_TrainingOptimizations_AMX_BF16.ipynb" ] } ] diff --git a/AI-and-Analytics/Features-and-Functionality/IntelTensorFlow_AMX_BF16_Inference/pyproject.toml b/AI-and-Analytics/Features-and-Functionality/IntelTensorFlow_AMX_BF16_Inference/pyproject.toml new file mode 100644 index 0000000000..61fa8f69ed --- /dev/null +++ b/AI-and-Analytics/Features-and-Functionality/IntelTensorFlow_AMX_BF16_Inference/pyproject.toml @@ -0,0 +1,15 @@ +[project] +name = "inteltensorflow-amx-bf16-inference" +version = "0.1.0" +description = "Add your description here" +readme = "README.md" +requires-python = ">=3.11" +dependencies = [ + "jupyter>=1.1.1", + "notebook>=7.3.2", + "numpy==1.26.4", + "pillow>=11.1.0", + "py-cpuinfo>=9.0.0", + "requests>=2.32.3", + "tensorflow-hub==0.16", +] diff --git a/AI-and-Analytics/Features-and-Functionality/IntelTensorFlow_AMX_BF16_Inference/sample.json b/AI-and-Analytics/Features-and-Functionality/IntelTensorFlow_AMX_BF16_Inference/sample.json index d9a5b2c9e6..1226f9d818 100644 --- a/AI-and-Analytics/Features-and-Functionality/IntelTensorFlow_AMX_BF16_Inference/sample.json +++ b/AI-and-Analytics/Features-and-Functionality/IntelTensorFlow_AMX_BF16_Inference/sample.json @@ -11,19 +11,18 @@ "ciTests": { "linux": [ { + "env": [ + "source /intel/oneapi/intelpython/bin/activate", + "conda activate tensorflow", + "pip install uv", + "uv python pin $(which python)", + "uv venv --system-site-packages", + "uv sync", + "uv run ipython kernel install --user --name tensorflow" + ], "id": "intel amx bf16 inference", "steps": [ - "source /intel/oneapi/intelpython/bin/activate", - "conda activate tensorflow", - "pip install uv", - "uv init", - "uv python pin $(which python)", - "uv venv --system-site-packages", - "uv add -r requirements.txt", - "uv add numpy==1.26.4", - "uv add ipykernel jupyter notebook", "uv run python Intel_TensorFlow_AMX_BF16_Inference.py", - "uv run python -m ipykernel install --user --name=tensorflow", "uv run jupyter nbconvert --ExecutePreprocessor.enabled=True --ExecutePreprocessor.kernel_name=tensorflow2 --to notebook IntelTensorFlow_AMX_BF16_Inference.ipynb" ] } diff --git a/AI-and-Analytics/Features-and-Functionality/IntelTensorFlow_AMX_BF16_Training/pyproject.toml b/AI-and-Analytics/Features-and-Functionality/IntelTensorFlow_AMX_BF16_Training/pyproject.toml new file mode 100644 index 0000000000..efc4955eb9 --- /dev/null +++ b/AI-and-Analytics/Features-and-Functionality/IntelTensorFlow_AMX_BF16_Training/pyproject.toml @@ -0,0 +1,27 @@ +[project] +name = "inteltensorflow-amx-bf16-training" +version = "0.1.0" +description = "Add your description here" +readme = "README.md" +requires-python = ">=3.11" +dependencies = [ + "absl-py>=2.1.0", + "astunparse>=1.6.3", + "h5py>=3.13.0", + "huggingface-hub>=0.29.2", + "ipykernel>=6.29.5", + "keras==2.15.0", + "keras-preprocessing>=1.1.2", + "matplotlib>=3.10.1", + "notebook>=7.3.2", + "numpy==1.26.4", + "pandas>=2.2.3", + "pillow>=11.1.0", + "py-cpuinfo>=9.0.0", + "tensorboard>=2.19.0", + "tensorboard-data-server>=0.7.2", + "tensorboard-plugin-wit>=1.8.1", + "tf-estimator-nightly>=2.16.0.dev2024012409", + "tokenizers>=0.21.0", + "transformers>=4.49.0", +] diff --git a/AI-and-Analytics/Features-and-Functionality/IntelTensorFlow_AMX_BF16_Training/sample.json b/AI-and-Analytics/Features-and-Functionality/IntelTensorFlow_AMX_BF16_Training/sample.json index 3d5da3ab74..ee7192c23f 100644 --- a/AI-and-Analytics/Features-and-Functionality/IntelTensorFlow_AMX_BF16_Training/sample.json +++ b/AI-and-Analytics/Features-and-Functionality/IntelTensorFlow_AMX_BF16_Training/sample.json @@ -10,21 +10,19 @@ "cpuInstructionSets": ["AVX512", "AMX"], "ciTests": { "linux": [{ - "id": "intel amx bf16 training", - "steps": [ + "env": [ "source /intel/oneapi/intelpython/bin/activate", "conda activate tensorflow", "pip install uv", - "uv init", "uv python pin $(which python)", "uv venv --system-site-packages", - "uv add -r requirements.txt", - "uv add --dev ipykernel notebook", - "uv add numpy==1.26.4", - "uv add keras==2.15.0", + "uv sync", + "uv run ipython kernel install --user --name tensorflow" + ], + "id": "intel amx bf16 training", + "steps": [ "export execution_mode=eager", "uv run python Intel_TensorFlow_AMX_BF16_Training.py -m eager", - "uv run ipython kernel install --user --name tensorflow", "uv run jupyter nbconvert --ExecutePreprocessor.enabled=True --ExecutePreprocessor.kernel_name=tensorflow --to notebook IntelTensorFlow_AMX_BF16_Training.ipynb" ] }] diff --git a/AI-and-Analytics/Features-and-Functionality/IntelTensorFlow_Enabling_Auto_Mixed_Precision_for_TransferLearning/pyproject.toml b/AI-and-Analytics/Features-and-Functionality/IntelTensorFlow_Enabling_Auto_Mixed_Precision_for_TransferLearning/pyproject.toml new file mode 100644 index 0000000000..6cfb4d5dcd --- /dev/null +++ b/AI-and-Analytics/Features-and-Functionality/IntelTensorFlow_Enabling_Auto_Mixed_Precision_for_TransferLearning/pyproject.toml @@ -0,0 +1,16 @@ +[project] +name = "inteltensorflow-enabling-auto-mixed-precision-for-transferlearning" +version = "0.1.0" +description = "Add your description here" +readme = "README.md" +requires-python = ">=3.11" +dependencies = [ + "ipykernel>=6.29.5", + "neural-compressor==2.4.1", + "notebook>=7.3.2", + "numpy==1.26.4", + "pillow>=11.1.0", + "py-cpuinfo>=9.0.0", + "requests>=2.32.3", + "tensorflow-hub==0.16.0", +] diff --git a/AI-and-Analytics/Features-and-Functionality/IntelTensorFlow_Enabling_Auto_Mixed_Precision_for_TransferLearning/sample.json b/AI-and-Analytics/Features-and-Functionality/IntelTensorFlow_Enabling_Auto_Mixed_Precision_for_TransferLearning/sample.json index b1f5289fcc..b61d55bc41 100755 --- a/AI-and-Analytics/Features-and-Functionality/IntelTensorFlow_Enabling_Auto_Mixed_Precision_for_TransferLearning/sample.json +++ b/AI-and-Analytics/Features-and-Functionality/IntelTensorFlow_Enabling_Auto_Mixed_Precision_for_TransferLearning/sample.json @@ -18,18 +18,14 @@ "source /intel/oneapi/intelpython/bin/activate", "conda activate tensorflow", "pip install uv", - "uv init", "uv python pin $(which python)", "uv venv --system-site-packages", - "uv add -r requirements.txt", - "uv add numpy==1.26.4", - "uv add --dev ipykernel", - "uv run ipython kernel install --user --name tensorflow", - "pip install notebook" + "uv sync", + "uv run ipython kernel install --user --name tensorflow" ], "id": "tensorflow_AMP_transfer_learning", "steps": [ - "jupyter nbconvert --to notebook --execute enabling_automixed_precision_for_transfer_learning_with_tensorflow.ipynb" + "uv run jupyter nbconvert --ExecutePreprocessor.kernel_name=tensorflow --to notebook --execute enabling_automixed_precision_for_transfer_learning_with_tensorflow.ipynb" ] }] }, diff --git a/AI-and-Analytics/Features-and-Functionality/IntelTensorFlow_TextGeneration_with_LSTM/pyproject.toml b/AI-and-Analytics/Features-and-Functionality/IntelTensorFlow_TextGeneration_with_LSTM/pyproject.toml new file mode 100644 index 0000000000..f0a5364e34 --- /dev/null +++ b/AI-and-Analytics/Features-and-Functionality/IntelTensorFlow_TextGeneration_with_LSTM/pyproject.toml @@ -0,0 +1,10 @@ +[project] +name = "inteltensorflow-textgeneration-with-lstm" +version = "0.1.0" +description = "Add your description here" +readme = "README.md" +requires-python = ">=3.11" +dependencies = [ + "notebook>=7.3.2", + "requests>=2.32.3", +] diff --git a/AI-and-Analytics/Features-and-Functionality/IntelTensorFlow_TextGeneration_with_LSTM/sample.json b/AI-and-Analytics/Features-and-Functionality/IntelTensorFlow_TextGeneration_with_LSTM/sample.json index 35c7b9670f..03361cefdd 100644 --- a/AI-and-Analytics/Features-and-Functionality/IntelTensorFlow_TextGeneration_with_LSTM/sample.json +++ b/AI-and-Analytics/Features-and-Functionality/IntelTensorFlow_TextGeneration_with_LSTM/sample.json @@ -15,13 +15,10 @@ "env": [ "source /intel/oneapi/intelpython/bin/activate", "conda activate tensorflow-gpu", - "pip install uv notebook", - "uv init", + "pip install uv", "uv python pin $(which python)", "uv venv --system-site-packages", - "uv add -r requirements.txt", - "uv add --dev ipykernel", - "uv run ipython kernel install --user --name=tensorflow-gpu" + "uv sync" ], "id": "inc_text_generation_lstm_py", "steps": [ diff --git a/AI-and-Analytics/Features-and-Functionality/IntelTensorFlow_for_LLMs/pyproject.toml b/AI-and-Analytics/Features-and-Functionality/IntelTensorFlow_for_LLMs/pyproject.toml new file mode 100644 index 0000000000..363ee44d47 --- /dev/null +++ b/AI-and-Analytics/Features-and-Functionality/IntelTensorFlow_for_LLMs/pyproject.toml @@ -0,0 +1,31 @@ +[project] +name = "inteltensorflow-for-llms" +version = "0.1.0" +description = "Add your description here" +readme = "README.md" +requires-python = ">=3.11" +dependencies = [ + "absl-py>=2.1.0", + "astunparse>=1.6.3", + "evaluate>=0.4.3", + "h5py>=3.13.0", + "huggingface-hub>=0.29.2", + "ipykernel>=6.29.5", + "keras==2.15.0", + "keras-preprocessing>=1.1.2", + "matplotlib>=3.10.1", + "nbconvert>=7.16.6", + "nbformat>=5.10.4", + "notebook>=7.3.2", + "numpy==1.26.4", + "pandas>=2.2.3", + "pillow>=11.1.0", + "py-cpuinfo>=9.0.0", + "requests>=2.32.3", + "tensorboard>=2.19.0", + "tensorboard-data-server>=0.7.2", + "tensorboard-plugin-wit>=1.8.1", + "tf-estimator-nightly>=2.16.0.dev2024012409", + "tokenizers>=0.21.0", + "transformers>=4.49.0", +] diff --git a/AI-and-Analytics/Features-and-Functionality/IntelTensorFlow_for_LLMs/sample.json b/AI-and-Analytics/Features-and-Functionality/IntelTensorFlow_for_LLMs/sample.json index 2d48f49ad1..2dfa791109 100644 --- a/AI-and-Analytics/Features-and-Functionality/IntelTensorFlow_for_LLMs/sample.json +++ b/AI-and-Analytics/Features-and-Functionality/IntelTensorFlow_for_LLMs/sample.json @@ -14,14 +14,10 @@ "source /intel/oneapi/intelpython/bin/activate", "conda activate tensorflow", "pip install uv", - "uv init", "uv python pin $(which python)", "uv venv --system-site-packages", - "uv add -r requirements.txt", - "uv add py-cpuinfo nbformat nbconvert", - "uv add --dev ipykernel", - "uv run ipython kernel install --user --name tensorflow", - "uv add notebook nbconvert" + "uv sync", + "uv run ipython kernel install --user --name tensorflow" ], "id": "intel llm bf16 infrence and fine-tuning", "steps": [ diff --git a/AI-and-Analytics/Features-and-Functionality/IntelTransformers_Quantization/pyproject.toml b/AI-and-Analytics/Features-and-Functionality/IntelTransformers_Quantization/pyproject.toml new file mode 100644 index 0000000000..d94273c186 --- /dev/null +++ b/AI-and-Analytics/Features-and-Functionality/IntelTransformers_Quantization/pyproject.toml @@ -0,0 +1,18 @@ +[project] +name = "inteltransformers-quantization" +version = "0.1.0" +description = "Add your description here" +readme = "README.md" +requires-python = ">=3.11" +dependencies = [ + "accelerate>=1.4.0", + "datasets>=3.3.2", + "intel-extension-for-transformers>=1.4.2", + "neural-compressor==2.6", + "neural-speed>=1.0", + "peft>=0.14.0", + "sentencepiece>=0.2.0", + "torch==2.5.0", + "torchvision==0.20.0", + "transformers>=4.49.0", +] diff --git a/AI-and-Analytics/Features-and-Functionality/IntelTransformers_Quantization/sample.json b/AI-and-Analytics/Features-and-Functionality/IntelTransformers_Quantization/sample.json index 8b9462f864..6e8f1d804e 100644 --- a/AI-and-Analytics/Features-and-Functionality/IntelTransformers_Quantization/sample.json +++ b/AI-and-Analytics/Features-and-Functionality/IntelTransformers_Quantization/sample.json @@ -15,12 +15,9 @@ "source /intel/oneapi/intelpython/bin/activate", "conda activate pytorch", "pip install uv", - "uv init", "uv python pin $(which python)", "uv venv --system-site-packages", - "uv add -r requirements.txt", - "uv add neural-compressor==2.6", - "uv add torch==2.5.0 torchvision==0.20.0" + "uv sync" ], "id": "itrex_quantize_transformer_models", "steps": [ From 14a36affa2b2df95cc715ccee065e535fcebc755 Mon Sep 17 00:00:00 2001 From: troy818 Date: Fri, 7 Mar 2025 17:29:12 +0800 Subject: [PATCH 7/7] uv refactor add pyproject.toml End-to-end-Workloads/JobRecommendationSystem Features-and Functionality/INC_QuantizationAwareTraining_TextClassification Features-and-Functionality/Intel_Extension_For_SKLearn_Performance_SVC_Adult Features-and-Functionality/IntelPython_daal4py_DistributedKMeans Features-and-Functionality/IntelPython_daal4py_DistributedLinearRegression Features-and-Functionality/IntelPython_GPU_dpnp_Genetic_Algorithm Features-and-Functionality/IntelPython_Numpy_Numba_dpnp_kNN Features-and-Functionality/IntelPython_XGBoost_Performance Signed-off-by: troy818 --- .../JobRecommendationSystem/pyproject.toml | 19 +++++++++++++++++++ .../JobRecommendationSystem/sample.json | 5 +---- .../pyproject.toml | 16 ++++++++++++++++ .../sample.json | 4 +--- .../pyproject.toml | 9 +++++++++ .../sample.json | 3 +-- .../pyproject.toml | 9 +++++++++ .../sample.json | 3 +-- .../pyproject.toml | 14 ++++++++++++++ .../sample.json | 4 +--- .../pyproject.toml | 12 ++++++++++++ .../sample.json | 4 +--- .../pyproject.toml | 11 +++++++++++ .../sample.json | 4 +--- .../pyproject.toml | 10 ++++++++++ .../sample.json | 4 +--- 16 files changed, 108 insertions(+), 23 deletions(-) create mode 100644 AI-and-Analytics/End-to-end-Workloads/JobRecommendationSystem/pyproject.toml create mode 100644 AI-and-Analytics/Features-and-Functionality/INC_QuantizationAwareTraining_TextClassification/pyproject.toml create mode 100644 AI-and-Analytics/Features-and-Functionality/IntelPython_GPU_dpnp_Genetic_Algorithm/pyproject.toml create mode 100644 AI-and-Analytics/Features-and-Functionality/IntelPython_Numpy_Numba_dpnp_kNN/pyproject.toml create mode 100644 AI-and-Analytics/Features-and-Functionality/IntelPython_XGBoost_Performance/pyproject.toml create mode 100644 AI-and-Analytics/Features-and-Functionality/IntelPython_daal4py_DistributedKMeans/pyproject.toml create mode 100644 AI-and-Analytics/Features-and-Functionality/IntelPython_daal4py_DistributedLinearRegression/pyproject.toml create mode 100644 AI-and-Analytics/Features-and-Functionality/Intel_Extension_For_SKLearn_Performance_SVC_Adult/pyproject.toml diff --git a/AI-and-Analytics/End-to-end-Workloads/JobRecommendationSystem/pyproject.toml b/AI-and-Analytics/End-to-end-Workloads/JobRecommendationSystem/pyproject.toml new file mode 100644 index 0000000000..35b72e4ab7 --- /dev/null +++ b/AI-and-Analytics/End-to-end-Workloads/JobRecommendationSystem/pyproject.toml @@ -0,0 +1,19 @@ +[project] +name = "jobrecommendationsystem" +version = "0.1.0" +description = "Add your description here" +readme = "README.md" +requires-python = ">=3.11" +dependencies = [ + "accelerate>=1.4.0", + "datasets>=3.3.2", + "jinja2>=3.1.5", + "matplotlib>=3.10.1", + "nltk>=3.9.1", + "numpy==1.26.4", + "seaborn>=0.13.2", + "sentence-transformers>=3.4.1", + "spacy>=3.8.4", + "transformers>=4.49.0", + "wordcloud>=1.9.4", +] diff --git a/AI-and-Analytics/End-to-end-Workloads/JobRecommendationSystem/sample.json b/AI-and-Analytics/End-to-end-Workloads/JobRecommendationSystem/sample.json index 4c1c91a71e..a0181afc69 100644 --- a/AI-and-Analytics/End-to-end-Workloads/JobRecommendationSystem/sample.json +++ b/AI-and-Analytics/End-to-end-Workloads/JobRecommendationSystem/sample.json @@ -17,12 +17,9 @@ "source /intel/oneapi/intelpython/bin/activate", "conda activate tensorflow-gpu", "pip install uv", - "uv init", "uv python pin $(which python)", "uv venv --system-site-packages", - "uv add -r requirements.txt", - "uv add seaborn", - "uv add numpy==1.26.4", + "uv sync", "uv run python -m spacy download en_core_web_sm", "uv run python JobRecommendationSystem.py" ] diff --git a/AI-and-Analytics/Features-and-Functionality/INC_QuantizationAwareTraining_TextClassification/pyproject.toml b/AI-and-Analytics/Features-and-Functionality/INC_QuantizationAwareTraining_TextClassification/pyproject.toml new file mode 100644 index 0000000000..e78b7cea05 --- /dev/null +++ b/AI-and-Analytics/Features-and-Functionality/INC_QuantizationAwareTraining_TextClassification/pyproject.toml @@ -0,0 +1,16 @@ +[project] +name = "inc-quantizationawaretraining-textclassification" +version = "0.1.0" +description = "Add your description here" +readme = "README.md" +requires-python = ">=3.11" +dependencies = [ + "accelerate>=1.4.0", + "datasets>=3.3.2", + "evaluate>=0.4.3", + "neural-compressor>=3.2", + "optimum[neural-compressor]>=1.24.0", + "torch==2.5.0", + "torchvision==0.20.0", + "transformers>=4.45.2", +] diff --git a/AI-and-Analytics/Features-and-Functionality/INC_QuantizationAwareTraining_TextClassification/sample.json b/AI-and-Analytics/Features-and-Functionality/INC_QuantizationAwareTraining_TextClassification/sample.json index 8906911aa9..44a536b2ca 100644 --- a/AI-and-Analytics/Features-and-Functionality/INC_QuantizationAwareTraining_TextClassification/sample.json +++ b/AI-and-Analytics/Features-and-Functionality/INC_QuantizationAwareTraining_TextClassification/sample.json @@ -15,11 +15,9 @@ "source /intel/oneapi/intelpython/bin/activate", "conda activate pytorch", "pip install uv", - "uv init", "uv python pin $(which python)", "uv venv --system-site-packages", - "uv add -r requirements.txt", - "uv add torch==2.5.0 torchvision==0.20.0" + "uv sync" ], "id": "inc_text_classification_quantization_py", "steps": [ diff --git a/AI-and-Analytics/Features-and-Functionality/IntelPython_GPU_dpnp_Genetic_Algorithm/pyproject.toml b/AI-and-Analytics/Features-and-Functionality/IntelPython_GPU_dpnp_Genetic_Algorithm/pyproject.toml new file mode 100644 index 0000000000..92a5c7cb46 --- /dev/null +++ b/AI-and-Analytics/Features-and-Functionality/IntelPython_GPU_dpnp_Genetic_Algorithm/pyproject.toml @@ -0,0 +1,9 @@ +[project] +name = "intelpython-gpu-dpnp-genetic-algorithm" +version = "0.1.0" +description = "Add your description here" +readme = "README.md" +requires-python = ">=3.11" +dependencies = [ + "matplotlib>=3.10.1", +] diff --git a/AI-and-Analytics/Features-and-Functionality/IntelPython_GPU_dpnp_Genetic_Algorithm/sample.json b/AI-and-Analytics/Features-and-Functionality/IntelPython_GPU_dpnp_Genetic_Algorithm/sample.json index 4a937b381a..842af60fc5 100644 --- a/AI-and-Analytics/Features-and-Functionality/IntelPython_GPU_dpnp_Genetic_Algorithm/sample.json +++ b/AI-and-Analytics/Features-and-Functionality/IntelPython_GPU_dpnp_Genetic_Algorithm/sample.json @@ -15,10 +15,9 @@ "source /intel/oneapi/intelpython/bin/activate", "conda activate base", "pip install uv", - "uv init", "uv python pin $(which python)", "uv venv --system-site-packages", - "uv add -r requirements.txt" + "uv sync" ], "id": "idp_ga_dpnp_py", "steps": [ diff --git a/AI-and-Analytics/Features-and-Functionality/IntelPython_Numpy_Numba_dpnp_kNN/pyproject.toml b/AI-and-Analytics/Features-and-Functionality/IntelPython_Numpy_Numba_dpnp_kNN/pyproject.toml new file mode 100644 index 0000000000..36c6185dab --- /dev/null +++ b/AI-and-Analytics/Features-and-Functionality/IntelPython_Numpy_Numba_dpnp_kNN/pyproject.toml @@ -0,0 +1,9 @@ +[project] +name = "intelpython-numpy-numba-dpnp-knn" +version = "0.1.0" +description = "Add your description here" +readme = "README.md" +requires-python = ">=3.11" +dependencies = [ + "numba>=0.61.0", +] diff --git a/AI-and-Analytics/Features-and-Functionality/IntelPython_Numpy_Numba_dpnp_kNN/sample.json b/AI-and-Analytics/Features-and-Functionality/IntelPython_Numpy_Numba_dpnp_kNN/sample.json index 50440a0586..27aedb1fa1 100644 --- a/AI-and-Analytics/Features-and-Functionality/IntelPython_Numpy_Numba_dpnp_kNN/sample.json +++ b/AI-and-Analytics/Features-and-Functionality/IntelPython_Numpy_Numba_dpnp_kNN/sample.json @@ -15,10 +15,9 @@ "source /intel/oneapi/intelpython/bin/activate", "conda activate base", "pip install uv", - "uv init", "uv python pin $(which python)", "uv venv --system-site-packages", - "uv add numba" + "uv sync" ], "id": "idp_numpy_numba_dpnp_gs_py", "steps": [ diff --git a/AI-and-Analytics/Features-and-Functionality/IntelPython_XGBoost_Performance/pyproject.toml b/AI-and-Analytics/Features-and-Functionality/IntelPython_XGBoost_Performance/pyproject.toml new file mode 100644 index 0000000000..65bfc42547 --- /dev/null +++ b/AI-and-Analytics/Features-and-Functionality/IntelPython_XGBoost_Performance/pyproject.toml @@ -0,0 +1,14 @@ +[project] +name = "intelpython-xgboost-performance" +version = "0.1.0" +description = "Add your description here" +readme = "README.md" +requires-python = ">=3.11" +dependencies = [ + "matplot>=0.1.9", + "notebook>=7.3.2", + "numpy==1.26.4", + "pandas>=2.2.3", + "scikit-learn>=1.6.1", + "xgboost==0.82", +] diff --git a/AI-and-Analytics/Features-and-Functionality/IntelPython_XGBoost_Performance/sample.json b/AI-and-Analytics/Features-and-Functionality/IntelPython_XGBoost_Performance/sample.json index 6111ff47bd..5f4affb5ad 100755 --- a/AI-and-Analytics/Features-and-Functionality/IntelPython_XGBoost_Performance/sample.json +++ b/AI-and-Analytics/Features-and-Functionality/IntelPython_XGBoost_Performance/sample.json @@ -19,11 +19,9 @@ "steps": [ "python IntelPython_XGBoost_Performance.py", "pip install uv", - "uv init", "uv python pin $(which python)", "uv venv --system-site-packages", - "uv add -r requirements.txt", - "uv add numpy==1.26.4", + "uv sync", "uv run python IntelPython_XGBoost_Performance.py" ] } diff --git a/AI-and-Analytics/Features-and-Functionality/IntelPython_daal4py_DistributedKMeans/pyproject.toml b/AI-and-Analytics/Features-and-Functionality/IntelPython_daal4py_DistributedKMeans/pyproject.toml new file mode 100644 index 0000000000..39587f766f --- /dev/null +++ b/AI-and-Analytics/Features-and-Functionality/IntelPython_daal4py_DistributedKMeans/pyproject.toml @@ -0,0 +1,12 @@ +[project] +name = "intelpython-daal4py-distributedkmeans" +version = "0.1.0" +description = "Add your description here" +readme = "README.md" +requires-python = ">=3.11" +dependencies = [ + "joblib>=1.4.2", + "notebook>=7.3.2", + "numpy==1.26.4", + "pandas>=2.2.3", +] diff --git a/AI-and-Analytics/Features-and-Functionality/IntelPython_daal4py_DistributedKMeans/sample.json b/AI-and-Analytics/Features-and-Functionality/IntelPython_daal4py_DistributedKMeans/sample.json index 5588b826b2..2c32282165 100755 --- a/AI-and-Analytics/Features-and-Functionality/IntelPython_daal4py_DistributedKMeans/sample.json +++ b/AI-and-Analytics/Features-and-Functionality/IntelPython_daal4py_DistributedKMeans/sample.json @@ -16,11 +16,9 @@ "source /intel/oneapi/intelpython/bin/activate", "conda activate base", "pip install uv", - "uv init", "uv python pin $(which python)", "uv venv --system-site-packages", - "uv add -r requirements.txt", - "uv add numpy==1.26.4" + "uv sync" ], "id": "idp_d4p_KM_Dist", "steps": [ diff --git a/AI-and-Analytics/Features-and-Functionality/IntelPython_daal4py_DistributedLinearRegression/pyproject.toml b/AI-and-Analytics/Features-and-Functionality/IntelPython_daal4py_DistributedLinearRegression/pyproject.toml new file mode 100644 index 0000000000..085fd290cf --- /dev/null +++ b/AI-and-Analytics/Features-and-Functionality/IntelPython_daal4py_DistributedLinearRegression/pyproject.toml @@ -0,0 +1,11 @@ +[project] +name = "intelpython-daal4py-distributedlinearregression" +version = "0.1.0" +description = "Add your description here" +readme = "README.md" +requires-python = ">=3.11" +dependencies = [ + "joblib>=1.4.2", + "numpy==1.26.4", + "pandas>=2.2.3", +] diff --git a/AI-and-Analytics/Features-and-Functionality/IntelPython_daal4py_DistributedLinearRegression/sample.json b/AI-and-Analytics/Features-and-Functionality/IntelPython_daal4py_DistributedLinearRegression/sample.json index 56317b8cad..51b9d866e9 100755 --- a/AI-and-Analytics/Features-and-Functionality/IntelPython_daal4py_DistributedLinearRegression/sample.json +++ b/AI-and-Analytics/Features-and-Functionality/IntelPython_daal4py_DistributedLinearRegression/sample.json @@ -16,11 +16,9 @@ "source /intel/oneapi/intelpython/bin/activate", "conda activate base", "pip install uv", - "uv init", "uv python pin $(which python)", "uv venv --system-site-packages", - "uv add -r requirements.txt", - "uv add numpy==1.26.4" + "uv sync" ], "id": "idp_d4p_Linear_Regression_Dist", "steps": [ diff --git a/AI-and-Analytics/Features-and-Functionality/Intel_Extension_For_SKLearn_Performance_SVC_Adult/pyproject.toml b/AI-and-Analytics/Features-and-Functionality/Intel_Extension_For_SKLearn_Performance_SVC_Adult/pyproject.toml new file mode 100644 index 0000000000..65ded8ac40 --- /dev/null +++ b/AI-and-Analytics/Features-and-Functionality/Intel_Extension_For_SKLearn_Performance_SVC_Adult/pyproject.toml @@ -0,0 +1,10 @@ +[project] +name = "intel-extension-for-sklearn-performance-svc-adult" +version = "0.1.0" +description = "Add your description here" +readme = "README.md" +requires-python = ">=3.11" +dependencies = [ + "matplotlib>=3.10.1", + "numpy==1.26.4", +] diff --git a/AI-and-Analytics/Features-and-Functionality/Intel_Extension_For_SKLearn_Performance_SVC_Adult/sample.json b/AI-and-Analytics/Features-and-Functionality/Intel_Extension_For_SKLearn_Performance_SVC_Adult/sample.json index eb572c6644..67bfd3001c 100755 --- a/AI-and-Analytics/Features-and-Functionality/Intel_Extension_For_SKLearn_Performance_SVC_Adult/sample.json +++ b/AI-and-Analytics/Features-and-Functionality/Intel_Extension_For_SKLearn_Performance_SVC_Adult/sample.json @@ -14,11 +14,9 @@ "source /intel/oneapi/intelpython/bin/activate", "conda activate base", "pip install uv", - "uv init", "uv python pin $(which python)", "uv venv --system-site-packages", - "uv add -r requirements.txt", - "uv add numpy==1.26.4" + "uv sync" ], "id": "skelarnex_svc", "steps": [