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/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 31e14cab36..a0181afc69 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,13 @@ "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 python pin $(which python)", + "uv venv --system-site-packages", + "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 2a6f8cdb4f..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 @@ -14,11 +14,14 @@ "env": [ "source /intel/oneapi/intelpython/bin/activate", "conda activate pytorch", - "pip install -r requirements.txt" + "pip install uv", + "uv python pin $(which python)", + "uv venv --system-site-packages", + "uv sync" ], "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/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 e01073f174..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,14 +11,17 @@ "ciTests": { "linux": [ { + "env": [ + "source /intel/oneapi/intelpython/bin/activate", + "conda activate pytorch-gpu", + "pip install uv", + "uv python pin $(which python)", + "uv venv --system-site-packages", + "uv sync" + ], "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" + "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 bebcc021cf..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,15 +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", - "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" + "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/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 4d2dead081..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 @@ -9,18 +9,21 @@ "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 python pin $(which python)", + "uv venv --system-site-packages", + "uv sync" ], - "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/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 b663ead410..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 @@ -14,13 +14,16 @@ "env": [ "source /intel/oneapi/intelpython/bin/activate", "conda activate base", - "pip install numba" + "pip install uv", + "uv python pin $(which python)", + "uv venv --system-site-packages", + "uv sync" ], - "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/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/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..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 @@ -9,17 +9,22 @@ "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 python pin $(which python)", + "uv venv --system-site-packages", + "uv sync", + "uv run python IntelPython_XGBoost_Performance.py" + ] + } ] }, "expertise": "Code Optimization" 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 07e667ff25..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 @@ -15,11 +15,14 @@ "env": [ "source /intel/oneapi/intelpython/bin/activate", "conda activate base", - "pip install -r requirements.txt" + "pip install uv", + "uv python pin $(which python)", + "uv venv --system-site-packages", + "uv sync" ], "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/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 62b036815b..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 @@ -13,13 +13,17 @@ "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 python pin $(which python)", + "uv venv --system-site-packages", + "uv sync" ], "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/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 5b232dabf0..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,15 +11,19 @@ "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 -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" + "uv run python Intel_TensorFlow_AMX_BF16_Inference.py", + "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/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 dbcdcb77ad..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,15 +10,20 @@ "cpuInstructionSets": ["AVX512", "AMX"], "ciTests": { "linux": [{ - "id": "intel amx bf16 training", - "steps": [ + "env": [ "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 python pin $(which python)", + "uv venv --system-site-packages", + "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 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 c1bfce2009..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 @@ -17,14 +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 python pin $(which python)", + "uv venv --system-site-packages", + "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 d4f4ccbb9c..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 @@ -14,16 +14,16 @@ { "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", + "uv python pin $(which python)", + "uv venv --system-site-packages", + "uv sync" ], "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/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 79c3902467..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 @@ -10,14 +10,19 @@ "cpuInstructionSets": ["AVX512", "AMX"], "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 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/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/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..6e8f1d804e 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,14 @@ "env": [ "source /intel/oneapi/intelpython/bin/activate", "conda activate pytorch", - "pip install -r requirements.txt" + "pip install uv", + "uv python pin $(which python)", + "uv venv --system-site-packages", + "uv sync" ], "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/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 d0666b742b..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 @@ -13,11 +13,14 @@ "env": [ "source /intel/oneapi/intelpython/bin/activate", "conda activate base", - "pip install -r requirements.txt" + "pip install uv", + "uv python pin $(which python)", + "uv venv --system-site-packages", + "uv sync" ], "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/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 9f5d9b9ed5..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,16 +10,19 @@ "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 -r requirements.txt", - "pip install ipykernel jupyter", - "python -m ipykernel install --user --name=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": "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/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 ccbab7fde7..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 @@ -11,17 +11,19 @@ "ciTests": { "linux": [ { - "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" + "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 --ExecutePreprocessor.kernel_name=tensorflow --to notebook inc_sample_tensorflow.ipynb" ] } ] 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 bf73661fec..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 @@ -15,11 +15,14 @@ "env": [ "source /intel/oneapi/intelpython/bin/activate", "conda activate base", - "pip install -r requirements.txt" + "pip install uv", + "uv python pin $(which python)", + "uv venv --system-site-packages", + "uv sync" ], "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/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 c9c5c118b2..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 @@ -15,11 +15,14 @@ "env": [ "source /intel/oneapi/intelpython/bin/activate", "conda activate base", - "pip install -r requirements.txt" + "pip install uv", + "uv python pin $(which python)", + "uv venv --system-site-packages", + "uv sync" ], "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/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 964b555293..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 @@ -15,11 +15,14 @@ "env": [ "source /intel/oneapi/intelpython/bin/activate", "conda activate base", - "pip install -r requirements.txt" + "pip install uv", + "uv python pin $(which python)", + "uv venv --system-site-packages", + "uv sync" ], "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/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 55522107c0..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 @@ -14,23 +14,16 @@ "linux": [{ "env": [ "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", - "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", - "conda deactivate" + "pip install uv", + "uv python pin $(which python)", + "uv venv --system-site-packages", + "uv sync", + "uv run ipython kernel install --user --name=tensorflow-gpu" ], "id": "itex_sample_test", "steps": [ - "conda activate tensorflow", - "jupyter nbconvert --to notebook --execute ResNet50_Inference.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/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 5acc558d80..d71b6c3d0d 100644 --- a/AI-and-Analytics/Getting-Started-Samples/Modin_GettingStarted/sample.json +++ b/AI-and-Analytics/Getting-Started-Samples/Modin_GettingStarted/sample.json @@ -8,17 +8,22 @@ "os":["linux"], "targetDevice": ["CPU"], "ciTests": { - "linux": [ + "linux": [ { - "env": [], - "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" - ] - } + "env": [ + "source /intel/oneapi/intelpython/bin/activate", + "conda activate modin", + "pip install uv", + "uv python pin $(which python)", + "uv venv --system-site-packages", + "uv sync", + "uv run ipython kernel install --user --name modin_getting_started" + ], + "id": "Intel_Modin_GS_py", + "steps": [ + "uv run jupyter nbconvert --ExecutePreprocessor.enabled=True --ExecutePreprocessor.kernel_name=modin_getting_started --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 2f6e6bd812..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 @@ -1,24 +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", - "pip install numpy pandas modin[all]", - "pip install jupyter ipykernel", - "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 --ExecutePreprocessor.kernel_name=modin_vs_pandas --to notebook Modin_Vs_Pandas.ipynb" + ] + }] + }, + "expertise": "Concepts and Functionality" }