cannot install torchvision 0.12.0 gpu in anaconda - pytorch

after fighting to install for GPU pytorch with anaconda on linux ubuntu, I have a new problem how to download torchvision for GPU any recommendations?
I have installed it and run yolo v7 successfully with pip, but I don’t want to work with pip, because in my anaconda path I have the rapids of NVIDIA.
thank you in advance

Solved while I have active the conda:
pip3 install torchvision

Related

How to install tensorflowgpu-version with lower(compatible) version of cudatoolkit and cudnn

Every time I install tensorflow-gpu on anaconda its automatically installing tensorflow-gpu with
the most updated available version of cudatoolkit and cudnn evens if it's not compatible with graphic
card and cuda which I have already installed on my computer, which creates a big problem later on in
simulations.
For example I have RTX3060 and I am installing tensorflow-gpu 2.5.0, I have already installed
cuda 11.1 but when I install it with anaconda as
"conda install tensorflow-gpu=2.5.0"
It will install cudatoolkit 11.3.x... and the most advanced available cudnn
You can install tensorflow-gpu with the following commands with compatible cudatoolkit and cudnn versions.
conda install -c conda-forge cudatoolkit=11.2 cudnn=8.1.0
#It is recommended to use pip to install TensorFlow since it is officially released to PyPI.
python3 -m pip install tensorflow-gpu==2.5.0
# Verify install:
python3 -c "import tensorflow as tf; print(tf.config.list_physical_devices('GPU'))"
For step-by-step instructions, please refer to this link.

AssertionError: Torch not compiled with CUDA enabled (depite several reinstallations)

Whenever I try to move a variable to cuda in pytorch (e.g. torch.zeros(1).cuda(), I get the error message "AssertionError: Torch not compiled with CUDA enabled". Besides,torch.cuda.is_available() returns False.
I have read several answers to approaching this error but for some reason several attempts to reinstall cuda and putorch didn't change anything. Here are some of the settings I used:
conda install pytorch torchvision cudatoolkit=10.2 -c pytorch
conda install pytorch torchvision cudatoolkit=11 -c pytorch-nightly
conda install pytorch torchvision cudatoolkit=9.0 -c pytorch
Yet the same error remains. What could be the issue?
Some settings:
I'm using Ubuntu 20.04, GPU is RTX 2080, nvidia-smi works fine (NVIDIA-SMI 460.91.03, Driver Version: 460.91.03, (max possible) CUDA Version: 11.2)
Try installing with pip
pip install torch==1.9.0+cu111 torchvision==0.10.0+cu111 torchaudio==0.9.0 -f https://download.pytorch.org/whl/torch_stable.html
You can go through this thread for detailed explanations
Pytorch for cuda 11.2

torch.cuda.is_available() returns False why?

Has anyone encountered this?
I tried updating drivers and reinstalling cuda
Cuda Version: 11.4
GPU: GeForce RTX 3060 Laptop(6gb)
OS: Windows 10 home
torch.version: 1.9.0+cpu
You are using a PyTorch version compiled for CPU, you should install the appropriate version instead:
Using conda:
conda install pytorch torchvision cudatoolkit=11.1 -c pytorch -c conda-forge
Using pip:
python -m pip install torch==1.9.0+cu111 torchvision==0.10.0+cu111 -f https://download.pytorch.org/whl/torch_stable.html
For others who find this: torch.cuda.is_available() doesn't give any debugging information, but if you try to use CUDA anyway, you'll get a more informative error message:
>>> import torch
>>> torch.zeros(1).cuda()
Another answer with much more details: https://stackoverflow.com/a/61034368/69707
If you have a different CUDA version than the offered in the command selection tool to install Pytorch, I recommend you to install the nightly binaries:
This worked for me having the cuda version 11.6:
pip install --pre torch torchvision torchaudio --extra-index-url https://download.pytorch.org/whl/nightly/cu114

Installation problem for Tensorflow with conda

I am getting this error while using 'conda install tensorflow' to install tensorflow on Anaconda
CondaVerificationError: The package for tensorflow-base located at
'Lib/site-packages/tensorflow-2.1.0.data/purelib/tensorflow_core/include/tensorflow_core/core/grappler/optimizers/generic_layout_optimizer_transposer_factory.h'specified
in the package manifest cannot be found.
Any Help will be appreciated, Thanks.
Uninstall the tensorflow and install it again :
Try this:
pip install tensorflow #CPU only
pip install tensorflow-gpu #For GPU support
or
conda install -c conda-forge tensorflow

i want to install tensor flow in anaconda but it shows error :

i tried many ways to install tensor flow on my windows system with anaconda 5.0 and python 3.6
pip3 install --upgrade https://storage.googleapis.com/tensorflow/mac/cpu/tensorflow-1.0.0-py3-none-any.whl
pip3 install --ignore-installed --upgrade tensorflow
conda install -c conda-forge tensorflow
conda config --add channels conda-forge
conda install tensorflow
but it shows errorpackage missing in current channel
after it i also tried to degrade my python version from anaconda navigator after the whole process python version is same as before.
Finally , Solved my problem by reinstalling the anaconda and python 3.5. and after the re-installation i install tensor-flow by anaconda navigator and it worked for me.

Resources