版本升级Installation error: INSTALL_FAILED_VERSION_DOWNGRADE问题解决

本文介绍了在测试安装安卓应用时遇到的INSTALL_FAILED_VERSION_DOWNGRADE错误及其解决方法。当尝试安装的版本低于已安装版本时会出现此错误。解决方式包括卸载原有应用或修改AndroidManifest.xml中的versionCode。

问题:

在测试安装应用时,adb install报错:
Installation error: INSTALL_FAILED_VERSION_DOWNGRADE

原因:

已经安装的应用的版本比想在要安装的版本高。

解决办法:

1 卸载原来的应用,重新安装;

2 修改AndroidManifest.xml 的versionCode。versionCode越大版本越高。

1.我们现在的进展到哪了 还差什么 ? 2."PowerShell 7 环境已加载 (版本: 7.5.2) PS C:\Users\Administrator\Desktop> cd E:\PyTorch_Build\pytorch PS E:\PyTorch_Build\pytorch> .\pytorch_env\Scripts\activate (pytorch_env) PS E:\PyTorch_Build\pytorch> # 列出所有可用的 Conda 环境 (pytorch_env) PS E:\PyTorch_Build\pytorch> conda env list # conda environments: # base C:\Miniconda3 pytorch-env C:\Miniconda3\envs\pytorch-env (pytorch_env) PS E:\PyTorch_Build\pytorch> (pytorch_env) PS E:\PyTorch_Build\pytorch> # 如果 pytorch_env 不存在,创建新环境 (pytorch_env) PS E:\PyTorch_Build\pytorch> conda create -n pytorch_env python=3.10 -y 3 channel Terms of Service accepted Channels: - defaults - conda-forge - https://mirrors.tuna.tsinghua.edu.cn/anaconda/cloud/pytorch - https://mirrors.tuna.tsinghua.edu.cn/anaconda/pkgs/free - https://mirrors.tuna.tsinghua.edu.cn/anaconda/pkgs/main Platform: win-64 Collecting package metadata (repodata.json): done Solving environment: done ## Package Plan ## environment location: C:\Miniconda3\envs\pytorch_env added / updated specs: - python=3.10 done # # To activate this environment, use # # $ conda activate pytorch_env # # To deactivate an active environment, use # # $ conda deactivate (pytorch_env) PS E:\PyTorch_Build\pytorch> conda activate pytorch_env (pytorch_env) PS E:\PyTorch_Build\pytorch> (pytorch_env) PS E:\PyTorch_Build\pytorch> # 安装必要的 Python 包 (pytorch_env) PS E:\PyTorch_Build\pytorch> conda install -c conda-forge -y numpy mkl mkl-include mkl-service intel-openmp 3 channel Terms of Service accepted Channels: - conda-forge - defaults - https://mirrors.tuna.tsinghua.edu.cn/anaconda/cloud/pytorch - https://mirrors.tuna.tsinghua.edu.cn/anaconda/pkgs/free - https://mirrors.tuna.tsinghua.edu.cn/anaconda/pkgs/main Platform: win-64 Collecting package metadata (repodata.json): done Solving environment: done ## Package Plan ## environment location: C:\Miniconda3 added / updated specs: - intel-openmp - mkl - mkl-include - mkl-service - numpy The following packages will be downloaded: package | build ---------------------------|----------------- ca-certificates-2025.8.3 | h4c7d964_0 151 KB conda-forge intel-openmp-2025.2.0 | h57928b3_757 21.4 MB conda-forge libblas-3.9.0 | 34_h5709861_mkl 69 KB conda-forge libcblas-3.9.0 | 34_h2a3cdd5_mkl 69 KB conda-forge liblapack-3.9.0 | 34_hf9ab0e9_mkl 80 KB conda-forge llvm-openmp-20.1.8 | h29ce207_0 329 KB defaults mkl-2024.2.2 | h57928b3_16 98.3 MB conda-forge mkl-include-2025.2.0 | h57928b3_628 692 KB conda-forge mkl-service-2.5.2 | py313haca3b5c_0 64 KB conda-forge openssl-3.5.2 | h725018a_0 8.8 MB conda-forge ------------------------------------------------------------ Total: 130.0 MB The following NEW packages will be INSTALLED: llvm-openmp pkgs/main/win-64::llvm-openmp-20.1.8-h29ce207_0 mkl-service conda-forge/win-64::mkl-service-2.5.2-py313haca3b5c_0 The following packages will be UPDATED: ca-certificates pkgs/main/win-64::ca-certificates-202~ --> conda-forge/noarch::ca-certificates-2025.8.3-h4c7d964_0 intel-openmp 2024.2.1-h57928b3_1083 --> 2025.2.0-h57928b3_757 libblas 3.9.0-24_win64_mkl --> 3.9.0-34_h5709861_mkl libcblas 3.9.0-24_win64_mkl --> 3.9.0-34_h2a3cdd5_mkl liblapack 3.9.0-24_win64_mkl --> 3.9.0-34_hf9ab0e9_mkl mkl 2024.1.0-h66d3029_694 --> 2024.2.2-h57928b3_16 mkl-include 2024.1.0-h66d3029_694 --> 2025.2.0-h57928b3_628 openssl 3.1.8-ha4e3fda_0 --> 3.5.2-h725018a_0 Downloading and Extracting Packages: Preparing transaction: done Verifying transaction: done Executing transaction: done (pytorch_env) PS E:\PyTorch_Build\pytorch> (pytorch_env) PS E:\PyTorch_Build\pytorch> # 验证 MKL 安装 (pytorch_env) PS E:\PyTorch_Build\pytorch> python -c "import mkl; print(f'MKL version: {mkl.__version__}')" Traceback (most recent call last): File "<string>", line 1, in <module> ModuleNotFoundError: No module named 'mkl' (pytorch_env) PS E:\PyTorch_Build\pytorch> python -c "import numpy as np; np.show_config()" Traceback (most recent call last): File "<string>", line 1, in <module> ModuleNotFoundError: No module named 'numpy' (pytorch_env) PS E:\PyTorch_Build\pytorch> # 确保在 pytorch 源码目录 (pytorch_env) PS E:\PyTorch_Build\pytorch> cd E:\PyTorch_Build\pytorch (pytorch_env) PS E:\PyTorch_Build\pytorch> (pytorch_env) PS E:\PyTorch_Build\pytorch> # 设置环境变量(根据您的实际路径修改) (pytorch_env) PS E:\PyTorch_Build\pytorch> $env:CUDA_PATH = "C:\Program Files\NVIDIA GPU Computing Toolkit\CUDA\v13.0" (pytorch_env) PS E:\PyTorch_Build\pytorch> $env:CUDNN_INCLUDE_DIR = "E:\Program Files\NVIDIA\CUNND\v9.12\include" (pytorch_env) PS E:\PyTorch_Build\pytorch> $env:CUDNN_LIBRARY = "E:\Program Files\NVIDIA\CUNND\v9.12\lib\x64\cudnn.lib" (pytorch_env) PS E:\PyTorch_Build\pytorch> (pytorch_env) PS E:\PyTorch_Build\pytorch> # 安装构建依赖 (pytorch_env) PS E:\PyTorch_Build\pytorch> pip install cmake ninja Looking in indexes: https://pypi.tuna.tsinghua.edu.cn/simple Requirement already satisfied: cmake in e:\pytorch_build\pytorch\pytorch_env\lib\site-packages (4.1.0) Requirement already satisfied: ninja in e:\pytorch_build\pytorch\pytorch_env\lib\site-packages (1.13.0) (pytorch_env) PS E:\PyTorch_Build\pytorch> (pytorch_env) PS E:\PyTorch_Build\pytorch> # 开始构建 (pytorch_env) PS E:\PyTorch_Build\pytorch> python setup.py install --cmake -G "Ninja" ` >> -DCMAKE_CUDA_COMPILER="$env:CUDA_PATH\bin\nvcc.exe" ` >> -DCUDNN_INCLUDE_DIR="$env:CUDNN_INCLUDE_DIR" ` >> -DCUDNN_LIBRARY="$env:CUDNN_LIBRARY" Building wheel torch-2.9.0a0+git2d31c3d option -G not recognized (pytorch_env) PS E:\PyTorch_Build\pytorch> # 卸载现有版本 (pytorch_env) PS E:\PyTorch_Build\pytorch> pip uninstall -y torch torchvision torchaudio Found existing installation: torch 2.9.0a0+git2d31c3d Uninstalling torch-2.9.0a0+git2d31c3d: Successfully uninstalled torch-2.9.0a0+git2d31c3d WARNING: Skipping torchvision as it is not installed. WARNING: Skipping torchaudio as it is not installed. (pytorch_env) PS E:\PyTorch_Build\pytorch> (pytorch_env) PS E:\PyTorch_Build\pytorch> # 安装 CUDA 12.1 版本的 PyTorch(兼容 CUDA 13.0) (pytorch_env) PS E:\PyTorch_Build\pytorch> pip install torch torchvision torchaudio --index-url https://download.pytorch.org/whl/cu121 Looking in indexes: https://download.pytorch.org/whl/cu121 Collecting torch Using cached https://download.pytorch.org/whl/cu121/torch-2.5.1%2Bcu121-cp310-cp310-win_amd64.whl (2449.4 MB) Collecting torchvision Using cached https://download.pytorch.org/whl/cu121/torchvision-0.20.1%2Bcu121-cp310-cp310-win_amd64.whl (6.1 MB) Collecting torchaudio Using cached https://download.pytorch.org/whl/cu121/torchaudio-2.5.1%2Bcu121-cp310-cp310-win_amd64.whl (4.1 MB) Requirement already satisfied: filelock in e:\pytorch_build\pytorch\pytorch_env\lib\site-packages (from torch) (3.19.1) Requirement already satisfied: typing-extensions>=4.8.0 in e:\pytorch_build\pytorch\pytorch_env\lib\site-packages (from torch) (4.15.0) Requirement already satisfied: networkx in e:\pytorch_build\pytorch\pytorch_env\lib\site-packages (from torch) (3.4.2) Requirement already satisfied: jinja2 in e:\pytorch_build\pytorch\pytorch_env\lib\site-packages (from torch) (3.1.6) Requirement already satisfied: fsspec in e:\pytorch_build\pytorch\pytorch_env\lib\site-packages (from torch) (2025.7.0) Collecting sympy==1.13.1 (from torch) Using cached https://download.pytorch.org/whl/sympy-1.13.1-py3-none-any.whl (6.2 MB) Requirement already satisfied: mpmath<1.4,>=1.1.0 in e:\pytorch_build\pytorch\pytorch_env\lib\site-packages (from sympy==1.13.1->torch) (1.3.0) Collecting numpy (from torchvision) Downloading https://download.pytorch.org/whl/numpy-2.1.2-cp310-cp310-win_amd64.whl.metadata (59 kB) Collecting pillow!=8.3.*,>=5.3.0 (from torchvision) Downloading https://download.pytorch.org/whl/pillow-11.0.0-cp310-cp310-win_amd64.whl.metadata (9.3 kB) Requirement already satisfied: MarkupSafe>=2.0 in e:\pytorch_build\pytorch\pytorch_env\lib\site-packages (from jinja2->torch) (3.0.2) Downloading https://download.pytorch.org/whl/pillow-11.0.0-cp310-cp310-win_amd64.whl (2.6 MB) ━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━ 2.6/2.6 MB 5.7 MB/s 0:00:00 Downloading https://download.pytorch.org/whl/numpy-2.1.2-cp310-cp310-win_amd64.whl (12.9 MB) ━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━ 12.9/12.9 MB 27.8 MB/s 0:00:00 Installing collected packages: sympy, pillow, numpy, torch, torchvision, torchaudio Attempting uninstall: sympy Found existing installation: sympy 1.14.0 Uninstalling sympy-1.14.0: Successfully uninstalled sympy-1.14.0 Successfully installed numpy-2.1.2 pillow-11.0.0 sympy-1.13.1 torch-2.5.1+cu121 torchaudio-2.5.1+cu121 torchvision-0.20.1+cu121 (pytorch_env) PS E:\PyTorch_Build\pytorch> (pytorch_env) PS E:\PyTorch_Build\pytorch> # 或者安装特定版本 (pytorch_env) PS E:\PyTorch_Build\pytorch> pip install torch==2.3.0+cu121 torchvision==0.18.0+cu121 torchaudio==2.3.0 -f https://download.pytorch.org/whl/torch_stable.html Looking in indexes: https://pypi.tuna.tsinghua.edu.cn/simple Looking in links: https://download.pytorch.org/whl/torch_stable.html Collecting torch==2.3.0+cu121 Downloading https://download.pytorch.org/whl/cu121/torch-2.3.0%2Bcu121-cp310-cp310-win_amd64.whl (2413.3 MB) ━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━ 2.4/2.4 GB 27.9 MB/s 0:01:13 Collecting torchvision==0.18.0+cu121 Downloading https://download.pytorch.org/whl/cu121/torchvision-0.18.0%2Bcu121-cp310-cp310-win_amd64.whl (5.7 MB) ━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━ 5.7/5.7 MB 115.0 MB/s 0:00:00 Collecting torchaudio==2.3.0 Downloading https://download.pytorch.org/whl/cu121/torchaudio-2.3.0%2Bcu121-cp310-cp310-win_amd64.whl (4.1 MB) ━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━ 4.1/4.1 MB 80.9 MB/s 0:00:00 Requirement already satisfied: filelock in e:\pytorch_build\pytorch\pytorch_env\lib\site-packages (from torch==2.3.0+cu121) (3.19.1) Requirement already satisfied: typing-extensions>=4.8.0 in e:\pytorch_build\pytorch\pytorch_env\lib\site-packages (from torch==2.3.0+cu121) (4.15.0) Requirement already satisfied: sympy in e:\pytorch_build\pytorch\pytorch_env\lib\site-packages (from torch==2.3.0+cu121) (1.13.1) Requirement already satisfied: networkx in e:\pytorch_build\pytorch\pytorch_env\lib\site-packages (from torch==2.3.0+cu121) (3.4.2) Requirement already satisfied: jinja2 in e:\pytorch_build\pytorch\pytorch_env\lib\site-packages (from torch==2.3.0+cu121) (3.1.6) Requirement already satisfied: fsspec in e:\pytorch_build\pytorch\pytorch_env\lib\site-packages (from torch==2.3.0+cu121) (2025.7.0) Collecting mkl<=2021.4.0,>=2021.1.1 (from torch==2.3.0+cu121) Downloading https://pypi.tuna.tsinghua.edu.cn/packages/fe/1c/5f6dbf18e8b73e0a5472466f0ea8d48ce9efae39bd2ff38cebf8dce61259/mkl-2021.4.0-py2.py3-none-win_amd64.whl (228.5 MB) ━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━ 228.5/228.5 MB 46.8 MB/s 0:00:05 Requirement already satisfied: numpy in e:\pytorch_build\pytorch\pytorch_env\lib\site-packages (from torchvision==0.18.0+cu121) (2.1.2) Requirement already satisfied: pillow!=8.3.*,>=5.3.0 in e:\pytorch_build\pytorch\pytorch_env\lib\site-packages (from torchvision==0.18.0+cu121) (11.0.0) Collecting intel-openmp==2021.* (from mkl<=2021.4.0,>=2021.1.1->torch==2.3.0+cu121) Downloading https://pypi.tuna.tsinghua.edu.cn/packages/6f/21/b590c0cc3888b24f2ac9898c41d852d7454a1695fbad34bee85dba6dc408/intel_openmp-2021.4.0-py2.py3-none-win_amd64.whl (3.5 MB) ━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━ 3.5/3.5 MB 51.7 MB/s 0:00:00 Requirement already satisfied: tbb==2021.* in e:\pytorch_build\pytorch\pytorch_env\lib\site-packages (from mkl<=2021.4.0,>=2021.1.1->torch==2.3.0+cu121) (2021.13.1) Requirement already satisfied: MarkupSafe>=2.0 in e:\pytorch_build\pytorch\pytorch_env\lib\site-packages (from jinja2->torch==2.3.0+cu121) (3.0.2) Requirement already satisfied: mpmath<1.4,>=1.1.0 in e:\pytorch_build\pytorch\pytorch_env\lib\site-packages (from sympy->torch==2.3.0+cu121) (1.3.0) Installing collected packages: intel-openmp, mkl, torch, torchvision, torchaudio Attempting uninstall: intel-openmp Found existing installation: intel-openmp 2024.2.1 Uninstalling intel-openmp-2024.2.1: Successfully uninstalled intel-openmp-2024.2.1 Attempting uninstall: torch Found existing installation: torch 2.5.1+cu121 Uninstalling torch-2.5.1+cu121: Successfully uninstalled torch-2.5.1+cu121 Attempting uninstall: torchvision Found existing installation: torchvision 0.20.1+cu121 Uninstalling torchvision-0.20.1+cu121: Successfully uninstalled torchvision-0.20.1+cu121 Attempting uninstall: torchaudio Found existing installation: torchaudio 2.5.1+cu121 Uninstalling torchaudio-2.5.1+cu121: Successfully uninstalled torchaudio-2.5.1+cu121 ERROR: pip's dependency resolver does not currently take into account all the packages that are installed. This behaviour is the source of the following dependency conflicts. mkl-static 2024.1.0 requires intel-openmp==2024.*, but you have intel-openmp 2021.4.0 which is incompatible. Successfully installed intel-openmp-2021.4.0 mkl-2021.4.0 torch-2.3.0+cu121 torchaudio-2.3.0+cu121 torchvision-0.18.0+cu121 (pytorch_env) PS E:\PyTorch_Build\pytorch> python -c " >> import torch >> from torch.utils import cpp_extension >> >> print('='*50) >> print(f'PyTorch 版本: {torch.__version__}') >> print(f'CUDA 可用: {torch.cuda.is_available()}') >> if torch.cuda.is_available(): >> print(f'CUDA 版本: {torch.version.cuda}') >> print(f'cuDNN 版本: {torch.backends.cudnn.version()}') >> print(f'GPU 名称: {torch.cuda.get_device_name(0)}') >> >> print('='*20 + ' 配置信息 ' + '='*20) >> print(torch.__config__.show()) >> >> print('='*20 + ' 简单计算测试 ' + '='*20) >> x = torch.randn(1000, 1000, device='cuda') >> y = torch.randn(1000, 1000, device='cuda') >> z = x @ y >> print(f'矩阵乘法完成: {z.size()}') >> >> print('='*20 + ' cuDNN 卷积测试 ' + '='*20) >> conv = torch.nn.Conv2d(3, 64, kernel_size=3).cuda() >> input = torch.randn(1, 3, 256, 256).cuda() >> output = conv(input) >> print(f'卷积输出尺寸: {output.size()}') >> >> print('='*20 + ' MKL 性能测试 ' + '='*20) >> a = torch.randn(5000, 5000) >> b = torch.randn(5000, 5000) >> c = a @ b >> print(f'CPU 矩阵乘法完成: {c.size()}') >> >> print('='*50) >> " ================================================== PyTorch 版本: 2.3.0+cu121 CUDA 可用: True CUDA 版本: 12.1 cuDNN 版本: 8801 E:\PyTorch_Build\pytorch\pytorch_env\lib\site-packages\torch\cuda\__init__.py:209: UserWarning: NVIDIA GeForce RTX 5070 with CUDA capability sm_120 is not compatible with the current PyTorch installation. The current PyTorch install supports CUDA capabilities sm_50 sm_60 sm_61 sm_70 sm_75 sm_80 sm_86 sm_90. If you want to use the NVIDIA GeForce RTX 5070 GPU with PyTorch, please check the instructions at https://pytorch.org/get-started/locally/ warnings.warn( GPU 名称: NVIDIA GeForce RTX 5070 ==================== 配置信息 ==================== PyTorch built with: - C++ Version: 201703 - MSVC 192930151 - Intel(R) oneAPI Math Kernel Library Version 2021.4-Product Build 20210904 for Intel(R) 64 architecture applications - Intel(R) MKL-DNN v3.3.6 (Git Hash 86e6af5974177e513fd3fee58425e1063e7f1361) - OpenMP 2019 - LAPACK is enabled (usually provided by MKL) - CPU capability usage: AVX2 - CUDA Runtime 12.1 - NVCC architecture flags: -gencode;arch=compute_50,code=sm_50;-gencode;arch=compute_60,code=sm_60;-gencode;arch=compute_61,code=sm_61;-gencode;arch=compute_70,code=sm_70;-gencode;arch=compute_75,code=sm_75;-gencode;arch=compute_80,code=sm_80;-gencode;arch=compute_86,code=sm_86;-gencode;arch=compute_90,code=sm_90 - CuDNN 8.8.1 (built against CUDA 12.0) - Magma 2.5.4 - Build settings: BLAS_INFO=mkl, BUILD_TYPE=Release, CUDA_VERSION=12.1, CUDNN_VERSION=8.8.1, CXX_COMPILER=C:/actions-runner/_work/pytorch/pytorch/builder/windows/tmp_bin/sccache-cl.exe, CXX_FLAGS=/DWIN32 /D_WINDOWS /GR /EHsc /Zc:__cplusplus /bigobj /FS /utf-8 -DUSE_PTHREADPOOL -DNDEBUG -DUSE_KINETO -DLIBKINETO_NOCUPTI -DLIBKINETO_NOROCTRACER -DUSE_FBGEMM -DUSE_XNNPACK -DSYMBOLICATE_MOBILE_DEBUG_HANDLE /wd4624 /wd4068 /wd4067 /wd4267 /wd4661 /wd4717 /wd4244 /wd4804 /wd4273, LAPACK_INFO=mkl, PERF_WITH_AVX=1, PERF_WITH_AVX2=1, PERF_WITH_AVX512=1, TORCH_VERSION=2.3.0, USE_CUDA=ON, USE_CUDNN=ON, USE_CUSPARSELT=OFF, USE_EXCEPTION_PTR=1, USE_GFLAGS=OFF, USE_GLOG=OFF, USE_GLOO=ON, USE_MKL=ON, USE_MKLDNN=ON, USE_MPI=OFF, USE_NCCL=OFF, USE_NNPACK=OFF, USE_OPENMP=ON, USE_ROCM=OFF, USE_ROCM_KERNEL_ASSERT=OFF, ==================== 简单计算测试 ==================== A module that was compiled using NumPy 1.x cannot be run in NumPy 2.1.2 as it may crash. To support both 1.x and 2.x versions of NumPy, modules must be compiled with NumPy 2.0. Some module may need to rebuild instead e.g. with 'pybind11>=2.12'. If you are a user of the module, the easiest solution will be to downgrade to 'numpy<2' or try to upgrade the affected module. We expect that some modules will need time to support NumPy 2. Traceback (most recent call last): File "<string>", line 17, in <module> <string>:17: UserWarning: Failed to initialize NumPy: _ARRAY_API not found (Triggered internally at ..\torch\csrc\utils\tensor_numpy.cpp:84.) Traceback (most recent call last): File "<string>", line 17, in <module> RuntimeError: CUDA error: no kernel image is available for execution on the device CUDA kernel errors might be asynchronously reported at some other API call, so the stacktrace below might be incorrect. For debugging consider passing CUDA_LAUNCH_BLOCKING=1. Compile with `TORCH_USE_CUDA_DSA` to enable device-side assertions. “
09-02
[413C:27C8][2025-10-24T21:11:57]i001: Burn v3.11.1.2318, Windows v10.0 (Build 26100: Service Pack 0), path: C:\Users\ZR\AppData\Local\Temp\{7215DFD8-039C-4982-8DA4-324D064D6A4B}\.cr\python-3.9.2rc1-amd64.exe [413C:27C8][2025-10-24T21:11:57]i000: Initializing string variable 'ActionLikeInstalling' to value 'Installing' [413C:27C8][2025-10-24T21:11:57]i000: Initializing string variable 'ActionLikeInstallation' to value 'Setup' [413C:27C8][2025-10-24T21:11:57]i000: Initializing string variable 'ShortVersion' to value '3.9' [413C:27C8][2025-10-24T21:11:57]i000: Initializing numeric variable 'ShortVersionNoDot' to value '39' [413C:27C8][2025-10-24T21:11:57]i000: Initializing string variable 'WinVer' to value '3.9' [413C:27C8][2025-10-24T21:11:57]i000: Initializing numeric variable 'WinVerNoDot' to value '39' [413C:27C8][2025-10-24T21:11:57]i000: Initializing numeric variable 'InstallAllUsers' to value '0' [413C:27C8][2025-10-24T21:11:57]i000: Initializing numeric variable 'InstallLauncherAllUsers' to value '1' [413C:27C8][2025-10-24T21:11:57]i000: Initializing string variable 'TargetDir' to value '' [413C:27C8][2025-10-24T21:11:57]i000: Initializing string variable 'DefaultAllUsersTargetDir' to value '[ProgramFiles64Folder]Python[WinVerNoDot]' [413C:27C8][2025-10-24T21:11:57]i000: Initializing string variable 'TargetPlatform' to value 'x64' [413C:27C8][2025-10-24T21:11:57]i000: Initializing string variable 'DefaultJustForMeTargetDir' to value '[LocalAppDataFolder]Programs\Python\Python[WinVerNoDot]' [413C:27C8][2025-10-24T21:11:57]i000: Initializing string variable 'OptionalFeaturesRegistryKey' to value 'Software\Python\PythonCore\[WinVer]\InstalledFeatures' [413C:27C8][2025-10-24T21:11:57]i000: Initializing string variable 'TargetDirRegistryKey' to value 'Software\Python\PythonCore\[WinVer]\InstallPath' [413C:27C8][2025-10-24T21:11:57]i000: Initializing string variable 'DefaultCustomTargetDir' to value '' [413C:27C8][2025-10-24T21:11:57]i000: Initializing string variable 'InstallAllUsersState' to value 'enabled' [413C:27C8][2025-10-24T21:11:57]i000: Initializing string variable 'InstallLauncherAllUsersState' to value 'enabled' [413C:27C8][2025-10-24T21:11:57]i000: Initializing string variable 'CustomInstallLauncherAllUsersState' to value '[InstallLauncherAllUsersState]' [413C:27C8][2025-10-24T21:11:57]i000: Initializing string variable 'TargetDirState' to value 'enabled' [413C:27C8][2025-10-24T21:11:57]i000: Initializing string variable 'CustomBrowseButtonState' to value 'enabled' [413C:27C8][2025-10-24T21:11:57]i000: Initializing numeric variable 'Include_core' to value '1' [413C:27C8][2025-10-24T21:11:57]i000: Initializing numeric variable 'Include_exe' to value '1' [413C:27C8][2025-10-24T21:11:57]i000: Initializing numeric variable 'Include_dev' to value '1' [413C:27C8][2025-10-24T21:11:57]i000: Initializing numeric variable 'Include_lib' to value '1' [413C:27C8][2025-10-24T21:11:57]i000: Initializing numeric variable 'Include_test' to value '1' [413C:27C8][2025-10-24T21:11:57]i000: Initializing numeric variable 'Include_doc' to value '1' [413C:27C8][2025-10-24T21:11:57]i000: Initializing numeric variable 'Include_tools' to value '1' [413C:27C8][2025-10-24T21:11:57]i000: Initializing numeric variable 'Include_tcltk' to value '1' [413C:27C8][2025-10-24T21:11:57]i000: Initializing numeric variable 'Include_pip' to value '1' [413C:27C8][2025-10-24T21:11:57]i000: Initializing numeric variable 'Include_launcher' to value '-1' [413C:27C8][2025-10-24T21:11:57]i000: Initializing string variable 'Include_launcherState' to value 'enabled' [413C:27C8][2025-10-24T21:11:57]i000: Initializing numeric variable 'Include_symbols' to value '0' [413C:27C8][2025-10-24T21:11:57]i000: Initializing numeric variable 'Include_debug' to value '0' [413C:27C8][2025-10-24T21:11:57]i000: Initializing numeric variable 'LauncherOnly' to value '0' [413C:27C8][2025-10-24T21:11:57]i000: Initializing numeric variable 'DetectedLauncher' to value '0' [413C:27C8][2025-10-24T21:11:57]i000: Initializing numeric variable 'DetectedOldLauncher' to value '0' [413C:27C8][2025-10-24T21:11:57]i000: Initializing numeric variable 'AssociateFiles' to value '1' [413C:27C8][2025-10-24T21:11:57]i000: Initializing numeric variable 'Shortcuts' to value '1' [413C:27C8][2025-10-24T21:11:57]i000: Initializing numeric variable 'PrependPath' to value '0' [413C:27C8][2025-10-24T21:11:57]i000: Initializing numeric variable 'CompileAll' to value '0' [413C:27C8][2025-10-24T21:11:57]i000: Initializing numeric variable 'SimpleInstall' to value '0' [413C:27C8][2025-10-24T21:11:57]i000: Initializing string variable 'SimpleInstallDescription' to value '' [413C:27C8][2025-10-24T21:11:57]i009: Command Line: '-burn.clean.room=C:\Users\ZR\Desktop\python-3.9.2rc1-amd64.exe -burn.filehandle.attached=620 -burn.filehandle.self=772' [413C:27C8][2025-10-24T21:11:57]i000: Setting string variable 'WixBundleOriginalSource' to value 'C:\Users\ZR\Desktop\python-3.9.2rc1-amd64.exe' [413C:27C8][2025-10-24T21:11:57]i000: Setting string variable 'WixBundleOriginalSourceFolder' to value 'C:\Users\ZR\Desktop\' [413C:27C8][2025-10-24T21:11:57]i000: Setting string variable 'WixBundleLog' to value 'C:\Users\ZR\AppData\Local\Temp\Python 3.9.2rc1 (64-bit)_20251024211157.log' [413C:27C8][2025-10-24T21:11:57]i000: Setting string variable 'WixBundleName' to value 'Python 3.9.2rc1 (64-bit)' [413C:27C8][2025-10-24T21:11:57]i000: Setting string variable 'WixBundleManufacturer' to value 'Python Software Foundation' [413C:27C8][2025-10-24T21:11:57]i000: Setting numeric variable 'CRTInstalled' to value 1 [413C:0C44][2025-10-24T21:11:57]i000: Did not find C:\Users\ZR\Desktop\unattend.xml [413C:0C44][2025-10-24T21:11:57]i000: Setting string variable 'ActionLikeInstalling' to value 'Installing' [413C:0C44][2025-10-24T21:11:57]i000: Setting string variable 'ActionLikeInstallation' to value 'Setup' [413C:0C44][2025-10-24T21:11:57]i000: Setting version variable 'WixBundleFileVersion' to value '3.9.2121.0' [413C:0C44][2025-10-24T21:11:58]i000: Target OS is Windows 10 or later [413C:27C8][2025-10-24T21:11:58]i100: Detect begin, 52 packages [413C:27C8][2025-10-24T21:11:58]i103: Detected related package: {C4B7FF79-1195-436F-AA85-28EE995151B7}, scope: PerMachine, version: 3.9.6150.0, language: 0 operation: Downgrade [413C:27C8][2025-10-24T21:11:58]i103: Detected related package: {C4B7FF79-1195-436F-AA85-28EE995151B7}, scope: PerMachine, version: 3.9.6150.0, language: 0 operation: Downgrade [413C:27C8][2025-10-24T21:11:58]i103: Detected related package: {D6580352-5B95-49A9-B2F3-313D12D13968}, scope: PerMachine, version: 3.9.6150.0, language: 0 operation: Downgrade [413C:27C8][2025-10-24T21:11:58]i103: Detected related package: {D6580352-5B95-49A9-B2F3-313D12D13968}, scope: PerMachine, version: 3.9.6150.0, language: 0 operation: Downgrade [413C:27C8][2025-10-24T21:11:58]i103: Detected related package: {9BE9E7F0-F9F1-487B-A2FC-790CD2898388}, scope: PerMachine, version: 3.9.6150.0, language: 0 operation: Downgrade [413C:27C8][2025-10-24T21:11:58]i103: Detected related package: {9BE9E7F0-F9F1-487B-A2FC-790CD2898388}, scope: PerMachine, version: 3.9.6150.0, language: 0 operation: Downgrade [413C:27C8][2025-10-24T21:11:58]i103: Detected related package: {4DD10049-CC97-48AE-BE76-4CB6E3111F7B}, scope: PerMachine, version: 3.9.6150.0, language: 0 operation: Downgrade [413C:27C8][2025-10-24T21:11:58]i103: Detected related package: {4DD10049-CC97-48AE-BE76-4CB6E3111F7B}, scope: PerMachine, version: 3.9.6150.0, language: 0 operation: Downgrade [413C:27C8][2025-10-24T21:11:58]i103: Detected related package: {5C5B7907-C4E8-4E09-8CD6-3E844C7D65E2}, scope: PerMachine, version: 3.9.6150.0, language: 0 operation: Downgrade [413C:27C8][2025-10-24T21:11:58]i103: Detected related package: {5C5B7907-C4E8-4E09-8CD6-3E844C7D65E2}, scope: PerMachine, version: 3.9.6150.0, language: 0 operation: Downgrade [413C:27C8][2025-10-24T21:11:58]i103: Detected related package: {2994270E-FE74-49E5-98BB-E65F5F0EC304}, scope: PerMachine, version: 3.9.6150.0, language: 0 operation: Downgrade [413C:27C8][2025-10-24T21:11:58]i103: Detected related package: {2994270E-FE74-49E5-98BB-E65F5F0EC304}, scope: PerMachine, version: 3.9.6150.0, language: 0 operation: Downgrade [413C:27C8][2025-10-24T21:11:58]i103: Detected related package: {511119D2-41C4-48E1-A3DA-0A6A1E68AC76}, scope: PerMachine, version: 3.9.6150.0, language: 0 operation: Downgrade [413C:27C8][2025-10-24T21:11:58]i103: Detected related package: {511119D2-41C4-48E1-A3DA-0A6A1E68AC76}, scope: PerMachine, version: 3.9.6150.0, language: 0 operation: Downgrade [413C:27C8][2025-10-24T21:11:58]i103: Detected related package: {7C56D977-225C-4EBA-8308-E47DF9FA867F}, scope: PerMachine, version: 3.9.6150.0, language: 0 operation: Downgrade [413C:27C8][2025-10-24T21:11:58]i103: Detected related package: {7C56D977-225C-4EBA-8308-E47DF9FA867F}, scope: PerMachine, version: 3.9.6150.0, language: 0 operation: Downgrade [413C:27C8][2025-10-24T21:11:58]i103: Detected related package: {52ABF617-F7B4-40F9-8197-C7490DAA97A3}, scope: PerUser, version: 3.12.3150.0, language: 0 operation: Downgrade [413C:27C8][2025-10-24T21:11:58]i000: Setting numeric variable 'InstallLauncherAllUsers' to value 1 [413C:27C8][2025-10-24T21:11:58]i000: Setting numeric variable 'Include_launcher' to value 1 [413C:27C8][2025-10-24T21:11:58]i000: Setting numeric variable 'DetectedLauncher' to value 1 [413C:27C8][2025-10-24T21:11:58]i000: Setting string variable 'Include_launcherState' to value 'disable' [413C:27C8][2025-10-24T21:11:58]i000: Setting string variable 'InstallLauncherAllUsersState' to value 'disable' [413C:27C8][2025-10-24T21:11:58]i103: Detected related package: {52ABF617-F7B4-40F9-8197-C7490DAA97A3}, scope: PerUser, version: 3.12.3150.0, language: 0 operation: Downgrade [413C:27C8][2025-10-24T21:11:58]i000: Setting numeric variable 'InstallLauncherAllUsers' to value 0 [413C:27C8][2025-10-24T21:11:58]i103: Detected related package: {69BCB7EC-54AF-47F2-A891-D335CE44A530}, scope: PerMachine, version: 3.9.6150.0, language: 0 operation: Downgrade [413C:27C8][2025-10-24T21:11:58]i103: Detected related package: {69BCB7EC-54AF-47F2-A891-D335CE44A530}, scope: PerMachine, version: 3.9.6150.0, language: 0 operation: Downgrade [413C:27C8][2025-10-24T21:11:58]i103: Detected related package: {EC27BF73-AB7E-4867-9EEC-3AD456006835}, scope: PerMachine, version: 3.9.6150.0, language: 0 operation: Downgrade [413C:27C8][2025-10-24T21:11:58]i103: Detected related package: {EC27BF73-AB7E-4867-9EEC-3AD456006835}, scope: PerMachine, version: 3.9.6150.0, language: 0 operation: Downgrade [413C:27C8][2025-10-24T21:11:58]i101: Detected package: ucrt_AllUsers, state: Absent, cached: None [413C:27C8][2025-10-24T21:11:58]i101: Detected package: ucrt_JustForMe, state: Absent, cached: None [413C:27C8][2025-10-24T21:11:58]i101: Detected package: core_AllUsers, state: Obsolete, cached: None [413C:27C8][2025-10-24T21:11:58]i101: Detected package: core_AllUsers_pdb, state: Absent, cached: None [413C:27C8][2025-10-24T21:11:58]i101: Detected package: core_AllUsers_d, state: Absent, cached: None [413C:27C8][2025-10-24T21:11:58]i101: Detected package: core_JustForMe, state: Obsolete, cached: None [413C:27C8][2025-10-24T21:11:58]i101: Detected package: core_JustForMe_pdb, state: Absent, cached: None [413C:27C8][2025-10-24T21:11:58]i101: Detected package: core_JustForMe_d, state: Absent, cached: None [413C:27C8][2025-10-24T21:11:58]i101: Detected package: dev_AllUsers, state: Obsolete, cached: Complete [413C:27C8][2025-10-24T21:11:58]i101: Detected package: dev_AllUsers_d, state: Absent, cached: None [413C:27C8][2025-10-24T21:11:58]i101: Detected package: dev_JustForMe, state: Obsolete, cached: None [413C:27C8][2025-10-24T21:11:58]i101: Detected package: dev_JustForMe_d, state: Absent, cached: None [413C:27C8][2025-10-24T21:11:58]i101: Detected package: exe_AllUsers, state: Obsolete, cached: Complete [413C:27C8][2025-10-24T21:11:58]i104: Detected package: exe_AllUsers, feature: DefaultFeature, state: Absent [413C:27C8][2025-10-24T21:11:58]i104: Detected package: exe_AllUsers, feature: Shortcuts, state: Absent [413C:27C8][2025-10-24T21:11:58]i101: Detected package: exe_AllUsers_pdb, state: Absent, cached: None [413C:27C8][2025-10-24T21:11:58]i101: Detected package: exe_AllUsers_d, state: Absent, cached: None [413C:27C8][2025-10-24T21:11:58]i101: Detected package: exe_JustForMe, state: Obsolete, cached: None [413C:27C8][2025-10-24T21:11:58]i104: Detected package: exe_JustForMe, feature: DefaultFeature, state: Absent [413C:27C8][2025-10-24T21:11:58]i104: Detected package: exe_JustForMe, feature: Shortcuts, state: Absent [413C:27C8][2025-10-24T21:11:58]i101: Detected package: exe_JustForMe_pdb, state: Absent, cached: None [413C:27C8][2025-10-24T21:11:58]i101: Detected package: exe_JustForMe_d, state: Absent, cached: None [413C:27C8][2025-10-24T21:11:58]i101: Detected package: lib_AllUsers, state: Obsolete, cached: Complete [413C:27C8][2025-10-24T21:11:58]i101: Detected package: lib_AllUsers_pdb, state: Absent, cached: None [413C:27C8][2025-10-24T21:11:58]i101: Detected package: lib_AllUsers_d, state: Absent, cached: None [413C:27C8][2025-10-24T21:11:58]i101: Detected package: lib_JustForMe, state: Obsolete, cached: None [413C:27C8][2025-10-24T21:11:58]i101: Detected package: lib_JustForMe_pdb, state: Absent, cached: None [413C:27C8][2025-10-24T21:11:58]i101: Detected package: lib_JustForMe_d, state: Absent, cached: None [413C:27C8][2025-10-24T21:11:58]i101: Detected package: test_AllUsers, state: Obsolete, cached: Complete [413C:27C8][2025-10-24T21:11:58]i101: Detected package: test_AllUsers_pdb, state: Absent, cached: None [413C:27C8][2025-10-24T21:11:58]i101: Detected package: test_AllUsers_d, state: Absent, cached: None [413C:27C8][2025-10-24T21:11:58]i101: Detected package: test_JustForMe, state: Obsolete, cached: None [413C:27C8][2025-10-24T21:11:58]i101: Detected package: test_JustForMe_pdb, state: Absent, cached: None [413C:27C8][2025-10-24T21:11:58]i101: Detected package: test_JustForMe_d, state: Absent, cached: None [413C:27C8][2025-10-24T21:11:58]i101: Detected package: doc_AllUsers, state: Obsolete, cached: Complete [413C:27C8][2025-10-24T21:11:58]i104: Detected package: doc_AllUsers, feature: DefaultFeature, state: Absent [413C:27C8][2025-10-24T21:11:58]i104: Detected package: doc_AllUsers, feature: Shortcuts, state: Absent [413C:27C8][2025-10-24T21:11:58]i101: Detected package: doc_JustForMe, state: Obsolete, cached: None [413C:27C8][2025-10-24T21:11:58]i104: Detected package: doc_JustForMe, feature: DefaultFeature, state: Absent [413C:27C8][2025-10-24T21:11:58]i104: Detected package: doc_JustForMe, feature: Shortcuts, state: Absent [413C:27C8][2025-10-24T21:11:58]i101: Detected package: tools_AllUsers, state: Obsolete, cached: Complete [413C:27C8][2025-10-24T21:11:58]i101: Detected package: tools_JustForMe, state: Obsolete, cached: None [413C:27C8][2025-10-24T21:11:58]i101: Detected package: tcltk_AllUsers, state: Obsolete, cached: Complete [413C:27C8][2025-10-24T21:11:58]i104: Detected package: tcltk_AllUsers, feature: DefaultFeature, state: Absent [413C:27C8][2025-10-24T21:11:58]i104: Detected package: tcltk_AllUsers, feature: AssociateFiles, state: Absent [413C:27C8][2025-10-24T21:11:58]i104: Detected package: tcltk_AllUsers, feature: Shortcuts, state: Absent [413C:27C8][2025-10-24T21:11:58]i101: Detected package: tcltk_AllUsers_pdb, state: Absent, cached: None [413C:27C8][2025-10-24T21:11:58]i104: Detected package: tcltk_AllUsers_pdb, feature: Symbols, state: Absent [413C:27C8][2025-10-24T21:11:58]i101: Detected package: tcltk_AllUsers_d, state: Absent, cached: None [413C:27C8][2025-10-24T21:11:58]i104: Detected package: tcltk_AllUsers_d, feature: DebugBinaries, state: Absent [413C:27C8][2025-10-24T21:11:58]i101: Detected package: tcltk_JustForMe, state: Obsolete, cached: None [413C:27C8][2025-10-24T21:11:58]i104: Detected package: tcltk_JustForMe, feature: DefaultFeature, state: Absent [413C:27C8][2025-10-24T21:11:58]i104: Detected package: tcltk_JustForMe, feature: AssociateFiles, state: Absent [413C:27C8][2025-10-24T21:11:58]i104: Detected package: tcltk_JustForMe, feature: Shortcuts, state: Absent [413C:27C8][2025-10-24T21:11:58]i101: Detected package: tcltk_JustForMe_pdb, state: Absent, cached: None [413C:27C8][2025-10-24T21:11:58]i104: Detected package: tcltk_JustForMe_pdb, feature: Symbols, state: Absent [413C:27C8][2025-10-24T21:11:58]i101: Detected package: tcltk_JustForMe_d, state: Absent, cached: None [413C:27C8][2025-10-24T21:11:58]i104: Detected package: tcltk_JustForMe_d, feature: DebugBinaries, state: Absent [413C:27C8][2025-10-24T21:11:58]i101: Detected package: launcher_AllUsers, state: Obsolete, cached: None [413C:27C8][2025-10-24T21:11:58]i104: Detected package: launcher_AllUsers, feature: DefaultFeature, state: Absent [413C:27C8][2025-10-24T21:11:58]i104: Detected package: launcher_AllUsers, feature: AssociateFiles, state: Absent [413C:27C8][2025-10-24T21:11:58]i101: Detected package: launcher_JustForMe, state: Obsolete, cached: None [413C:27C8][2025-10-24T21:11:58]i104: Detected package: launcher_JustForMe, feature: DefaultFeature, state: Absent [413C:27C8][2025-10-24T21:11:58]i104: Detected package: launcher_JustForMe, feature: AssociateFiles, state: Absent [413C:27C8][2025-10-24T21:11:58]i101: Detected package: pip_AllUsers, state: Obsolete, cached: Complete [413C:27C8][2025-10-24T21:11:58]i101: Detected package: pip_JustForMe, state: Obsolete, cached: None [413C:27C8][2025-10-24T21:11:58]i101: Detected package: path_AllUsers, state: Obsolete, cached: Complete [413C:27C8][2025-10-24T21:11:58]i101: Detected package: path_JustForMe, state: Obsolete, cached: None [413C:27C8][2025-10-24T21:11:58]i101: Detected package: compileall_AllUsers, state: Absent, cached: Complete [413C:27C8][2025-10-24T21:11:58]i101: Detected package: compileallO_AllUsers, state: Absent, cached: Complete [413C:27C8][2025-10-24T21:11:58]i101: Detected package: compileallOO_AllUsers, state: Absent, cached: Complete [413C:27C8][2025-10-24T21:11:58]i101: Detected package: compileall_JustForMe, state: Absent, cached: None [413C:27C8][2025-10-24T21:11:58]i101: Detected package: compileallO_JustForMe, state: Absent, cached: None [413C:27C8][2025-10-24T21:11:58]i101: Detected package: compileallOO_JustForMe, state: Absent, cached: None [413C:27C8][2025-10-24T21:11:58]i000: Setting string variable 'TargetDir' to value 'C:\Users\ZR\AppData\Local\Programs\Python\Python39' [413C:27C8][2025-10-24T21:11:58]i199: Detect complete, result: 0x0 [413C:0C44][2025-10-24T21:11:58]i000: Disable control InstallLauncherAllUsers [413C:0C44][2025-10-24T21:11:58]i052: Condition 'not WixBundleElevated and (InstallAllUsers or (Include_launcher and InstallLauncherAllUsers and not DetectedLauncher))' evaluates to false. [413C:0C44][2025-10-24T21:12:30]i000: Setting numeric variable 'PrependPath' to value 1 [413C:0C44][2025-10-24T21:12:30]i000: Disable control Include_launcher [413C:0C44][2025-10-24T21:12:30]i000: Disable control CustomInstallLauncherAllUsers [413C:0C44][2025-10-24T21:12:52]i000: Setting numeric variable 'Include_doc' to value 1 [413C:0C44][2025-10-24T21:12:52]i000: Setting numeric variable 'Include_pip' to value 1 [413C:0C44][2025-10-24T21:12:52]i000: Setting numeric variable 'Include_tcltk' to value 1 [413C:0C44][2025-10-24T21:12:52]i000: Setting numeric variable 'Include_test' to value 1 [413C:0C44][2025-10-24T21:12:52]i052: Condition 'not WixBundleElevated and (InstallAllUsers or (Include_launcher and InstallLauncherAllUsers and not DetectedLauncher))' evaluates to false. [413C:0C44][2025-10-24T21:13:03]i000: Setting numeric variable 'InstallAllUsers' to value 1 [413C:0C44][2025-10-24T21:13:03]i052: Condition 'not WixBundleElevated and (InstallAllUsers or (Include_launcher and InstallLauncherAllUsers and not DetectedLauncher))' evaluates to true. [413C:0C44][2025-10-24T21:13:03]i000: Setting numeric variable 'CompileAll' to value 1 [413C:0C44][2025-10-24T21:13:15]i000: Setting numeric variable 'InstallAllUsers' to value 1 [413C:0C44][2025-10-24T21:13:15]i000: Setting numeric variable 'AssociateFiles' to value 1 [413C:0C44][2025-10-24T21:13:15]i000: Setting numeric variable 'Shortcuts' to value 1 [413C:0C44][2025-10-24T21:13:15]i000: Setting numeric variable 'PrependPath' to value 1 [413C:0C44][2025-10-24T21:13:15]i000: Setting numeric variable 'CompileAll' to value 1 [413C:0C44][2025-10-24T21:13:15]i000: Setting numeric variable 'Include_symbols' to value 0 [413C:0C44][2025-10-24T21:13:15]i000: Setting numeric variable 'Include_debug' to value 0 [413C:0C44][2025-10-24T21:13:15]i000: Setting string variable 'TargetDir' to value 'D:\py3.9.6' [413C:0C44][2025-10-24T21:13:15]i000: Setting string variable 'ActionLikeInstalling' to value 'Installing' [413C:0C44][2025-10-24T21:13:15]i000: Setting string variable 'ActionLikeInstallation' to value 'Setup' [413C:27C8][2025-10-24T21:13:15]i200: Plan begin, 52 packages, action: Install [413C:27C8][2025-10-24T21:13:15]i052: Condition 'InstallAllUsers and not CRTInstalled and (Include_core or Include_exe or Include_pip) and not LauncherOnly' evaluates to false. [413C:27C8][2025-10-24T21:13:15]i052: Condition 'InstallAllUsers and not CRTInstalled and (Include_core or Include_exe or Include_pip) and not LauncherOnly' evaluates to false. [413C:27C8][2025-10-24T21:13:15]w322: Skipping cross-scope dependency registration on package: ucrt_AllUsers, bundle scope: PerUser, package scope: PerMachine [413C:27C8][2025-10-24T21:13:15]i052: Condition 'not InstallAllUsers and not CRTInstalled and (Include_core or Include_exe or Include_pip) and not LauncherOnly' evaluates to false. [413C:27C8][2025-10-24T21:13:15]i052: Condition 'not InstallAllUsers and not CRTInstalled and (Include_core or Include_exe or Include_pip) and not LauncherOnly' evaluates to false. [413C:27C8][2025-10-24T21:13:15]i052: Condition 'InstallAllUsers and (Include_core or Include_exe or Include_launcher or Include_pip) and not LauncherOnly' evaluates to true. [413C:27C8][2025-10-24T21:13:15]w322: Skipping cross-scope dependency registration on package: core_AllUsers, bundle scope: PerUser, package scope: PerMachine [413C:27C8][2025-10-24T21:13:15]i000: Setting string variable 'WixBundleRollbackLog_core_AllUsers' to value 'C:\Users\ZR\AppData\Local\Temp\Python 3.9.2rc1 (64-bit)_20251024211157_000_core_AllUsers_rollback.log' [413C:27C8][2025-10-24T21:13:15]i000: Setting string variable 'WixBundleLog_core_AllUsers' to value 'C:\Users\ZR\AppData\Local\Temp\Python 3.9.2rc1 (64-bit)_20251024211157_000_core_AllUsers.log' [413C:27C8][2025-10-24T21:13:15]i052: Condition 'InstallAllUsers and (Include_core or Include_exe or Include_launcher or Include_pip) and Include_symbols and not LauncherOnly' evaluates to false. [413C:27C8][2025-10-24T21:13:15]i052: Condition 'InstallAllUsers and (Include_core or Include_exe or Include_launcher or Include_pip) and Include_symbols and not LauncherOnly' evaluates to false. [413C:27C8][2025-10-24T21:13:15]w322: Skipping cross-scope dependency registration on package: core_AllUsers_pdb, bundle scope: PerUser, package scope: PerMachine [413C:27C8][2025-10-24T21:13:15]i052: Condition 'InstallAllUsers and (Include_core or Include_exe or Include_launcher or Include_pip) and Include_debug and not LauncherOnly' evaluates to false. [413C:27C8][2025-10-24T21:13:15]i052: Condition 'InstallAllUsers and (Include_core or Include_exe or Include_launcher or Include_pip) and Include_debug and not LauncherOnly' evaluates to false. [413C:27C8][2025-10-24T21:13:15]w322: Skipping cross-scope dependency registration on package: core_AllUsers_d, bundle scope: PerUser, package scope: PerMachine [413C:27C8][2025-10-24T21:13:15]i052: Condition 'not InstallAllUsers and (Include_core or Include_exe or Include_launcher or Include_pip) and not LauncherOnly' evaluates to false. [413C:27C8][2025-10-24T21:13:15]i052: Condition 'not InstallAllUsers and (Include_core or Include_exe or Include_launcher or Include_pip) and Include_symbols and not LauncherOnly' evaluates to false. [413C:27C8][2025-10-24T21:13:15]i052: Condition 'not InstallAllUsers and (Include_core or Include_exe or Include_launcher or Include_pip) and Include_symbols and not LauncherOnly' evaluates to false. [413C:27C8][2025-10-24T21:13:15]i052: Condition 'not InstallAllUsers and (Include_core or Include_exe or Include_launcher or Include_pip) and Include_debug and not LauncherOnly' evaluates to false. [413C:27C8][2025-10-24T21:13:15]i052: Condition 'not InstallAllUsers and (Include_core or Include_exe or Include_launcher or Include_pip) and Include_debug and not LauncherOnly' evaluates to false. [413C:27C8][2025-10-24T21:13:15]i052: Condition 'InstallAllUsers and Include_dev and not LauncherOnly' evaluates to true. [413C:27C8][2025-10-24T21:13:15]w322: Skipping cross-scope dependency registration on package: dev_AllUsers, bundle scope: PerUser, package scope: PerMachine [413C:27C8][2025-10-24T21:13:15]i000: Setting string variable 'WixBundleRollbackLog_dev_AllUsers' to value 'C:\Users\ZR\AppData\Local\Temp\Python 3.9.2rc1 (64-bit)_20251024211157_001_dev_AllUsers_rollback.log' [413C:27C8][2025-10-24T21:13:15]i000: Setting string variable 'WixBundleLog_dev_AllUsers' to value 'C:\Users\ZR\AppData\Local\Temp\Python 3.9.2rc1 (64-bit)_20251024211157_001_dev_AllUsers.log' [413C:27C8][2025-10-24T21:13:15]i052: Condition 'InstallAllUsers and Include_dev and Include_debug and not LauncherOnly' evaluates to false. [413C:27C8][2025-10-24T21:13:15]i052: Condition 'InstallAllUsers and Include_dev and Include_debug and not LauncherOnly' evaluates to false. [413C:27C8][2025-10-24T21:13:15]w322: Skipping cross-scope dependency registration on package: dev_AllUsers_d, bundle scope: PerUser, package scope: PerMachine [413C:27C8][2025-10-24T21:13:15]i052: Condition 'not InstallAllUsers and Include_dev and not LauncherOnly' evaluates to false. [413C:27C8][2025-10-24T21:13:15]i052: Condition 'not InstallAllUsers and Include_dev and Include_debug and not LauncherOnly' evaluates to false. [413C:27C8][2025-10-24T21:13:15]i052: Condition 'not InstallAllUsers and Include_dev and Include_debug and not LauncherOnly' evaluates to false. [413C:27C8][2025-10-24T21:13:15]i052: Condition 'InstallAllUsers and (Include_exe or Include_launcher or Include_pip) and not LauncherOnly' evaluates to true. [413C:27C8][2025-10-24T21:13:15]i204: Plan 2 msi features for package: exe_AllUsers [413C:27C8][2025-10-24T21:13:15]i203: Planned feature: DefaultFeature, state: Absent, default requested: Unknown, ba requested: Local, execute action: AddLocal, rollback action: Remove [413C:27C8][2025-10-24T21:13:15]i203: Planned feature: Shortcuts, state: Absent, default requested: Unknown, ba requested: Local, execute action: AddLocal, rollback action: Remove [413C:27C8][2025-10-24T21:13:15]w322: Skipping cross-scope dependency registration on package: exe_AllUsers, bundle scope: PerUser, package scope: PerMachine [413C:27C8][2025-10-24T21:13:15]i000: Setting string variable 'WixBundleRollbackLog_exe_AllUsers' to value 'C:\Users\ZR\AppData\Local\Temp\Python 3.9.2rc1 (64-bit)_20251024211157_002_exe_AllUsers_rollback.log' [413C:27C8][2025-10-24T21:13:15]i000: Setting string variable 'WixBundleLog_exe_AllUsers' to value 'C:\Users\ZR\AppData\Local\Temp\Python 3.9.2rc1 (64-bit)_20251024211157_002_exe_AllUsers.log' [413C:27C8][2025-10-24T21:13:15]i052: Condition 'InstallAllUsers and (Include_exe or Include_launcher or Include_pip) and Include_symbols and not LauncherOnly' evaluates to false. [413C:27C8][2025-10-24T21:13:15]i052: Condition 'InstallAllUsers and (Include_exe or Include_launcher or Include_pip) and Include_symbols and not LauncherOnly' evaluates to false. [413C:27C8][2025-10-24T21:13:15]w322: Skipping cross-scope dependency registration on package: exe_AllUsers_pdb, bundle scope: PerUser, package scope: PerMachine [413C:27C8][2025-10-24T21:13:15]i052: Condition 'InstallAllUsers and (Include_exe or Include_launcher or Include_pip) and Include_debug and not LauncherOnly' evaluates to false. [413C:27C8][2025-10-24T21:13:15]i052: Condition 'InstallAllUsers and (Include_exe or Include_launcher or Include_pip) and Include_debug and not LauncherOnly' evaluates to false. [413C:27C8][2025-10-24T21:13:15]w322: Skipping cross-scope dependency registration on package: exe_AllUsers_d, bundle scope: PerUser, package scope: PerMachine [413C:27C8][2025-10-24T21:13:15]i052: Condition 'not InstallAllUsers and (Include_exe or Include_launcher or Include_pip) and not LauncherOnly' evaluates to false. [413C:27C8][2025-10-24T21:13:15]i052: Condition 'not InstallAllUsers and (Include_exe or Include_launcher or Include_pip) and Include_symbols and not LauncherOnly' evaluates to false. [413C:27C8][2025-10-24T21:13:15]i052: Condition 'not InstallAllUsers and (Include_exe or Include_launcher or Include_pip) and Include_symbols and not LauncherOnly' evaluates to false. [413C:27C8][2025-10-24T21:13:15]i052: Condition 'not InstallAllUsers and (Include_exe or Include_launcher or Include_pip) and Include_debug and not LauncherOnly' evaluates to false. [413C:27C8][2025-10-24T21:13:15]i052: Condition 'not InstallAllUsers and (Include_exe or Include_launcher or Include_pip) and Include_debug and not LauncherOnly' evaluates to false. [413C:27C8][2025-10-24T21:13:15]i052: Condition 'InstallAllUsers and Include_lib and not LauncherOnly' evaluates to true. [413C:27C8][2025-10-24T21:13:15]w322: Skipping cross-scope dependency registration on package: lib_AllUsers, bundle scope: PerUser, package scope: PerMachine [413C:27C8][2025-10-24T21:13:15]i000: Setting string variable 'WixBundleRollbackLog_lib_AllUsers' to value 'C:\Users\ZR\AppData\Local\Temp\Python 3.9.2rc1 (64-bit)_20251024211157_003_lib_AllUsers_rollback.log' [413C:27C8][2025-10-24T21:13:15]i000: Setting string variable 'WixBundleLog_lib_AllUsers' to value 'C:\Users\ZR\AppData\Local\Temp\Python 3.9.2rc1 (64-bit)_20251024211157_003_lib_AllUsers.log' [413C:27C8][2025-10-24T21:13:15]i052: Condition 'InstallAllUsers and Include_lib and Include_symbols and not LauncherOnly' evaluates to false. [413C:27C8][2025-10-24T21:13:15]i052: Condition 'InstallAllUsers and Include_lib and Include_symbols and not LauncherOnly' evaluates to false. [413C:27C8][2025-10-24T21:13:15]w322: Skipping cross-scope dependency registration on package: lib_AllUsers_pdb, bundle scope: PerUser, package scope: PerMachine [413C:27C8][2025-10-24T21:13:15]i052: Condition 'InstallAllUsers and Include_lib and Include_debug and not LauncherOnly' evaluates to false. [413C:27C8][2025-10-24T21:13:15]i052: Condition 'InstallAllUsers and Include_lib and Include_debug and not LauncherOnly' evaluates to false. [413C:27C8][2025-10-24T21:13:15]w322: Skipping cross-scope dependency registration on package: lib_AllUsers_d, bundle scope: PerUser, package scope: PerMachine [413C:27C8][2025-10-24T21:13:15]i052: Condition 'not InstallAllUsers and Include_lib and not LauncherOnly' evaluates to false. [413C:27C8][2025-10-24T21:13:15]i052: Condition 'not InstallAllUsers and Include_lib and Include_symbols and not LauncherOnly' evaluates to false. [413C:27C8][2025-10-24T21:13:15]i052: Condition 'not InstallAllUsers and Include_lib and Include_symbols and not LauncherOnly' evaluates to false. [413C:27C8][2025-10-24T21:13:15]i052: Condition 'not InstallAllUsers and Include_lib and Include_debug and not LauncherOnly' evaluates to false. [413C:27C8][2025-10-24T21:13:15]i052: Condition 'not InstallAllUsers and Include_lib and Include_debug and not LauncherOnly' evaluates to false. [413C:27C8][2025-10-24T21:13:15]i052: Condition 'InstallAllUsers and Include_test and not LauncherOnly' evaluates to true. [413C:27C8][2025-10-24T21:13:15]w322: Skipping cross-scope dependency registration on package: test_AllUsers, bundle scope: PerUser, package scope: PerMachine [413C:27C8][2025-10-24T21:13:15]i000: Setting string variable 'WixBundleRollbackLog_test_AllUsers' to value 'C:\Users\ZR\AppData\Local\Temp\Python 3.9.2rc1 (64-bit)_20251024211157_004_test_AllUsers_rollback.log' [413C:27C8][2025-10-24T21:13:15]i000: Setting string variable 'WixBundleLog_test_AllUsers' to value 'C:\Users\ZR\AppData\Local\Temp\Python 3.9.2rc1 (64-bit)_20251024211157_004_test_AllUsers.log' [413C:27C8][2025-10-24T21:13:15]i052: Condition 'InstallAllUsers and Include_test and Include_symbols and not LauncherOnly' evaluates to false. [413C:27C8][2025-10-24T21:13:15]i052: Condition 'InstallAllUsers and Include_test and Include_symbols and not LauncherOnly' evaluates to false. [413C:27C8][2025-10-24T21:13:15]w322: Skipping cross-scope dependency registration on package: test_AllUsers_pdb, bundle scope: PerUser, package scope: PerMachine [413C:27C8][2025-10-24T21:13:15]i052: Condition 'InstallAllUsers and Include_test and Include_debug and not LauncherOnly' evaluates to false. [413C:27C8][2025-10-24T21:13:15]i052: Condition 'InstallAllUsers and Include_test and Include_debug and not LauncherOnly' evaluates to false. [413C:27C8][2025-10-24T21:13:15]w322: Skipping cross-scope dependency registration on package: test_AllUsers_d, bundle scope: PerUser, package scope: PerMachine [413C:27C8][2025-10-24T21:13:15]i052: Condition 'not InstallAllUsers and Include_test and not LauncherOnly' evaluates to false. [413C:27C8][2025-10-24T21:13:15]i052: Condition 'not InstallAllUsers and Include_test and Include_symbols and not LauncherOnly' evaluates to false. [413C:27C8][2025-10-24T21:13:15]i052: Condition 'not InstallAllUsers and Include_test and Include_symbols and not LauncherOnly' evaluates to false. [413C:27C8][2025-10-24T21:13:15]i052: Condition 'not InstallAllUsers and Include_test and Include_debug and not LauncherOnly' evaluates to false. [413C:27C8][2025-10-24T21:13:15]i052: Condition 'not InstallAllUsers and Include_test and Include_debug and not LauncherOnly' evaluates to false. [413C:27C8][2025-10-24T21:13:15]i052: Condition 'InstallAllUsers and Include_doc and not LauncherOnly' evaluates to true. [413C:27C8][2025-10-24T21:13:15]i204: Plan 2 msi features for package: doc_AllUsers [413C:27C8][2025-10-24T21:13:15]i203: Planned feature: DefaultFeature, state: Absent, default requested: Unknown, ba requested: Local, execute action: AddLocal, rollback action: Remove [413C:27C8][2025-10-24T21:13:15]i203: Planned feature: Shortcuts, state: Absent, default requested: Unknown, ba requested: Local, execute action: AddLocal, rollback action: Remove [413C:27C8][2025-10-24T21:13:15]w322: Skipping cross-scope dependency registration on package: doc_AllUsers, bundle scope: PerUser, package scope: PerMachine [413C:27C8][2025-10-24T21:13:15]i000: Setting string variable 'WixBundleRollbackLog_doc_AllUsers' to value 'C:\Users\ZR\AppData\Local\Temp\Python 3.9.2rc1 (64-bit)_20251024211157_005_doc_AllUsers_rollback.log' [413C:27C8][2025-10-24T21:13:15]i000: Setting string variable 'WixBundleLog_doc_AllUsers' to value 'C:\Users\ZR\AppData\Local\Temp\Python 3.9.2rc1 (64-bit)_20251024211157_005_doc_AllUsers.log' [413C:27C8][2025-10-24T21:13:15]i052: Condition 'not InstallAllUsers and Include_doc and not LauncherOnly' evaluates to false. [413C:27C8][2025-10-24T21:13:15]i052: Condition 'InstallAllUsers and Include_tools and not LauncherOnly' evaluates to true. [413C:27C8][2025-10-24T21:13:15]w322: Skipping cross-scope dependency registration on package: tools_AllUsers, bundle scope: PerUser, package scope: PerMachine [413C:27C8][2025-10-24T21:13:15]i000: Setting string variable 'WixBundleRollbackLog_tools_AllUsers' to value 'C:\Users\ZR\AppData\Local\Temp\Python 3.9.2rc1 (64-bit)_20251024211157_006_tools_AllUsers_rollback.log' [413C:27C8][2025-10-24T21:13:15]i000: Setting string variable 'WixBundleLog_tools_AllUsers' to value 'C:\Users\ZR\AppData\Local\Temp\Python 3.9.2rc1 (64-bit)_20251024211157_006_tools_AllUsers.log' [413C:27C8][2025-10-24T21:13:15]i052: Condition 'not InstallAllUsers and Include_tools and not LauncherOnly' evaluates to false. [413C:27C8][2025-10-24T21:13:15]i052: Condition 'InstallAllUsers and Include_tcltk and not LauncherOnly' evaluates to true. [413C:27C8][2025-10-24T21:13:15]i204: Plan 3 msi features for package: tcltk_AllUsers [413C:27C8][2025-10-24T21:13:15]i203: Planned feature: DefaultFeature, state: Absent, default requested: Unknown, ba requested: Local, execute action: AddLocal, rollback action: Remove [413C:27C8][2025-10-24T21:13:15]i203: Planned feature: AssociateFiles, state: Absent, default requested: Unknown, ba requested: Local, execute action: AddLocal, rollback action: Remove [413C:27C8][2025-10-24T21:13:15]i203: Planned feature: Shortcuts, state: Absent, default requested: Unknown, ba requested: Local, execute action: AddLocal, rollback action: Remove [413C:27C8][2025-10-24T21:13:15]w322: Skipping cross-scope dependency registration on package: tcltk_AllUsers, bundle scope: PerUser, package scope: PerMachine [413C:27C8][2025-10-24T21:13:15]i000: Setting string variable 'WixBundleRollbackLog_tcltk_AllUsers' to value 'C:\Users\ZR\AppData\Local\Temp\Python 3.9.2rc1 (64-bit)_20251024211157_007_tcltk_AllUsers_rollback.log' [413C:27C8][2025-10-24T21:13:15]i000: Setting string variable 'WixBundleLog_tcltk_AllUsers' to value 'C:\Users\ZR\AppData\Local\Temp\Python 3.9.2rc1 (64-bit)_20251024211157_007_tcltk_AllUsers.log' [413C:27C8][2025-10-24T21:13:15]i052: Condition 'InstallAllUsers and Include_tcltk and Include_symbols and not LauncherOnly' evaluates to false. [413C:27C8][2025-10-24T21:13:15]i052: Condition 'InstallAllUsers and Include_tcltk and Include_symbols and not LauncherOnly' evaluates to false. [413C:27C8][2025-10-24T21:13:15]i204: Plan 1 msi features for package: tcltk_AllUsers_pdb [413C:27C8][2025-10-24T21:13:15]i203: Planned feature: Symbols, state: Absent, default requested: Unknown, ba requested: Local, execute action: AddLocal, rollback action: Remove [413C:27C8][2025-10-24T21:13:15]w322: Skipping cross-scope dependency registration on package: tcltk_AllUsers_pdb, bundle scope: PerUser, package scope: PerMachine [413C:27C8][2025-10-24T21:13:15]i052: Condition 'InstallAllUsers and Include_tcltk and Include_debug and not LauncherOnly' evaluates to false. [413C:27C8][2025-10-24T21:13:15]i052: Condition 'InstallAllUsers and Include_tcltk and Include_debug and not LauncherOnly' evaluates to false. [413C:27C8][2025-10-24T21:13:15]i204: Plan 1 msi features for package: tcltk_AllUsers_d [413C:27C8][2025-10-24T21:13:15]i203: Planned feature: DebugBinaries, state: Absent, default requested: Unknown, ba requested: Local, execute action: AddLocal, rollback action: Remove [413C:27C8][2025-10-24T21:13:15]w322: Skipping cross-scope dependency registration on package: tcltk_AllUsers_d, bundle scope: PerUser, package scope: PerMachine [413C:27C8][2025-10-24T21:13:15]i052: Condition 'not InstallAllUsers and Include_tcltk and not LauncherOnly' evaluates to false. [413C:27C8][2025-10-24T21:13:15]i052: Condition 'not InstallAllUsers and Include_tcltk and Include_symbols and not LauncherOnly' evaluates to false. [413C:27C8][2025-10-24T21:13:15]i052: Condition 'not InstallAllUsers and Include_tcltk and Include_symbols and not LauncherOnly' evaluates to false. [413C:27C8][2025-10-24T21:13:15]i204: Plan 1 msi features for package: tcltk_JustForMe_pdb [413C:27C8][2025-10-24T21:13:15]i203: Planned feature: Symbols, state: Absent, default requested: Unknown, ba requested: Local, execute action: AddLocal, rollback action: Remove [413C:27C8][2025-10-24T21:13:15]i052: Condition 'not InstallAllUsers and Include_tcltk and Include_debug and not LauncherOnly' evaluates to false. [413C:27C8][2025-10-24T21:13:15]i052: Condition 'not InstallAllUsers and Include_tcltk and Include_debug and not LauncherOnly' evaluates to false. [413C:27C8][2025-10-24T21:13:15]i204: Plan 1 msi features for package: tcltk_JustForMe_d [413C:27C8][2025-10-24T21:13:15]i203: Planned feature: DebugBinaries, state: Absent, default requested: Unknown, ba requested: Local, execute action: AddLocal, rollback action: Remove [413C:27C8][2025-10-24T21:13:15]i052: Condition '(InstallAllUsers or InstallLauncherAllUsers) and Include_launcher and not DetectedLauncher' evaluates to false. [413C:27C8][2025-10-24T21:13:15]w322: Skipping cross-scope dependency registration on package: launcher_AllUsers, bundle scope: PerUser, package scope: PerMachine [413C:27C8][2025-10-24T21:13:15]i052: Condition 'not (InstallAllUsers or InstallLauncherAllUsers) and Include_launcher and not DetectedLauncher' evaluates to false. [413C:27C8][2025-10-24T21:13:15]i052: Condition 'InstallAllUsers and Include_pip and not LauncherOnly' evaluates to true. [413C:27C8][2025-10-24T21:13:15]w322: Skipping cross-scope dependency registration on package: pip_AllUsers, bundle scope: PerUser, package scope: PerMachine [413C:27C8][2025-10-24T21:13:15]i000: Setting string variable 'WixBundleRollbackLog_pip_AllUsers' to value 'C:\Users\ZR\AppData\Local\Temp\Python 3.9.2rc1 (64-bit)_20251024211157_008_pip_AllUsers_rollback.log' [413C:27C8][2025-10-24T21:13:15]i000: Setting string variable 'WixBundleLog_pip_AllUsers' to value 'C:\Users\ZR\AppData\Local\Temp\Python 3.9.2rc1 (64-bit)_20251024211157_008_pip_AllUsers.log' [413C:27C8][2025-10-24T21:13:15]i052: Condition 'not InstallAllUsers and Include_pip and not LauncherOnly' evaluates to false. [413C:27C8][2025-10-24T21:13:15]i052: Condition 'InstallAllUsers and PrependPath and not LauncherOnly' evaluates to true. [413C:27C8][2025-10-24T21:13:15]w322: Skipping cross-scope dependency registration on package: path_AllUsers, bundle scope: PerUser, package scope: PerMachine [413C:27C8][2025-10-24T21:13:15]i000: Setting string variable 'WixBundleRollbackLog_path_AllUsers' to value 'C:\Users\ZR\AppData\Local\Temp\Python 3.9.2rc1 (64-bit)_20251024211157_009_path_AllUsers_rollback.log' [413C:27C8][2025-10-24T21:13:15]i000: Setting string variable 'WixBundleLog_path_AllUsers' to value 'C:\Users\ZR\AppData\Local\Temp\Python 3.9.2rc1 (64-bit)_20251024211157_009_path_AllUsers.log' [413C:27C8][2025-10-24T21:13:15]i052: Condition 'not InstallAllUsers and PrependPath and not LauncherOnly' evaluates to false. [413C:27C8][2025-10-24T21:13:15]i052: Condition 'InstallAllUsers and CompileAll and not LauncherOnly' evaluates to true. [413C:27C8][2025-10-24T21:13:15]i052: Condition 'InstallAllUsers and CompileAll and not LauncherOnly' evaluates to true. [413C:27C8][2025-10-24T21:13:15]w321: Skipping dependency registration on package with no dependency providers: compileall_AllUsers [413C:27C8][2025-10-24T21:13:15]i000: Setting string variable 'WixBundleLog_compileall_AllUsers' to value 'C:\Users\ZR\AppData\Local\Temp\Python 3.9.2rc1 (64-bit)_20251024211157_010_compileall_AllUsers.log' [413C:27C8][2025-10-24T21:13:15]i052: Condition 'InstallAllUsers and CompileAll and not LauncherOnly' evaluates to true. [413C:27C8][2025-10-24T21:13:15]i052: Condition 'InstallAllUsers and CompileAll and not LauncherOnly' evaluates to true. [413C:27C8][2025-10-24T21:13:15]w321: Skipping dependency registration on package with no dependency providers: compileallO_AllUsers [413C:27C8][2025-10-24T21:13:15]i000: Setting string variable 'WixBundleLog_compileallO_AllUsers' to value 'C:\Users\ZR\AppData\Local\Temp\Python 3.9.2rc1 (64-bit)_20251024211157_011_compileallO_AllUsers.log' [413C:27C8][2025-10-24T21:13:15]i052: Condition 'InstallAllUsers and CompileAll and not LauncherOnly' evaluates to true. [413C:27C8][2025-10-24T21:13:15]i052: Condition 'InstallAllUsers and CompileAll and not LauncherOnly' evaluates to true. [413C:27C8][2025-10-24T21:13:15]w321: Skipping dependency registration on package with no dependency providers: compileallOO_AllUsers [413C:27C8][2025-10-24T21:13:15]i000: Setting string variable 'WixBundleLog_compileallOO_AllUsers' to value 'C:\Users\ZR\AppData\Local\Temp\Python 3.9.2rc1 (64-bit)_20251024211157_012_compileallOO_AllUsers.log' [413C:27C8][2025-10-24T21:13:15]i052: Condition 'not InstallAllUsers and CompileAll and not LauncherOnly' evaluates to false. [413C:27C8][2025-10-24T21:13:15]i052: Condition 'not InstallAllUsers and CompileAll and not LauncherOnly' evaluates to false. [413C:27C8][2025-10-24T21:13:15]w321: Skipping dependency registration on package with no dependency providers: compileall_JustForMe [413C:27C8][2025-10-24T21:13:15]i052: Condition 'not InstallAllUsers and CompileAll and not LauncherOnly' evaluates to false. [413C:27C8][2025-10-24T21:13:15]i052: Condition 'not InstallAllUsers and CompileAll and not LauncherOnly' evaluates to false. [413C:27C8][2025-10-24T21:13:15]w321: Skipping dependency registration on package with no dependency providers: compileallO_JustForMe [413C:27C8][2025-10-24T21:13:15]i052: Condition 'not InstallAllUsers and CompileAll and not LauncherOnly' evaluates to false. [413C:27C8][2025-10-24T21:13:15]i052: Condition 'not InstallAllUsers and CompileAll and not LauncherOnly' evaluates to false. [413C:27C8][2025-10-24T21:13:15]w321: Skipping dependency registration on package with no dependency providers: compileallOO_JustForMe [413C:27C8][2025-10-24T21:13:15]i201: Planned package: ucrt_AllUsers, state: Absent, default requested: Absent, ba requested: Absent, execute: None, rollback: None, cache: No, uncache: No, dependency: None [413C:27C8][2025-10-24T21:13:15]i201: Planned package: ucrt_JustForMe, state: Absent, default requested: Absent, ba requested: Absent, execute: None, rollback: None, cache: No, uncache: No, dependency: None [413C:27C8][2025-10-24T21:13:15]i201: Planned package: core_AllUsers, state: Obsolete, default requested: None, ba requested: Present, execute: Install, rollback: Uninstall, cache: Yes, uncache: No, dependency: None [413C:27C8][2025-10-24T21:13:15]i201: Planned package: core_AllUsers_pdb, state: Absent, default requested: Absent, ba requested: Absent, execute: None, rollback: None, cache: No, uncache: No, dependency: None [413C:27C8][2025-10-24T21:13:15]i201: Planned package: core_AllUsers_d, state: Absent, default requested: Absent, ba requested: Absent, execute: None, rollback: None, cache: No, uncache: No, dependency: None [413C:27C8][2025-10-24T21:13:15]i201: Planned package: core_JustForMe, state: Obsolete, default requested: None, ba requested: None, execute: None, rollback: None, cache: No, uncache: No, dependency: None [413C:27C8][2025-10-24T21:13:15]i201: Planned package: core_JustForMe_pdb, state: Absent, default requested: Absent, ba requested: Absent, execute: None, rollback: None, cache: No, uncache: No, dependency: None [413C:27C8][2025-10-24T21:13:15]i201: Planned package: core_JustForMe_d, state: Absent, default requested: Absent, ba requested: Absent, execute: None, rollback: None, cache: No, uncache: No, dependency: None [413C:27C8][2025-10-24T21:13:15]i201: Planned package: dev_AllUsers, state: Obsolete, default requested: None, ba requested: Present, execute: Install, rollback: Uninstall, cache: No, uncache: No, dependency: None [413C:27C8][2025-10-24T21:13:15]i201: Planned package: dev_AllUsers_d, state: Absent, default requested: Absent, ba requested: Absent, execute: None, rollback: None, cache: No, uncache: No, dependency: None [413C:27C8][2025-10-24T21:13:15]i201: Planned package: dev_JustForMe, state: Obsolete, default requested: None, ba requested: None, execute: None, rollback: None, cache: No, uncache: No, dependency: None [413C:27C8][2025-10-24T21:13:15]i201: Planned package: dev_JustForMe_d, state: Absent, default requested: Absent, ba requested: Absent, execute: None, rollback: None, cache: No, uncache: No, dependency: None [413C:27C8][2025-10-24T21:13:15]i201: Planned package: exe_AllUsers, state: Obsolete, default requested: None, ba requested: Present, execute: Install, rollback: Uninstall, cache: No, uncache: No, dependency: None [413C:27C8][2025-10-24T21:13:15]i201: Planned package: exe_AllUsers_pdb, state: Absent, default requested: Absent, ba requested: Absent, execute: None, rollback: None, cache: No, uncache: No, dependency: None [413C:27C8][2025-10-24T21:13:15]i201: Planned package: exe_AllUsers_d, state: Absent, default requested: Absent, ba requested: Absent, execute: None, rollback: None, cache: No, uncache: No, dependency: None [413C:27C8][2025-10-24T21:13:15]i201: Planned package: exe_JustForMe, state: Obsolete, default requested: None, ba requested: None, execute: None, rollback: None, cache: No, uncache: No, dependency: None [413C:27C8][2025-10-24T21:13:15]i201: Planned package: exe_JustForMe_pdb, state: Absent, default requested: Absent, ba requested: Absent, execute: None, rollback: None, cache: No, uncache: No, dependency: None [413C:27C8][2025-10-24T21:13:15]i201: Planned package: exe_JustForMe_d, state: Absent, default requested: Absent, ba requested: Absent, execute: None, rollback: None, cache: No, uncache: No, dependency: None [413C:27C8][2025-10-24T21:13:15]i201: Planned package: lib_AllUsers, state: Obsolete, default requested: None, ba requested: Present, execute: Install, rollback: Uninstall, cache: No, uncache: No, dependency: None [413C:27C8][2025-10-24T21:13:15]i201: Planned package: lib_AllUsers_pdb, state: Absent, default requested: Absent, ba requested: Absent, execute: None, rollback: None, cache: No, uncache: No, dependency: None [413C:27C8][2025-10-24T21:13:15]i201: Planned package: lib_AllUsers_d, state: Absent, default requested: Absent, ba requested: Absent, execute: None, rollback: None, cache: No, uncache: No, dependency: None [413C:27C8][2025-10-24T21:13:15]i201: Planned package: lib_JustForMe, state: Obsolete, default requested: None, ba requested: None, execute: None, rollback: None, cache: No, uncache: No, dependency: None [413C:27C8][2025-10-24T21:13:15]i201: Planned package: lib_JustForMe_pdb, state: Absent, default requested: Absent, ba requested: Absent, execute: None, rollback: None, cache: No, uncache: No, dependency: None [413C:27C8][2025-10-24T21:13:15]i201: Planned package: lib_JustForMe_d, state: Absent, default requested: Absent, ba requested: Absent, execute: None, rollback: None, cache: No, uncache: No, dependency: None [413C:27C8][2025-10-24T21:13:15]i201: Planned package: test_AllUsers, state: Obsolete, default requested: None, ba requested: Present, execute: Install, rollback: Uninstall, cache: No, uncache: No, dependency: None [413C:27C8][2025-10-24T21:13:15]i201: Planned package: test_AllUsers_pdb, state: Absent, default requested: Absent, ba requested: Absent, execute: None, rollback: None, cache: No, uncache: No, dependency: None [413C:27C8][2025-10-24T21:13:15]i201: Planned package: test_AllUsers_d, state: Absent, default requested: Absent, ba requested: Absent, execute: None, rollback: None, cache: No, uncache: No, dependency: None [413C:27C8][2025-10-24T21:13:15]i201: Planned package: test_JustForMe, state: Obsolete, default requested: None, ba requested: None, execute: None, rollback: None, cache: No, uncache: No, dependency: None [413C:27C8][2025-10-24T21:13:15]i201: Planned package: test_JustForMe_pdb, state: Absent, default requested: Absent, ba requested: Absent, execute: None, rollback: None, cache: No, uncache: No, dependency: None [413C:27C8][2025-10-24T21:13:15]i201: Planned package: test_JustForMe_d, state: Absent, default requested: Absent, ba requested: Absent, execute: None, rollback: None, cache: No, uncache: No, dependency: None [413C:27C8][2025-10-24T21:13:15]i201: Planned package: doc_AllUsers, state: Obsolete, default requested: None, ba requested: Present, execute: Install, rollback: Uninstall, cache: No, uncache: No, dependency: None [413C:27C8][2025-10-24T21:13:15]i201: Planned package: doc_JustForMe, state: Obsolete, default requested: None, ba requested: None, execute: None, rollback: None, cache: No, uncache: No, dependency: None [413C:27C8][2025-10-24T21:13:15]i201: Planned package: tools_AllUsers, state: Obsolete, default requested: None, ba requested: Present, execute: Install, rollback: Uninstall, cache: No, uncache: No, dependency: None [413C:27C8][2025-10-24T21:13:15]i201: Planned package: tools_JustForMe, state: Obsolete, default requested: None, ba requested: None, execute: None, rollback: None, cache: No, uncache: No, dependency: None [413C:27C8][2025-10-24T21:13:15]i201: Planned package: tcltk_AllUsers, state: Obsolete, default requested: None, ba requested: Present, execute: Install, rollback: Uninstall, cache: No, uncache: No, dependency: None [413C:27C8][2025-10-24T21:13:15]i201: Planned package: tcltk_AllUsers_pdb, state: Absent, default requested: Absent, ba requested: Absent, execute: None, rollback: None, cache: No, uncache: No, dependency: None [413C:27C8][2025-10-24T21:13:15]i201: Planned package: tcltk_AllUsers_d, state: Absent, default requested: Absent, ba requested: Absent, execute: None, rollback: None, cache: No, uncache: No, dependency: None [413C:27C8][2025-10-24T21:13:15]i201: Planned package: tcltk_JustForMe, state: Obsolete, default requested: None, ba requested: None, execute: None, rollback: None, cache: No, uncache: No, dependency: None [413C:27C8][2025-10-24T21:13:15]i201: Planned package: tcltk_JustForMe_pdb, state: Absent, default requested: Absent, ba requested: Absent, execute: None, rollback: None, cache: No, uncache: No, dependency: None [413C:27C8][2025-10-24T21:13:15]i201: Planned package: tcltk_JustForMe_d, state: Absent, default requested: Absent, ba requested: Absent, execute: None, rollback: None, cache: No, uncache: No, dependency: None [413C:27C8][2025-10-24T21:13:15]i201: Planned package: launcher_AllUsers, state: Obsolete, default requested: None, ba requested: None, execute: None, rollback: None, cache: No, uncache: No, dependency: None [413C:27C8][2025-10-24T21:13:15]i201: Planned package: launcher_JustForMe, state: Obsolete, default requested: None, ba requested: None, execute: None, rollback: None, cache: No, uncache: No, dependency: None [413C:27C8][2025-10-24T21:13:15]i201: Planned package: pip_AllUsers, state: Obsolete, default requested: None, ba requested: Present, execute: Install, rollback: Uninstall, cache: No, uncache: No, dependency: None [413C:27C8][2025-10-24T21:13:15]i201: Planned package: pip_JustForMe, state: Obsolete, default requested: None, ba requested: None, execute: None, rollback: None, cache: No, uncache: No, dependency: None [413C:27C8][2025-10-24T21:13:15]i201: Planned package: path_AllUsers, state: Obsolete, default requested: None, ba requested: Present, execute: Install, rollback: Uninstall, cache: No, uncache: No, dependency: None [413C:27C8][2025-10-24T21:13:15]i201: Planned package: path_JustForMe, state: Obsolete, default requested: None, ba requested: None, execute: None, rollback: None, cache: No, uncache: No, dependency: None [413C:27C8][2025-10-24T21:13:15]i201: Planned package: compileall_AllUsers, state: Absent, default requested: Present, ba requested: Present, execute: Install, rollback: None, cache: No, uncache: No, dependency: None [413C:27C8][2025-10-24T21:13:15]i201: Planned package: compileallO_AllUsers, state: Absent, default requested: Present, ba requested: Present, execute: Install, rollback: None, cache: No, uncache: No, dependency: None [413C:27C8][2025-10-24T21:13:15]i201: Planned package: compileallOO_AllUsers, state: Absent, default requested: Present, ba requested: Present, execute: Install, rollback: None, cache: No, uncache: No, dependency: None [413C:27C8][2025-10-24T21:13:15]i201: Planned package: compileall_JustForMe, state: Absent, default requested: Absent, ba requested: Absent, execute: None, rollback: None, cache: No, uncache: No, dependency: None [413C:27C8][2025-10-24T21:13:15]i201: Planned package: compileallO_JustForMe, state: Absent, default requested: Absent, ba requested: Absent, execute: None, rollback: None, cache: No, uncache: No, dependency: None [413C:27C8][2025-10-24T21:13:15]i201: Planned package: compileallOO_JustForMe, state: Absent, default requested: Absent, ba requested: Absent, execute: None, rollback: None, cache: No, uncache: No, dependency: None [413C:27C8][2025-10-24T21:13:15]i299: Plan complete, result: 0x0 [413C:27C8][2025-10-24T21:13:15]i300: Apply begin [413C:27C8][2025-10-24T21:13:15]i010: Launching elevated engine process. [413C:27C8][2025-10-24T21:13:16]i011: Launched elevated engine process. [413C:27C8][2025-10-24T21:13:17]i012: Connected to elevated engine. [494C:3F64][2025-10-24T21:13:17]i358: Pausing automatic updates. [494C:3F64][2025-10-24T21:13:17]i359: Paused automatic updates. [494C:3F64][2025-10-24T21:13:17]i360: Creating a system restore point. [494C:3F64][2025-10-24T21:13:17]i361: Created a system restore point. [413C:27C8][2025-10-24T21:13:17]i370: Session begin, registration key: SOFTWARE\Microsoft\Windows\CurrentVersion\Uninstall\{fb664176-dc13-48e7-964a-35465a1bfb81}, options: 0x7, disable resume: No [413C:27C8][2025-10-24T21:13:17]i000: Caching bundle from: 'C:\Users\ZR\AppData\Local\Temp\{DA8E932D-E399-413F-97BC-FF916CC637BD}\.be\python-3.9.2rc1-amd64.exe' to: 'C:\Users\ZR\AppData\Local\Package Cache\{fb664176-dc13-48e7-964a-35465a1bfb81}\python-3.9.2rc1-amd64.exe' [413C:27C8][2025-10-24T21:13:17]i320: Registering bundle dependency provider: CPython-3.9, version: 3.9.2121.0 [413C:27C8][2025-10-24T21:13:17]i371: Updating session, registration key: SOFTWARE\Microsoft\Windows\CurrentVersion\Uninstall\{fb664176-dc13-48e7-964a-35465a1bfb81}, resume: Active, restart initiated: No, disable resume: No [494C:14D0][2025-10-24T21:13:17]i305: Verified acquired payload: core_AllUsers at path: C:\ProgramData\Package Cache\.unverified\core_AllUsers, moving to: C:\ProgramData\Package Cache\{86B8A818-5D9F-4DEB-9AAD-C7548288A9DD}v3.9.2121.0\core.msi. [494C:3F64][2025-10-24T21:13:17]i301: Applying execute package: core_AllUsers, action: Install, path: C:\ProgramData\Package Cache\{86B8A818-5D9F-4DEB-9AAD-C7548288A9DD}v3.9.2121.0\core.msi, arguments: ' ALLUSERS="1" ARPSYSTEMCOMPONENT="1" MSIFASTINSTALL="7" TARGETDIR="D:\py3.9.6" OPTIONALFEATURESREGISTRYKEY="Software\Python\PythonCore\3.9\InstalledFeatures"' [494C:14D0][2025-10-24T21:13:17]i304: Verified existing payload: dev_AllUsers at path: C:\ProgramData\Package Cache\{4DFF1A42-B3F2-4BFD-91DB-83C068BAA18A}v3.9.2121.0\dev.msi. [494C:14D0][2025-10-24T21:13:17]i304: Verified existing payload: exe_AllUsers at path: C:\ProgramData\Package Cache\{EE46E18C-0EEE-4F74-8D94-64F8F7106A72}v3.9.2121.0\exe.msi. [494C:14D0][2025-10-24T21:13:17]i304: Verified existing payload: lib_AllUsers at path: C:\ProgramData\Package Cache\{01D6D0BA-F5CA-4A30-ACF5-AFAC9A7AAC83}v3.9.2121.0\lib.msi. [494C:14D0][2025-10-24T21:13:17]i304: Verified existing payload: test_AllUsers at path: C:\ProgramData\Package Cache\{8094EB5D-1C0F-41B5-B2ED-A2DB591C3193}v3.9.2121.0\test.msi. [494C:14D0][2025-10-24T21:13:17]i304: Verified existing payload: doc_AllUsers at path: C:\ProgramData\Package Cache\{3C8A9FCE-8A2C-48AD-960E-8ECB42AEE64C}v3.9.2121.0\doc.msi. [494C:14D0][2025-10-24T21:13:17]i304: Verified existing payload: tools_AllUsers at path: C:\ProgramData\Package Cache\{94575055-394E-49B1-9A78-1730840CBC44}v3.9.2121.0\tools.msi. [494C:14D0][2025-10-24T21:13:17]i304: Verified existing payload: tcltk_AllUsers at path: C:\ProgramData\Package Cache\{D31FC07C-9B32-452F-B961-AA177298D997}v3.9.2121.0\tcltk.msi. [494C:14D0][2025-10-24T21:13:17]i304: Verified existing payload: pip_AllUsers at path: C:\ProgramData\Package Cache\{AEEA2619-22D6-4BAE-AB65-A545921D6BBE}v3.9.2121.0\pip.msi. [494C:14D0][2025-10-24T21:13:17]i304: Verified existing payload: path_AllUsers at path: C:\ProgramData\Package Cache\{BD208075-520F-4F59-9D8D-7FAE574CBF3A}v3.9.2121.0\path.msi. [494C:14D0][2025-10-24T21:13:17]i304: Verified existing payload: compileall_AllUsers at path: C:\ProgramData\Package Cache\043C16B1A888D4FDFF46CA4FB8AF88495858E515\py.exe. [494C:14D0][2025-10-24T21:13:17]i304: Verified existing payload: compileallO_AllUsers at path: C:\ProgramData\Package Cache\043C16B1A888D4FDFF46CA4FB8AF88495858E515\py.exe. [494C:14D0][2025-10-24T21:13:17]i304: Verified existing payload: compileallOO_AllUsers at path: C:\ProgramData\Package Cache\043C16B1A888D4FDFF46CA4FB8AF88495858E515\py.exe. [494C:3F64][2025-10-24T21:13:23]e000: Error 0x80070643: Failed to install MSI package. [494C:3F64][2025-10-24T21:13:23]e000: Error 0x80070643: Failed to execute MSI package. [413C:27C8][2025-10-24T21:13:23]e000: Error 0x80070643: Failed to configure per-machine MSI package. [413C:27C8][2025-10-24T21:13:23]i319: Applied execute package: core_AllUsers, result: 0x80070643, restart: None [413C:27C8][2025-10-24T21:13:23]e000: Error 0x80070643: Failed to execute MSI package. [494C:3F64][2025-10-24T21:13:23]i318: Skipped rollback of package: core_AllUsers, action: Uninstall, already: Absent [413C:27C8][2025-10-24T21:13:23]i319: Applied rollback package: core_AllUsers, result: 0x0, restart: None [494C:3F64][2025-10-24T21:13:23]i351: Removing cached package: core_AllUsers, from path: C:\ProgramData\Package Cache\{86B8A818-5D9F-4DEB-9AAD-C7548288A9DD}v3.9.2121.0\ [413C:27C8][2025-10-24T21:13:23]i329: Removed package dependency provider: {7CB21651-FC68-4B88-8272-535F9509B613}, package: ucrt_JustForMe [413C:27C8][2025-10-24T21:13:23]i372: Session end, registration key: SOFTWARE\Microsoft\Windows\CurrentVersion\Uninstall\{fb664176-dc13-48e7-964a-35465a1bfb81}, resume: None, restart: None, disable resume: No [413C:27C8][2025-10-24T21:13:23]i330: Removed bundle dependency provider: CPython-3.9 [413C:27C8][2025-10-24T21:13:23]i352: Removing cached bundle: {fb664176-dc13-48e7-964a-35465a1bfb81}, from path: C:\Users\ZR\AppData\Local\Package Cache\{fb664176-dc13-48e7-964a-35465a1bfb81}\ [413C:27C8][2025-10-24T21:13:23]i371: Updating session, registration key: SOFTWARE\Microsoft\Windows\CurrentVersion\Uninstall\{fb664176-dc13-48e7-964a-35465a1bfb81}, resume: None, restart initiated: No, disable resume: No [413C:27C8][2025-10-24T21:13:23]i399: Apply complete, result: 0x80070643, restart: None, ba requested restart: No
最新发布
10-25
### 解决Android应用安装时因版本降级导致的`INSTALL_FAILED_VERSION_DOWNGRADE`错误 在Android系统中,`INSTALL_FAILED_VERSION_DOWNGRADE`错误通常发生在尝试安装一个比当前已安装版本更低版本应用程序时。为了解决这个问题,需要确保以下几点: 1. **版本号(versionCode)和版本名称(versionName)** Android通过`versionCode`来判断应用程序的版本顺序。`versionCode`是一个整数值,用于指示应用程序的修订版本[^2]。如果新安装的应用程序具有较低的`versionCode`,系统将拒绝安装并抛出`INSTALL_FAILED_VERSION_DOWNGRADE`错误。 确保开发过程中遵循以下规则: - 每次发布新版本时,`versionCode`必须递增。 - `versionName`可以用于显示给用户的版本信息,但不影响安装逻辑。 2. **卸载旧版本** 如果确实需要安装一个较低版本应用程序,可以先卸载当前已安装的版本,然后再安装目标版本。这可以通过手动操作或使用代码实现。例如,使用`adb`命令卸载应用: ```bash adb uninstall <package_name> ``` 3. **禁用版本检查(仅限调试环境)** 在某些情况下,可以通过修改系统行为来忽略版本降级检查。但这仅适用于开发或测试环境,不建议在生产环境中使用。例如,通过ADB命令设置`allow_downgrade`标志: ```bash adb shell settings put global package_verifier_enable 0 ``` 4. **OTA升级流程中的版本匹配** 在引用[2]中提到的OTA升级流程中,系统会检查当前版本与目标版本之间的差异。对于AB分区升级,系统会调用`CheckPackageMetadata`方法验证版本号、系列号和指纹等信息是否匹配。如果发现降级情况,则会直接返回失败。因此,在设计OTA包时,必须确保目标版本号始终高于当前版本号。 5. **动态更新策略** 如果需要支持动态降级场景,可以通过以下方式实现: - 使用`SharedPreferences`或其他存储机制记录当前版本号,并在启动时进行版本校验。 - 如果检测到版本降级,提示用户确认或自动处理相关数据迁移。 ### 示例代码:检查版本号并提示用户 以下代码示例展示了如何在应用启动时检查版本号并处理降级场景: ```java public class VersionChecker { public static boolean isDowngrade(Context context, int newVersionCode) { int currentVersionCode = getCurrentVersionCode(context); return newVersionCode < currentVersionCode; } private static int getCurrentVersionCode(Context context) { try { PackageInfo packageInfo = context.getPackageManager().getPackageInfo(context.getPackageName(), 0); return packageInfo.versionCode; } catch (PackageManager.NameNotFoundException e) { e.printStackTrace(); return -1; } } } ``` 在主Activity中调用上述方法: ```java @Override protected void onCreate(Bundle savedInstanceState) { super.onCreate(savedInstanceState); int newVersionCode = /* 获取新版本号 */; if (VersionChecker.isDowngrade(this, newVersionCode)) { Toast.makeText(this, "检测到版本降级,请确认继续操作", Toast.LENGTH_LONG).show(); // 处理降级逻辑 } } ```
评论
添加红包

请填写红包祝福语或标题

红包个数最小为10个

红包金额最低5元

当前余额3.43前往充值 >
需支付:10.00
成就一亿技术人!
领取后你会自动成为博主和红包主的粉丝 规则
hope_wisdom
发出的红包
实付
使用余额支付
点击重新获取
扫码支付
钱包余额 0

抵扣说明:

1.余额是钱包充值的虚拟货币,按照1:1的比例进行支付金额的抵扣。
2.余额无法直接购买下载,可以购买VIP、付费专栏及课程。

余额充值