NVIDIA / apex

A PyTorch Extension: Tools for easy mixed precision and distributed training in Pytorch
BSD 3-Clause "New" or "Revised" License
8.3k stars 1.38k forks source link

linux install error,cuda、pytorch both11.0 #1367

Closed leiqing110 closed 2 years ago

leiqing110 commented 2 years ago

`# pip install -v --disable-pip-version-check --no-cache-dir --global-option="--cpp_ext" --global-option="--cuda_ext" ./ WARNING: Disabling all use of wheels due to the use of --build-option / --global-option / --install-option. Using pip 22.0.4 from /opt/conda/lib/python3.8/site-packages/pip (python 3.8) WARNING: Ignoring invalid distribution -pex (/opt/conda/lib/python3.8/site-packages) WARNING: Ignoring invalid distribution -pex (/opt/conda/lib/python3.8/site-packages) Looking in indexes: https://pypi.tuna.tsinghua.edu.cn/simple Processing /home/work/zhangleisx4614/MetaFormer-master/apex Running command python setup.py egg_info

torch.version = 1.7.1+cu110

running egg_info creating /tmp/pip-pip-egg-info-r3zz2jnq/apex.egg-info writing /tmp/pip-pip-egg-info-r3zz2jnq/apex.egg-info/PKG-INFO writing dependency_links to /tmp/pip-pip-egg-info-r3zz2jnq/apex.egg-info/dependency_links.txt writing top-level names to /tmp/pip-pip-egg-info-r3zz2jnq/apex.egg-info/top_level.txt writing manifest file '/tmp/pip-pip-egg-info-r3zz2jnq/apex.egg-info/SOURCES.txt' reading manifest file '/tmp/pip-pip-egg-info-r3zz2jnq/apex.egg-info/SOURCES.txt' writing manifest file '/tmp/pip-pip-egg-info-r3zz2jnq/apex.egg-info/SOURCES.txt' /home/work/zhangleisx4614/MetaFormer-master/apex/setup.py:121: UserWarning: Option --pyprof not specified. Not install warnings.warn("Option --pyprof not specified. Not installing PyProf dependencies!") Preparing metadata (setup.py) ... done Skipping wheel build for apex, due to binaries being disabled for it. WARNING: Ignoring invalid distribution -pex (/opt/conda/lib/python3.8/site-packages) Installing collected packages: apex Running command Running setup.py install for apex

torch.version = 1.7.1+cu110

/home/work/zhangleisx4614/MetaFormer-master/apex/setup.py:121: UserWarning: Option --pyprof not specified. Not install warnings.warn("Option --pyprof not specified. Not installing PyProf dependencies!")

Compiling cuda extensions with nvcc: NVIDIA (R) Cuda compiler driver Copyright (c) 2005-2020 NVIDIA Corporation Built on Wed_Jul_22_19:09:09_PDT_2020 Cuda compilation tools, release 11.0, V11.0.221 Build cuda_11.0_bu.TC445_37.28845127_0 from /usr/local/cuda/bin

running install running build running build_py creating build creating build/lib.linux-x86_64-3.8 creating build/lib.linux-x86_64-3.8/apex copying apex/_autocast_utils.py -> build/lib.linux-x86_64-3.8/apex copying apex/init.py -> build/lib.linux-x86_64-3.8/apex creating build/lib.linux-x86_64-3.8/apex/amp copying apex/amp/amp.py -> build/lib.linux-x86_64-3.8/apex/amp copying apex/amp/compat.py -> build/lib.linux-x86_64-3.8/apex/amp copying apex/amp/frontend.py -> build/lib.linux-x86_64-3.8/apex/amp copying apex/amp/handle.py -> build/lib.linux-x86_64-3.8/apex/amp copying apex/amp/opt.py -> build/lib.linux-x86_64-3.8/apex/amp copying apex/amp/rnn_compat.py -> build/lib.linux-x86_64-3.8/apex/amp copying apex/amp/scaler.py -> build/lib.linux-x86_64-3.8/apex/amp copying apex/amp/utils.py -> build/lib.linux-x86_64-3.8/apex/amp copying apex/amp/wrap.py -> build/lib.linux-x86_64-3.8/apex/amp copying apex/amp/_amp_state.py -> build/lib.linux-x86_64-3.8/apex/amp copying apex/amp/_initialize.py -> build/lib.linux-x86_64-3.8/apex/amp copying apex/amp/_process_optimizer.py -> build/lib.linux-x86_64-3.8/apex/amp copying apex/amp/init.py -> build/lib.linux-x86_64-3.8/apex/amp copying apex/amp/version.py -> build/lib.linux-x86_64-3.8/apex/amp creating build/lib.linux-x86_64-3.8/apex/contrib copying apex/contrib/init.py -> build/lib.linux-x86_64-3.8/apex/contrib creating build/lib.linux-x86_64-3.8/apex/fp16_utils copying apex/fp16_utils/fp16util.py -> build/lib.linux-x86_64-3.8/apex/fp16_utils copying apex/fp16_utils/fp16_optimizer.py -> build/lib.linux-x86_64-3.8/apex/fp16_utils copying apex/fp16_utils/loss_scaler.py -> build/lib.linux-x86_64-3.8/apex/fp16_utils copying apex/fp16_utils/init.py -> build/lib.linux-x86_64-3.8/apex/fp16_utils creating build/lib.linux-x86_64-3.8/apex/fused_dense copying apex/fused_dense/fused_dense.py -> build/lib.linux-x86_64-3.8/apex/fused_dense copying apex/fused_dense/init.py -> build/lib.linux-x86_64-3.8/apex/fused_dense creating build/lib.linux-x86_64-3.8/apex/mlp copying apex/mlp/mlp.py -> build/lib.linux-x86_64-3.8/apex/mlp copying apex/mlp/init.py -> build/lib.linux-x86_64-3.8/apex/mlp creating build/lib.linux-x86_64-3.8/apex/multi_tensor_apply copying apex/multi_tensor_apply/multi_tensor_apply.py -> build/lib.linux-x86_64-3.8/apex/multi_tensor_apply copying apex/multi_tensor_apply/init.py -> build/lib.linux-x86_64-3.8/apex/multi_tensor_apply creating build/lib.linux-x86_64-3.8/apex/normalization copying apex/normalization/fused_layer_norm.py -> build/lib.linux-x86_64-3.8/apex/normalization copying apex/normalization/init.py -> build/lib.linux-x86_64-3.8/apex/normalization creating build/lib.linux-x86_64-3.8/apex/optimizers copying apex/optimizers/fused_adagrad.py -> build/lib.linux-x86_64-3.8/apex/optimizers copying apex/optimizers/fused_adam.py -> build/lib.linux-x86_64-3.8/apex/optimizers copying apex/optimizers/fused_lamb.py -> build/lib.linux-x86_64-3.8/apex/optimizers copying apex/optimizers/fused_mixed_precision_lamb.py -> build/lib.linux-x86_64-3.8/apex/optimizers copying apex/optimizers/fused_novograd.py -> build/lib.linux-x86_64-3.8/apex/optimizers copying apex/optimizers/fused_sgd.py -> build/lib.linux-x86_64-3.8/apex/optimizers copying apex/optimizers/init.py -> build/lib.linux-x86_64-3.8/apex/optimizers creating build/lib.linux-x86_64-3.8/apex/parallel copying apex/parallel/distributed.py -> build/lib.linux-x86_64-3.8/apex/parallel copying apex/parallel/LARC.py -> build/lib.linux-x86_64-3.8/apex/parallel copying apex/parallel/multiproc.py -> build/lib.linux-x86_64-3.8/apex/parallel copying apex/parallel/optimized_sync_batchnorm.py -> build/lib.linux-x86_64-3.8/apex/parallel copying apex/parallel/optimized_sync_batchnorm_kernel.py -> build/lib.linux-x86_64-3.8/apex/parallel copying apex/parallel/sync_batchnorm.py -> build/lib.linux-x86_64-3.8/apex/parallel copying apex/parallel/sync_batchnorm_kernel.py -> build/lib.linux-x86_64-3.8/apex/parallel copying apex/parallel/init.py -> build/lib.linux-x86_64-3.8/apex/parallel creating build/lib.linux-x86_64-3.8/apex/pyprof copying apex/pyprof/init.py -> build/lib.linux-x86_64-3.8/apex/pyprof creating build/lib.linux-x86_64-3.8/apex/reparameterization copying apex/reparameterization/reparameterization.py -> build/lib.linux-x86_64-3.8/apex/reparameterization copying apex/reparameterization/weight_norm.py -> build/lib.linux-x86_64-3.8/apex/reparameterization copying apex/reparameterization/init.py -> build/lib.linux-x86_64-3.8/apex/reparameterization creating build/lib.linux-x86_64-3.8/apex/RNN copying apex/RNN/cells.py -> build/lib.linux-x86_64-3.8/apex/RNN copying apex/RNN/models.py -> build/lib.linux-x86_64-3.8/apex/RNN copying apex/RNN/RNNBackend.py -> build/lib.linux-x86_64-3.8/apex/RNN copying apex/RNN/init.py -> build/lib.linux-x86_64-3.8/apex/RNN creating build/lib.linux-x86_64-3.8/apex/transformer copying apex/transformer/enums.py -> build/lib.linux-x86_64-3.8/apex/transformer copying apex/transformer/log_util.py -> build/lib.linux-x86_64-3.8/apex/transformer copying apex/transformer/microbatches.py -> build/lib.linux-x86_64-3.8/apex/transformer copying apex/transformer/parallel_state.py -> build/lib.linux-x86_64-3.8/apex/transformer copying apex/transformer/utils.py -> build/lib.linux-x86_64-3.8/apex/transformer copying apex/transformer/init.py -> build/lib.linux-x86_64-3.8/apex/transformer creating build/lib.linux-x86_64-3.8/apex/amp/lists copying apex/amp/lists/functional_overrides.py -> build/lib.linux-x86_64-3.8/apex/amp/lists copying apex/amp/lists/tensor_overrides.py -> build/lib.linux-x86_64-3.8/apex/amp/lists copying apex/amp/lists/torch_overrides.py -> build/lib.linux-x86_64-3.8/apex/amp/lists copying apex/amp/lists/init.py -> build/lib.linux-x86_64-3.8/apex/amp/lists creating build/lib.linux-x86_64-3.8/apex/contrib/bottleneck copying apex/contrib/bottleneck/bottleneck.py -> build/lib.linux-x86_64-3.8/apex/contrib/bottleneck copying apex/contrib/bottleneck/bottleneck_module_test.py -> build/lib.linux-x86_64-3.8/apex/contrib/bottleneck copying apex/contrib/bottleneck/halo_exchangers.py -> build/lib.linux-x86_64-3.8/apex/contrib/bottleneck copying apex/contrib/bottleneck/test.py -> build/lib.linux-x86_64-3.8/apex/contrib/bottleneck copying apex/contrib/bottleneck/init.py -> build/lib.linux-x86_64-3.8/apex/contrib/bottleneck creating build/lib.linux-x86_64-3.8/apex/contrib/conv_bias_relu copying apex/contrib/conv_bias_relu/conv_bias_relu.py -> build/lib.linux-x86_64-3.8/apex/contrib/conv_bias_relu copying apex/contrib/conv_bias_relu/init.py -> build/lib.linux-x86_64-3.8/apex/contrib/conv_bias_relu creating build/lib.linux-x86_64-3.8/apex/contrib/fmha copying apex/contrib/fmha/fmha.py -> build/lib.linux-x86_64-3.8/apex/contrib/fmha copying apex/contrib/fmha/init.py -> build/lib.linux-x86_64-3.8/apex/contrib/fmha creating build/lib.linux-x86_64-3.8/apex/contrib/focal_loss copying apex/contrib/focal_loss/focal_loss.py -> build/lib.linux-x86_64-3.8/apex/contrib/focal_loss copying apex/contrib/focal_loss/init.py -> build/lib.linux-x86_64-3.8/apex/contrib/focal_loss creating build/lib.linux-x86_64-3.8/apex/contrib/groupbn copying apex/contrib/groupbn/batch_norm.py -> build/lib.linux-x86_64-3.8/apex/contrib/groupbn copying apex/contrib/groupbn/init.py -> build/lib.linux-x86_64-3.8/apex/contrib/groupbn creating build/lib.linux-x86_64-3.8/apex/contrib/layer_norm copying apex/contrib/layer_norm/layer_norm.py -> build/lib.linux-x86_64-3.8/apex/contrib/layer_norm copying apex/contrib/layer_norm/init.py -> build/lib.linux-x86_64-3.8/apex/contrib/layer_norm creating build/lib.linux-x86_64-3.8/apex/contrib/multihead_attn copying apex/contrib/multihead_attn/encdec_multihead_attn.py -> build/lib.linux-x86_64-3.8/apex/contrib/multihead_attn copying apex/contrib/multihead_attn/encdec_multihead_attn_func.py -> build/lib.linux-x86_64-3.8/apex/contrib/multihead copying apex/contrib/multihead_attn/fast_encdec_multihead_attn_func.py -> build/lib.linux-x86_64-3.8/apex/contrib/mult copying apex/contrib/multihead_attn/fast_encdec_multihead_attn_norm_add_func.py -> build/lib.linux-x86_64-3.8/apex/con copying apex/contrib/multihead_attn/fast_self_multihead_attn_func.py -> build/lib.linux-x86_64-3.8/apex/contrib/multih copying apex/contrib/multihead_attn/fast_self_multihead_attn_norm_add_func.py -> build/lib.linux-x86_64-3.8/apex/contr copying apex/contrib/multihead_attn/mask_softmax_dropout_func.py -> build/lib.linux-x8664-3.8/apex/contrib/multihead copying apex/contrib/multihead_attn/self_multihead_attn.py -> build/lib.linux-x86_64-3.8/apex/contrib/multihead_attn copying apex/contrib/multihead_attn/self_multihead_attn_func.py -> build/lib.linux-x86_64-3.8/apex/contrib/multihead_a copying apex/contrib/multihead_attn/init.py -> build/lib.linux-x86_64-3.8/apex/contrib/multihead_attn creating build/lib.linux-x86_64-3.8/apex/contrib/optimizers copying apex/contrib/optimizers/distributed_fused_adam.py -> build/lib.linux-x86_64-3.8/apex/contrib/optimizers copying apex/contrib/optimizers/distributed_fused_adam_v2.py -> build/lib.linux-x86_64-3.8/apex/contrib/optimizers copying apex/contrib/optimizers/distributed_fused_adam_v3.py -> build/lib.linux-x86_64-3.8/apex/contrib/optimizers copying apex/contrib/optimizers/distributed_fused_lamb.py -> build/lib.linux-x86_64-3.8/apex/contrib/optimizers copying apex/contrib/optimizers/fp16_optimizer.py -> build/lib.linux-x86_64-3.8/apex/contrib/optimizers copying apex/contrib/optimizers/fused_adam.py -> build/lib.linux-x86_64-3.8/apex/contrib/optimizers copying apex/contrib/optimizers/fused_lamb.py -> build/lib.linux-x86_64-3.8/apex/contrib/optimizers copying apex/contrib/optimizers/fused_sgd.py -> build/lib.linux-x86_64-3.8/apex/contrib/optimizers copying apex/contrib/optimizers/init.py -> build/lib.linux-x86_64-3.8/apex/contrib/optimizers creating build/lib.linux-x86_64-3.8/apex/contrib/peer_memory copying apex/contrib/peer_memory/peer_halo_exchanger_1d.py -> build/lib.linux-x86_64-3.8/apex/contrib/peer_memory copying apex/contrib/peer_memory/peer_halo_exchange_module_tests.py -> build/lib.linux-x86_64-3.8/apex/contrib/peer_me copying apex/contrib/peer_memory/peer_memory.py -> build/lib.linux-x86_64-3.8/apex/contrib/peer_memory copying apex/contrib/peer_memory/init.py -> build/lib.linux-x86_64-3.8/apex/contrib/peer_memory creating build/lib.linux-x86_64-3.8/apex/contrib/sparsity copying apex/contrib/sparsity/asp.py -> build/lib.linux-x86_64-3.8/apex/contrib/sparsity copying apex/contrib/sparsity/permutation_lib.py -> build/lib.linux-x86_64-3.8/apex/contrib/sparsity copying apex/contrib/sparsity/sparse_masklib.py -> build/lib.linux-x86_64-3.8/apex/contrib/sparsity copying apex/contrib/sparsity/init.py -> build/lib.linux-x86_64-3.8/apex/contrib/sparsity creating build/lib.linux-x86_64-3.8/apex/contrib/transducer copying apex/contrib/transducer/transducer.py -> build/lib.linux-x86_64-3.8/apex/contrib/transducer copying apex/contrib/transducer/init.py -> build/lib.linux-x86_64-3.8/apex/contrib/transducer creating build/lib.linux-x86_64-3.8/apex/contrib/xentropy copying apex/contrib/xentropy/softmax_xentropy.py -> build/lib.linux-x86_64-3.8/apex/contrib/xentropy copying apex/contrib/xentropy/init.py -> build/lib.linux-x86_64-3.8/apex/contrib/xentropy creating build/lib.linux-x86_64-3.8/apex/contrib/sparsity/permutation_search_kernels copying apex/contrib/sparsity/permutation_search_kernels/call_permutation_search_kernels.py -> build/lib.linux-x86_64-n_search_kernels copying apex/contrib/sparsity/permutation_search_kernels/exhaustive_search.py -> build/lib.linux-x86_64-3.8/apex/contrls copying apex/contrib/sparsity/permutation_search_kernels/permutation_utilities.py -> build/lib.linux-x86_64-3.8/apex/cernels copying apex/contrib/sparsity/permutation_search_kernels/init.py -> build/lib.linux-x86_64-3.8/apex/contrib/sparsi creating build/lib.linux-x86_64-3.8/apex/pyprof/nvtx copying apex/pyprof/nvtx/nvmarker.py -> build/lib.linux-x86_64-3.8/apex/pyprof/nvtx copying apex/pyprof/nvtx/init.py -> build/lib.linux-x86_64-3.8/apex/pyprof/nvtx creating build/lib.linux-x86_64-3.8/apex/pyprof/parse copying apex/pyprof/parse/db.py -> build/lib.linux-x86_64-3.8/apex/pyprof/parse copying apex/pyprof/parse/kernel.py -> build/lib.linux-x86_64-3.8/apex/pyprof/parse copying apex/pyprof/parse/nvvp.py -> build/lib.linux-x86_64-3.8/apex/pyprof/parse copying apex/pyprof/parse/parse.py -> build/lib.linux-x86_64-3.8/apex/pyprof/parse copying apex/pyprof/parse/init.py -> build/lib.linux-x86_64-3.8/apex/pyprof/parse copying apex/pyprof/parse/main.py -> build/lib.linux-x86_64-3.8/apex/pyprof/parse creating build/lib.linux-x86_64-3.8/apex/pyprof/prof copying apex/pyprof/prof/activation.py -> build/lib.linux-x86_64-3.8/apex/pyprof/prof copying apex/pyprof/prof/base.py -> build/lib.linux-x86_64-3.8/apex/pyprof/prof copying apex/pyprof/prof/blas.py -> build/lib.linux-x86_64-3.8/apex/pyprof/prof copying apex/pyprof/prof/conv.py -> build/lib.linux-x86_64-3.8/apex/pyprof/prof copying apex/pyprof/prof/convert.py -> build/lib.linux-x86_64-3.8/apex/pyprof/prof copying apex/pyprof/prof/data.py -> build/lib.linux-x86_64-3.8/apex/pyprof/prof copying apex/pyprof/prof/dropout.py -> build/lib.linux-x86_64-3.8/apex/pyprof/prof copying apex/pyprof/prof/embedding.py -> build/lib.linux-x86_64-3.8/apex/pyprof/prof copying apex/pyprof/prof/index_slice_join_mutate.py -> build/lib.linux-x86_64-3.8/apex/pyprof/prof copying apex/pyprof/prof/linear.py -> build/lib.linux-x86_64-3.8/apex/pyprof/prof copying apex/pyprof/prof/loss.py -> build/lib.linux-x86_64-3.8/apex/pyprof/prof copying apex/pyprof/prof/misc.py -> build/lib.linux-x86_64-3.8/apex/pyprof/prof copying apex/pyprof/prof/normalization.py -> build/lib.linux-x86_64-3.8/apex/pyprof/prof copying apex/pyprof/prof/optim.py -> build/lib.linux-x86_64-3.8/apex/pyprof/prof copying apex/pyprof/prof/output.py -> build/lib.linux-x86_64-3.8/apex/pyprof/prof copying apex/pyprof/prof/pointwise.py -> build/lib.linux-x86_64-3.8/apex/pyprof/prof copying apex/pyprof/prof/pooling.py -> build/lib.linux-x86_64-3.8/apex/pyprof/prof copying apex/pyprof/prof/prof.py -> build/lib.linux-x86_64-3.8/apex/pyprof/prof copying apex/pyprof/prof/randomSample.py -> build/lib.linux-x86_64-3.8/apex/pyprof/prof copying apex/pyprof/prof/recurrentCell.py -> build/lib.linux-x86_64-3.8/apex/pyprof/prof copying apex/pyprof/prof/reduction.py -> build/lib.linux-x86_64-3.8/apex/pyprof/prof copying apex/pyprof/prof/softmax.py -> build/lib.linux-x86_64-3.8/apex/pyprof/prof copying apex/pyprof/prof/usage.py -> build/lib.linux-x86_64-3.8/apex/pyprof/prof copying apex/pyprof/prof/utility.py -> build/lib.linux-x86_64-3.8/apex/pyprof/prof copying apex/pyprof/prof/init.py -> build/lib.linux-x86_64-3.8/apex/pyprof/prof copying apex/pyprof/prof/main.py -> build/lib.linux-x86_64-3.8/apex/pyprof/prof creating build/lib.linux-x86_64-3.8/apex/transformer/amp copying apex/transformer/amp/grad_scaler.py -> build/lib.linux-x86_64-3.8/apex/transformer/amp copying apex/transformer/amp/init.py -> build/lib.linux-x86_64-3.8/apex/transformer/amp creating build/lib.linux-x86_64-3.8/apex/transformer/functional copying apex/transformer/functional/fused_softmax.py -> build/lib.linux-x86_64-3.8/apex/transformer/functional copying apex/transformer/functional/init.py -> build/lib.linux-x86_64-3.8/apex/transformer/functional creating build/lib.linux-x86_64-3.8/apex/transformer/pipeline_parallel copying apex/transformer/pipeline_parallel/p2p_communication.py -> build/lib.linux-x86_64-3.8/apex/transformer/pipelin copying apex/transformer/pipeline_parallel/utils.py -> build/lib.linux-x86_64-3.8/apex/transformer/pipeline_parallel copying apex/transformer/pipeline_parallel/_timers.py -> build/lib.linux-x86_64-3.8/apex/transformer/pipeline_parallel copying apex/transformer/pipeline_parallel/init.py -> build/lib.linux-x86_64-3.8/apex/transformer/pipeline_paralle creating build/lib.linux-x86_64-3.8/apex/transformer/tensor_parallel copying apex/transformer/tensor_parallel/cross_entropy.py -> build/lib.linux-x86_64-3.8/apex/transformer/tensor_parall copying apex/transformer/tensor_parallel/data.py -> build/lib.linux-x86_64-3.8/apex/transformer/tensor_parallel copying apex/transformer/tensor_parallel/layers.py -> build/lib.linux-x86_64-3.8/apex/transformer/tensor_parallel copying apex/transformer/tensor_parallel/mappings.py -> build/lib.linux-x86_64-3.8/apex/transformer/tensor_parallel copying apex/transformer/tensor_parallel/memory.py -> build/lib.linux-x86_64-3.8/apex/transformer/tensor_parallel copying apex/transformer/tensor_parallel/random.py -> build/lib.linux-x86_64-3.8/apex/transformer/tensor_parallel copying apex/transformer/tensor_parallel/utils.py -> build/lib.linux-x86_64-3.8/apex/transformer/tensor_parallel copying apex/transformer/tensor_parallel/init.py -> build/lib.linux-x86_64-3.8/apex/transformer/tensor_parallel creating build/lib.linux-x86_64-3.8/apex/transformer/testing copying apex/transformer/testing/arguments.py -> build/lib.linux-x86_64-3.8/apex/transformer/testing copying apex/transformer/testing/commons.py -> build/lib.linux-x86_64-3.8/apex/transformer/testing copying apex/transformer/testing/distributed_test_base.py -> build/lib.linux-x86_64-3.8/apex/transformer/testing copying apex/transformer/testing/global_vars.py -> build/lib.linux-x86_64-3.8/apex/transformer/testing copying apex/transformer/testing/standalone_bert.py -> build/lib.linux-x86_64-3.8/apex/transformer/testing copying apex/transformer/testing/standalone_gpt.py -> build/lib.linux-x86_64-3.8/apex/transformer/testing copying apex/transformer/testing/init.py -> build/lib.linux-x86_64-3.8/apex/transformer/testing creating build/lib.linux-x86_64-3.8/apex/transformer/_data copying apex/transformer/_data/_batchsampler.py -> build/lib.linux-x86_64-3.8/apex/transformer/_data copying apex/transformer/_data/init.py -> build/lib.linux-x86_64-3.8/apex/transformer/_data creating build/lib.linux-x86_64-3.8/apex/transformer/pipeline_parallel/schedules copying apex/transformer/pipeline_parallel/schedules/common.py -> build/lib.linux-x86_64-3.8/apex/transformer/pipeline copying apex/transformer/pipeline_parallel/schedules/fwd_bwd_no_pipelining.py -> build/lib.linux-x86_64-3.8/apex/trans copying apex/transformer/pipeline_parallel/schedules/fwd_bwd_pipelining_without_interleaving.py -> build/lib.linux-x86rallel/schedules copying apex/transformer/pipeline_parallel/schedules/fwd_bwd_pipelining_with_interleaving.py -> build/lib.linux-x86_64lel/schedules copying apex/transformer/pipeline_parallel/schedules/init.py -> build/lib.linux-x86_64-3.8/apex/transformer/pipeli running build_ext building 'apex_C' extension creating /home/work/zhangleisx4614/MetaFormer-master/apex/build/temp.linux-x86_64-3.8 creating /home/work/zhangleisx4614/MetaFormer-master/apex/build/temp.linux-x86_64-3.8/csrc Emitting ninja build file /home/work/zhangleisx4614/MetaFormer-master/apex/build/temp.linux-x86_64-3.8/build.ninja... Compiling objects... Allowing ninja to set a default number of workers... (overridable by setting the environment variable MAX_JOBS=N) [1/1] c++ -MMD -MF /home/work/zhangleisx4614/MetaFormer-master/apex/build/temp.linux-x86_64-3.8/csrc/flatten_unflatten_compat -Wl,--sysroot=/ -Wsign-compare -DNDEBUG -g -fwrapv -O3 -Wall -Wstrict-prototypes -fPIC -I/opt/conda/lib/python3./conda/lib/python3.8/site-packages/torch/include/torch/csrc/api/include -I/opt/conda/lib/python3.8/site-packages/torch/i/site-packages/torch/include/THC -I/opt/conda/include/python3.8 -c -c /home/work/zhangleisx4614/MetaFormer-master/apex/cork/zhangleisx4614/MetaFormer-master/apex/build/temp.linux-x86_64-3.8/csrc/flatten_unflatten.o -DTORCH_API_INCLUDE_EXTENcc"' '-DPYBIND11_STDLIB="_libstdcpp"' '-DPYBIND11_BUILD_ABI="_cxxabi1011"' -DTORCH_EXTENSION_NAME=apex_C -D_GLIBCXXUSE cc1plus: warning: command line option ‘-Wstrict-prototypes’ is valid for C/ObjC but not for C++ In file included from /opt/conda/lib/python3.8/site-packages/torch/include/ATen/Parallel.h:149:0, from /opt/conda/lib/python3.8/site-packages/torch/include/torch/csrc/api/include/torch/utils.h:3, from /opt/conda/lib/python3.8/site-packages/torch/include/torch/csrc/api/include/torch/nn/cloneable.h from /opt/conda/lib/python3.8/site-packages/torch/include/torch/csrc/api/include/torch/nn.h:3, from /opt/conda/lib/python3.8/site-packages/torch/include/torch/csrc/api/include/torch/all.h:12, from /opt/conda/lib/python3.8/site-packages/torch/include/torch/extension.h:4, from /home/work/zhangleisx4614/MetaFormer-master/apex/csrc/flatten_unflatten.cpp:1: /opt/conda/lib/python3.8/site-packages/torch/include/ATen/ParallelOpenMP.h:84:0: warning: ignoring #pragma omp paralle

pragma omp parallel for if ((end - begin) >= grain_size)

In file included from /home/work/zhangleisx4614/MetaFormer-master/apex/csrc/flatten_unflatten.cpp:2:0: /opt/conda/lib/python3.8/site-packages/torch/include/torch/csrc/utils/tensor_flatten.h: In member function ‘at::DeprecnsorGroup::type()’: /opt/conda/lib/python3.8/site-packages/torch/include/torch/csrc/utils/tensor_flatten.h:36:28: warning: ‘at::Deprecatedonst’ is deprecated: Tensor.type() is deprecated. Instead use Tensor.options(), which in many cases (e.g. in a construct were using data from type(), that is now available from Tensor itself, so instead of tensor.type().scalar_type(), use tead of tensor.type().backend() use tensor.device(). [-Wdeprecated-declarations] return tensors[0].type(); ^ In file included from /opt/conda/lib/python3.8/site-packages/torch/include/ATen/Tensor.h:3:0, from /opt/conda/lib/python3.8/site-packages/torch/include/ATen/Context.h:4, from /opt/conda/lib/python3.8/site-packages/torch/include/ATen/ATen.h:9, from /opt/conda/lib/python3.8/site-packages/torch/include/torch/csrc/api/include/torch/types.h:3, from /opt/conda/lib/python3.8/site-packages/torch/include/torch/csrc/api/include/torch/data/dataloade from /opt/conda/lib/python3.8/site-packages/torch/include/torch/csrc/api/include/torch/data/dataloade from /opt/conda/lib/python3.8/site-packages/torch/include/torch/csrc/api/include/torch/data/dataloade from /opt/conda/lib/python3.8/site-packages/torch/include/torch/csrc/api/include/torch/data/dataloade from /opt/conda/lib/python3.8/site-packages/torch/include/torch/csrc/api/include/torch/data.h:3, from /opt/conda/lib/python3.8/site-packages/torch/include/torch/csrc/api/include/torch/all.h:8, from /opt/conda/lib/python3.8/site-packages/torch/include/torch/extension.h:4, from /home/work/zhangleisx4614/MetaFormer-master/apex/csrc/flatten_unflatten.cpp:1: /opt/conda/lib/python3.8/site-packages/torch/include/ATen/core/TensorBody.h:277:30: note: declared here DeprecatedTypeProperties & type() const { ^~~~ g++ -pthread -shared -B /opt/conda/compiler_compat -L/opt/conda/lib -Wl,-rpath=/opt/conda/lib -Wl,--no-as-needed -Wl,-/MetaFormer-master/apex/build/temp.linux-x86_64-3.8/csrc/flatten_unflatten.o -L/opt/conda/lib/python3.8/site-packages/totorch_python -o build/lib.linux-x86_64-3.8/apex_C.cpython-38-x86_64-linux-gnu.so building 'amp_C' extension Emitting ninja build file /home/work/zhangleisx4614/MetaFormer-master/apex/build/temp.linux-x86_64-3.8/build.ninja... Compiling objects... Allowing ninja to set a default number of workers... (overridable by setting the environment variable MAX_JOBS=N) [1/14] /usr/local/cuda/bin/nvcc -I/opt/conda/lib/python3.8/site-packages/torch/include -I/opt/conda/lib/python3.8/sitepi/include -I/opt/conda/lib/python3.8/site-packages/torch/include/TH -I/opt/conda/lib/python3.8/site-packages/torch/incl/opt/conda/include/python3.8 -c -c /home/work/zhangleisx4614/MetaFormer-master/apex/csrc/multi_tensor_lamb_mp.cu -o /homter/apex/build/temp.linux-x86_64-3.8/csrc/multi_tensor_lamb_mp.o -DCUDA_NO_HALF_OPERATORS -DCUDA_NO_HALF_CONVERSIO-expt-relaxed-constexpr --compiler-options ''"'"'-fPIC'"'"'' -lineinfo -O3 --use_fast_math -DVERSION_GE_1_1 -DVERSION_GECLUDE_EXTENSION_H '-DPYBIND11_COMPILER_TYPE="_gcc"' '-DPYBIND11_STDLIB="_libstdcpp"' '-DPYBIND11_BUILD_ABI="_cxxabi1011"IBCXX_USE_CXX11_ABI=0 -gencode=arch=compute_70,code=sm_70 -std=c++14 FAILED: /home/work/zhangleisx4614/MetaFormer-master/apex/build/temp.linux-x86_64-3.8/csrc/multi_tensor_lamb_mp.o /usr/local/cuda/bin/nvcc -I/opt/conda/lib/python3.8/site-packages/torch/include -I/opt/conda/lib/python3.8/site-packagude -I/opt/conda/lib/python3.8/site-packages/torch/include/TH -I/opt/conda/lib/python3.8/site-packages/torch/include/THCnda/include/python3.8 -c -c /home/work/zhangleisx4614/MetaFormer-master/apex/csrc/multi_tensor_lamb_mp.cu -o /home/work/x/build/temp.linux-x86_64-3.8/csrc/multi_tensor_lamb_mp.o -DCUDA_NO_HALF_OPERATORS -DCUDA_NO_HALF_CONVERSIONS -Delaxed-constexpr --compiler-options ''"'"'-fPIC'"'"'' -lineinfo -O3 --use_fast_math -DVERSION_GE_1_1 -DVERSION_GE_1_3 -DXTENSION_H '-DPYBIND11_COMPILER_TYPE="_gcc"' '-DPYBIND11_STDLIB="_libstdcpp"' '-DPYBIND11_BUILD_ABI="_cxxabi1011"' -DTORSE_CXX11_ABI=0 -gencode=arch=compute_70,code=sm_70 -std=c++14 Killed [2/14] /usr/local/cuda/bin/nvcc -I/opt/conda/lib/python3.8/site-packages/torch/include -I/opt/conda/lib/python3.8/sitepi/include -I/opt/conda/lib/python3.8/site-packages/torch/include/TH -I/opt/conda/lib/python3.8/site-packages/torch/incl/opt/conda/include/python3.8 -c -c /home/work/zhangleisx4614/MetaFormer-master/apex/csrc/multi_tensor_lamb_stage_1.cu -or-master/apex/build/temp.linux-x86_64-3.8/csrc/multi_tensor_lamb_stage_1.o -DCUDA_NO_HALF_OPERATORS -DCUDA_NO_HALFRATORS --expt-relaxed-constexpr --compiler-options ''"'"'-fPIC'"'"'' -lineinfo -O3 --use_fast_math -DVERSION_GE_1_1 -DRCH_API_INCLUDE_EXTENSION_H '-DPYBIND11_COMPILER_TYPE="_gcc"' '-DPYBIND11_STDLIB="_libstdcpp"' '-DPYBIND11_BUILD_ABI="_cmp_C -D_GLIBCXX_USE_CXX11_ABI=0 -gencode=arch=compute_70,code=sm_70 -std=c++14 FAILED: /home/work/zhangleisx4614/MetaFormer-master/apex/build/temp.linux-x86_64-3.8/csrc/multi_tensor_lamb_stage_1.o /usr/local/cuda/bin/nvcc -I/opt/conda/lib/python3.8/site-packages/torch/include -I/opt/conda/lib/python3.8/site-packagude -I/opt/conda/lib/python3.8/site-packages/torch/include/TH -I/opt/conda/lib/python3.8/site-packages/torch/include/THCnda/include/python3.8 -c -c /home/work/zhangleisx4614/MetaFormer-master/apex/csrc/multi_tensor_lamb_stage_1.cu -o /home/r/apex/build/temp.linux-x86_64-3.8/csrc/multi_tensor_lamb_stage_1.o -DCUDA_NO_HALF_OPERATORS -DCUDA_NO_HALFCONVER --expt-relaxed-constexpr --compiler-options ''"'"'-fPIC'"'"'' -lineinfo -O3 --use_fast_math -DVERSION_GE_1_1 -DVERSION_INCLUDE_EXTENSION_H '-DPYBIND11_COMPILER_TYPE="_gcc"' '-DPYBIND11_STDLIB="_libstdcpp"' '-DPYBIND11_BUILD_ABI="_cxxabi10_GLIBCXX_USE_CXX11_ABI=0 -gencode=arch=compute_70,code=sm_70 -std=c++14 Killed [3/14] /usr/local/cuda/bin/nvcc -I/opt/conda/lib/python3.8/site-packages/torch/include -I/opt/conda/lib/python3.8/sitepi/include -I/opt/conda/lib/python3.8/site-packages/torch/include/TH -I/opt/conda/lib/python3.8/site-packages/torch/incl/opt/conda/include/python3.8 -c -c /home/work/zhangleisx4614/MetaFormer-master/apex/csrc/multi_tensor_axpby_kernel.cu -or-master/apex/build/temp.linux-x86_64-3.8/csrc/multi_tensor_axpby_kernel.o -DCUDA_NO_HALF_OPERATORS -DCUDA_NO_HALFRATORS__ --expt-relaxed-constexpr --compiler-options ''"'"'-fPIC'"'"'' -lineinfo -O3 --use_fast_math -DVERSION_GE_1_1 -DRCH_API_INCLUDE_EXTENSION_H '-DPYBIND11_COMPILER_TYPE="_gcc"' '-DPYBIND11_STDLIB="_libstdcpp"' '-DPYBIND11_BUILD_ABI="_cmp_C -D_GLIBCXX_USE_CXX11_ABI=0 -gencode=arch=compute_70,code=sm_70 -std=c++14 FAILED: /home/work/zhangleisx4614/MetaFormer-master/apex/build/temp.linux-x86_64-3.8/csrc/multi_tensor_axpby_kernel.o /usr/local/cuda/bin/nvcc -I/opt/conda/lib/python3.8/site-packages/torch/include -I/opt/conda/lib/python3.8/site-packagude -I/opt/conda/lib/python3.8/site-packages/torch/include/TH -I/opt/conda/lib/python3.8/site-packages/torch/include/THCnda/include/python3.8 -c -c /home/work/zhangleisx4614/MetaFormer-master/apex/csrc/multi_tensor_axpby_kernel.cu -o /home/r/apex/build/temp.linux-x86_64-3.8/csrc/multi_tensor_axpby_kernel.o -DCUDA_NO_HALF_OPERATORS -DCUDA_NO_HALFCONVER --expt-relaxed-constexpr --compiler-options ''"'"'-fPIC'"'"'' -lineinfo -O3 --use_fast_math -DVERSION_GE_1_1 -DVERSION_INCLUDE_EXTENSION_H '-DPYBIND11_COMPILER_TYPE="_gcc"' '-DPYBIND11_STDLIB="_libstdcpp"' '-DPYBIND11_BUILD_ABI="_cxxabi10_GLIBCXX_USE_CXX11_ABI=0 -gencode=arch=compute_70,code=sm_70 -std=c++14 Killed [4/14] /usr/local/cuda/bin/nvcc -I/opt/conda/lib/python3.8/site-packages/torch/include -I/opt/conda/lib/python3.8/sitepi/include -I/opt/conda/lib/python3.8/site-packages/torch/include/TH -I/opt/conda/lib/python3.8/site-packages/torch/incl/opt/conda/include/python3.8 -c -c /home/work/zhangleisx4614/MetaFormer-master/apex/csrc/multi_tensor_adagrad.cu -o /homter/apex/build/temp.linux-x86_64-3.8/csrc/multi_tensor_adagrad.o -DCUDA_NO_HALF_OPERATORS -DCUDA_NO_HALF_CONVERSIO-expt-relaxed-constexpr --compiler-options ''"'"'-fPIC'"'"'' -lineinfo -O3 --use_fast_math -DVERSION_GE_1_1 -DVERSION_GECLUDE_EXTENSION_H '-DPYBIND11_COMPILER_TYPE="_gcc"' '-DPYBIND11_STDLIB="_libstdcpp"' '-DPYBIND11_BUILD_ABI="_cxxabi1011"IBCXX_USE_CXX11_ABI=0 -gencode=arch=compute_70,code=sm_70 -std=c++14 [5/14] /usr/local/cuda/bin/nvcc -I/opt/conda/lib/python3.8/site-packages/torch/include -I/opt/conda/lib/python3.8/sitepi/include -I/opt/conda/lib/python3.8/site-packages/torch/include/TH -I/opt/conda/lib/python3.8/site-packages/torch/incl/opt/conda/include/python3.8 -c -c /home/work/zhangleisx4614/MetaFormer-master/apex/csrc/multi_tensor_lamb.cu -o /home/w/apex/build/temp.linux-x86_64-3.8/csrc/multi_tensor_lamb.o -DCUDA_NO_HALF_OPERATORS -DCUDA_NO_HALF_CONVERSIONS -relaxed-constexpr --compiler-options ''"'"'-fPIC'"'"'' -lineinfo -O3 --use_fast_math -DVERSION_GE_1_1 -DVERSION_GE_1_3 -EXTENSION_H '-DPYBIND11_COMPILER_TYPE="_gcc"' '-DPYBIND11_STDLIB="_libstdcpp"' '-DPYBIND11_BUILD_ABI="_cxxabi1011"' -DTOUSE_CXX11_ABI=0 -gencode=arch=compute_70,code=sm_70 -std=c++14 [6/14] /usr/local/cuda/bin/nvcc -I/opt/conda/lib/python3.8/site-packages/torch/include -I/opt/conda/lib/python3.8/sitepi/include -I/opt/conda/lib/python3.8/site-packages/torch/include/TH -I/opt/conda/lib/python3.8/site-packages/torch/incl/opt/conda/include/python3.8 -c -c /home/work/zhangleisx4614/MetaFormer-master/apex/csrc/multi_tensor_sgd_kernel.cu -o /master/apex/build/temp.linux-x86_64-3.8/csrc/multi_tensor_sgd_kernel.o -DCUDA_NO_HALF_OPERATORS -DCUDA_NO_HALF_CONRS --expt-relaxed-constexpr --compiler-options ''"'"'-fPIC'"'"'' -lineinfo -O3 --use_fast_math -DVERSION_GE_1_1 -DVERSAPI_INCLUDE_EXTENSION_H '-DPYBIND11_COMPILER_TYPE="_gcc"' '-DPYBIND11_STDLIB="_libstdcpp"' '-DPYBIND11_BUILD_ABI="_cxxab -D_GLIBCXX_USE_CXX11_ABI=0 -gencode=arch=compute_70,code=sm_70 -std=c++14 [7/14] /usr/local/cuda/bin/nvcc -I/opt/conda/lib/python3.8/site-packages/torch/include -I/opt/conda/lib/python3.8/sitepi/include -I/opt/conda/lib/python3.8/site-packages/torch/include/TH -I/opt/conda/lib/python3.8/site-packages/torch/incl/opt/conda/include/python3.8 -c -c /home/work/zhangleisx4614/MetaFormer-master/apex/csrc/multi_tensor_lamb_stage_2.cu -or-master/apex/build/temp.linux-x86_64-3.8/csrc/multi_tensor_lamb_stage_2.o -D__CUDA_NO_HALF_OPERATORS -DCUDA_NO_HALFRATORS --expt-relaxed-constexpr --compiler-options ''"'"'-fPIC'"'"'' -lineinfo -O3 --use_fast_math -DVERSION_GE_1_1 -DRCH_API_INCLUDE_EXTENSION_H '-DPYBIND11_COMPILER_TYPE="_gcc"' '-DPYBIND11_STDLIB="_libstdcpp"' '-DPYBIND11_BUILD_ABI="_cmp_C -D_GLIBCXX_USE_CXX11_ABI=0 -gencode=arch=compute_70,code=sm_70 -std=c++14 [8/14] /usr/local/cuda/bin/nvcc -I/opt/conda/lib/python3.8/site-packages/torch/include -I/opt/conda/lib/python3.8/sitepi/include -I/opt/conda/lib/python3.8/site-packages/torch/include/TH -I/opt/conda/lib/python3.8/site-packages/torch/incl/opt/conda/include/python3.8 -c -c /home/work/zhangleisx4614/MetaFormer-master/apex/csrc/multi_tensor_l2norm_kernel.cu -er-master/apex/build/temp.linux-x86_64-3.8/csrc/multi_tensor_l2norm_kernel.o -DCUDA_NO_HALF_OPERATORS -DCUDA_NO_HAPERATORS --expt-relaxed-constexpr --compiler-options ''"'"'-fPIC'"'"'' -lineinfo -O3 --use_fast_math -DVERSION_GE_1_1 TORCH_API_INCLUDE_EXTENSION_H '-DPYBIND11_COMPILER_TYPE="_gcc"' '-DPYBIND11_STDLIB="_libstdcpp"' '-DPYBIND11_BUILD_ABI="=amp_C -D_GLIBCXX_USE_CXX11_ABI=0 -gencode=arch=compute_70,code=sm_70 -std=c++14 [9/14] /usr/local/cuda/bin/nvcc -I/opt/conda/lib/python3.8/site-packages/torch/include -I/opt/conda/lib/python3.8/sitepi/include -I/opt/conda/lib/python3.8/site-packages/torch/include/TH -I/opt/conda/lib/python3.8/site-packages/torch/incl/opt/conda/include/python3.8 -c -c /home/work/zhangleisx4614/MetaFormer-master/apex/csrc/multi_tensor_l2norm_scale_kernetaFormer-master/apex/build/temp.linux-x86_64-3.8/csrc/multi_tensor_l2norm_scale_kernel.o -DCUDA_NO_HALF_OPERATORS -DA_NO_HALF2_OPERATORS --expt-relaxed-constexpr --compiler-options ''"'"'-fPIC'"'"'' -lineinfo -O3 --use_fast_math -DVERON_GE_1_5 -DTORCH_API_INCLUDE_EXTENSION_H '-DPYBIND11_COMPILER_TYPE="_gcc"' '-DPYBIND11_STDLIB="_libstdcpp"' '-DPYBIND11TENSION_NAME=amp_C -D_GLIBCXX_USE_CXX11_ABI=0 -gencode=arch=compute_70,code=sm_70 -std=c++14 [10/14] /usr/local/cuda/bin/nvcc -I/opt/conda/lib/python3.8/site-packages/torch/include -I/opt/conda/lib/python3.8/sitapi/include -I/opt/conda/lib/python3.8/site-packages/torch/include/TH -I/opt/conda/lib/python3.8/site-packages/torch/incI/opt/conda/include/python3.8 -c -c /home/work/zhangleisx4614/MetaFormer-master/apex/csrc/multi_tensor_l2norm_kernel_mp.Former-master/apex/build/temp.linux-x86_64-3.8/csrc/multi_tensor_l2norm_kernel_mp.o -D__CUDA_NO_HALF_OPERATORS -DCUDHALF2_OPERATORS --expt-relaxed-constexpr --compiler-options ''"'"'-fPIC'"'"'' -lineinfo -O3 --use_fast_math -DVERSION1_5 -DTORCH_API_INCLUDE_EXTENSION_H '-DPYBIND11_COMPILER_TYPE="_gcc"' '-DPYBIND11_STDLIB="_libstdcpp"' '-DPYBIND11_BUILON_NAME=amp_C -D_GLIBCXX_USE_CXX11_ABI=0 -gencode=arch=compute_70,code=sm_70 -std=c++14 [11/14] /usr/local/cuda/bin/nvcc -I/opt/conda/lib/python3.8/site-packages/torch/include -I/opt/conda/lib/python3.8/sitapi/include -I/opt/conda/lib/python3.8/site-packages/torch/include/TH -I/opt/conda/lib/python3.8/site-packages/torch/incI/opt/conda/include/python3.8 -c -c /home/work/zhangleisx4614/MetaFormer-master/apex/csrc/multi_tensor_scale_kernel.cu -er-master/apex/build/temp.linux-x86_64-3.8/csrc/multi_tensor_scale_kernel.o -D__CUDA_NO_HALF_OPERATORS -DCUDA_NO_HALERATORS --expt-relaxed-constexpr --compiler-options ''"'"'-fPIC'"'"'' -lineinfo -O3 --use_fast_math -DVERSION_GE_1_1 -ORCH_API_INCLUDE_EXTENSION_H '-DPYBIND11_COMPILER_TYPE="_gcc"' '-DPYBIND11_STDLIB="_libstdcpp"' '-DPYBIND11_BUILD_ABI="_amp_C -D_GLIBCXX_USE_CXX11_ABI=0 -gencode=arch=compute_70,code=sm_70 -std=c++14 [12/14] /usr/local/cuda/bin/nvcc -I/opt/conda/lib/python3.8/site-packages/torch/include -I/opt/conda/lib/python3.8/sitapi/include -I/opt/conda/lib/python3.8/site-packages/torch/include/TH -I/opt/conda/lib/python3.8/site-packages/torch/incI/opt/conda/include/python3.8 -c -c /home/work/zhangleisx4614/MetaFormer-master/apex/csrc/multi_tensor_novograd.cu -o /haster/apex/build/temp.linux-x86_64-3.8/csrc/multi_tensor_novograd.o -DCUDA_NO_HALF_OPERATORS -DCUDA_NO_HALFCONVER --expt-relaxed-constexpr --compiler-options ''"'"'-fPIC'"'"'' -lineinfo -O3 --use_fast_math -DVERSION_GE_1_1 -DVERSION_INCLUDE_EXTENSION_H '-DPYBIND11_COMPILER_TYPE="_gcc"' '-DPYBIND11_STDLIB="_libstdcpp"' '-DPYBIND11_BUILD_ABI="_cxxabi10_GLIBCXX_USE_CXX11_ABI=0 -gencode=arch=compute_70,code=sm_70 -std=c++14 [13/14] /usr/local/cuda/bin/nvcc -I/opt/conda/lib/python3.8/site-packages/torch/include -I/opt/conda/lib/python3.8/sitapi/include -I/opt/conda/lib/python3.8/site-packages/torch/include/TH -I/opt/conda/lib/python3.8/site-packages/torch/incI/opt/conda/include/python3.8 -c -c /home/work/zhangleisx4614/MetaFormer-master/apex/csrc/multi_tensor_adam.cu -o /home/r/apex/build/temp.linux-x86_64-3.8/csrc/multi_tensor_adam.o -DCUDA_NO_HALF_OPERATORS -DCUDA_NO_HALF_CONVERSIONS__ -relaxed-constexpr --compiler-options ''"'"'-fPIC'"'"'' -lineinfo -O3 --use_fast_math -DVERSION_GE_1_1 -DVERSION_GE_1_3 _EXTENSION_H '-DPYBIND11_COMPILER_TYPE="_gcc"' '-DPYBIND11_STDLIB="_libstdcpp"' '-DPYBIND11_BUILD_ABI="_cxxabi1011"' -DT_USE_CXX11_ABI=0 -gencode=arch=compute_70,code=sm_70 -std=c++14 [14/14] c++ -MMD -MF /home/work/zhangleisx4614/MetaFormer-master/apex/build/temp.linux-x86_64-3.8/csrc/amp_C_frontend.compat -Wl,--sysroot=/ -Wsign-compare -DNDEBUG -g -fwrapv -O3 -Wall -Wstrict-prototypes -fPIC -I/opt/conda/lib/python3.8conda/lib/python3.8/site-packages/torch/include/torch/csrc/api/include -I/opt/conda/lib/python3.8/site-packages/torch/insite-packages/torch/include/THC -I/usr/local/cuda/include -I/opt/conda/include/python3.8 -c -c /home/work/zhangleisx4614rontend.cpp -o /home/work/zhangleisx4614/MetaFormer-master/apex/build/temp.linux-x86_64-3.8/csrc/amp_C_frontend.o -O3 -DRSION_GE_1_5 -DTORCH_API_INCLUDE_EXTENSION_H '-DPYBIND11_COMPILER_TYPE="_gcc"' '-DPYBIND11_STDLIB="_libstdcpp"' '-DPYBIN_EXTENSION_NAME=amp_C -D_GLIBCXX_USE_CXX11_ABI=0 -std=c++14 cc1plus: warning: command line option ‘-Wstrict-prototypes’ is valid for C/ObjC but not for C++ In file included from /opt/conda/lib/python3.8/site-packages/torch/include/ATen/Parallel.h:149:0, from /opt/conda/lib/python3.8/site-packages/torch/include/torch/csrc/api/include/torch/utils.h:3, from /opt/conda/lib/python3.8/site-packages/torch/include/torch/csrc/api/include/torch/nn/cloneable.h from /opt/conda/lib/python3.8/site-packages/torch/include/torch/csrc/api/include/torch/nn.h:3, from /opt/conda/lib/python3.8/site-packages/torch/include/torch/csrc/api/include/torch/all.h:12, from /opt/conda/lib/python3.8/site-packages/torch/include/torch/extension.h:4, from /home/work/zhangleisx4614/MetaFormer-master/apex/csrc/amp_C_frontend.cpp:1: /opt/conda/lib/python3.8/site-packages/torch/include/ATen/ParallelOpenMP.h:84:0: warning: ignoring #pragma omp paralle

pragma omp parallel for if ((end - begin) >= grain_size)

ninja: build stopped: subcommand failed. Traceback (most recent call last): File "/opt/conda/lib/python3.8/site-packages/torch/utils/cpp_extension.py", line 1533, in _run_ninja_build subprocess.run( File "/opt/conda/lib/python3.8/subprocess.py", line 512, in run raise CalledProcessError(retcode, process.args, subprocess.CalledProcessError: Command '['ninja', '-v']' returned non-zero exit status 1.

The above exception was the direct cause of the following exception:

Traceback (most recent call last): File "", line 2, in File "", line 34, in File "/home/work/zhangleisx4614/MetaFormer-master/apex/setup.py", line 706, in setup( File "/opt/conda/lib/python3.8/site-packages/setuptools/init.py", line 153, in setup return distutils.core.setup(**attrs) File "/opt/conda/lib/python3.8/distutils/core.py", line 148, in setup dist.run_commands() File "/opt/conda/lib/python3.8/distutils/dist.py", line 966, in run_commands self.run_command(cmd) File "/opt/conda/lib/python3.8/distutils/dist.py", line 985, in run_command cmd_obj.run() File "/opt/conda/lib/python3.8/site-packages/setuptools/command/install.py", line 61, in run return orig.install.run(self) File "/opt/conda/lib/python3.8/distutils/command/install.py", line 545, in run self.run_command('build') File "/opt/conda/lib/python3.8/distutils/cmd.py", line 313, in run_command self.distribution.run_command(command) File "/opt/conda/lib/python3.8/distutils/dist.py", line 985, in run_command cmd_obj.run() File "/opt/conda/lib/python3.8/distutils/command/build.py", line 135, in run self.run_command(cmd_name) File "/opt/conda/lib/python3.8/distutils/cmd.py", line 313, in run_command self.distribution.run_command(command) File "/opt/conda/lib/python3.8/distutils/dist.py", line 985, in run_command cmd_obj.run() File "/opt/conda/lib/python3.8/site-packages/setuptools/command/build_ext.py", line 79, in run _build_ext.run(self) File "/opt/conda/lib/python3.8/distutils/command/build_ext.py", line 340, in run self.build_extensions() File "/opt/conda/lib/python3.8/site-packages/torch/utils/cpp_extension.py", line 670, in build_extensions build_ext.build_extensions(self) File "/opt/conda/lib/python3.8/distutils/command/build_ext.py", line 449, in build_extensions self._build_extensions_serial() File "/opt/conda/lib/python3.8/distutils/command/build_ext.py", line 474, in _build_extensions_serial self.build_extension(ext) File "/opt/conda/lib/python3.8/site-packages/setuptools/command/build_ext.py", line 196, in build_extension _build_ext.build_extension(self, ext) File "/opt/conda/lib/python3.8/distutils/command/build_ext.py", line 528, in build_extension objects = self.compiler.compile(sources, File "/opt/conda/lib/python3.8/site-packages/torch/utils/cpp_extension.py", line 491, in unix_wrap_ninja_compile _write_ninja_file_and_compile_objects( File "/opt/conda/lib/python3.8/site-packages/torch/utils/cpp_extension.py", line 1250, in _write_ninja_file_and_comp _run_ninja_build( File "/opt/conda/lib/python3.8/site-packages/torch/utils/cpp_extension.py", line 1555, in _run_ninja_build raise RuntimeError(message) from e RuntimeError: Error compiling objects for extension error: subprocess-exited-with-error

× Running setup.py install for apex did not run successfully. │ exit code: 1 ╰─> See above for output.

note: This error originates from a subprocess, and is likely not a problem with pip. full command: /opt/conda/bin/python -u -c ' exec(compile('"'"''"'"''"'"'

This is -- a caller that pip uses to run setup.py

#

- It imports setuptools before invoking setup.py, to enable projects that directly

import from distutils.core to work with newer packaging standards.

- It provides a clear error message when setuptools is not installed.

- It sets sys.argv[0] to the underlying setup.py, when invoking setup.py so

setuptools doesn'"'"'t think the script is -c. This avoids the following warning:

manifest_maker: standard file '"'"'-c'"'"' not found".

- It generates a shim setup.py, for handling setup.cfg-only projects.

import os, sys, tokenize

try: import setuptools except ImportError as error: print( "ERROR: Can not execute setup.py since setuptools is not available in " "the build environment.", file=sys.stderr, ) sys.exit(1)

file = %r sys.argv[0] = file

if os.path.exists(file): filename = file with tokenize.open(file) as f: setup_py_code = f.read() else: filename = "" setup_py_code = "from setuptools import setup; setup()"

exec(compile(setup_py_code, filename, "exec")) '"'"''"'"''"'"' % ('"'"'/home/work/zhangleisx4614/MetaFormer-master/apex/setup.py'"'"',), "", "l --record /tmp/pip-record-42kn906z/install-record.txt --single-version-externally-managed --compile --install-headers / cwd: /home/work/zhangleisx4614/MetaFormer-master/apex/ Running setup.py install for apex ... error error: legacy-install-failure

× Encountered error while trying to install package. ╰─> apex

note: This is an issue with the package mentioned above, not pip. hint: See above for output from the failure.`

jiacheng-ye commented 2 years ago

got same error

YangJae96 commented 2 years ago

Hi did you solve it?

leiqing110 commented 2 years ago

Hi did you solve it?

Pull the apex image from dockerhub

ptrblck commented 2 years ago
ERROR: Can not execute setup.py since setuptools is not available

It seems your build environment is not properly installed. In case you are running into build issues, please use the pre-built NGC containers. Closing