반응형

Boostcamp AI tech 3기/개념 이해 15

Error loading preloads: Could not find renderer 터미널 껐다 다시 키기

https://stackoverflow.com/questions/68736618/error-loading-preloads-could-not-find-renderer Error loading preloads: Could not find renderer I am running jupyter notebook in vscode. But when I try to run the following cell of code I got error. import os from torch.utils.data import DataLoader from torchvision.datasets import ImageFolder stackoverflow.com 나도 이 에러가 났는데 라이브러리 설치한 다음 창을 다시 껐다 키면 해결된다.

unable to display MLflow UI... -> mlruns 폴더가 있는 경로에서 하자.

명렁어 mlflow ui를 실행 하지만 localhost:5000에 접속하니.. Unable to display MLflow UI - landing page (index.html) not found. You are very likely running the MLflow server using a source installation of the Python MLflow package. If you are a developer making MLflow source code changes and intentionally running a source installation of MLflow, you can view the UI by running the Javascript dev server: https://..

torch.range is deprecated warning -> torch.arange

/usr/local/lib/python3.7/dist-packages/ipykernel_launcher.py:7: UserWarning: torch.range is deprecated and will be removed in a future release because its behavior is inconsistent with Python's range builtin. Instead, use torch.arange, which produces values in [start, end). pytorch의 range 함수는 파이썬의 range함수와 동작이 달라 제거될 예정입니다. 따라서 torch.arange함수를 사용해주세요. 실제로 range함수는 torch.range(0,10)을 하면 tensor([ ..

텐서 함수 조금 정리. 생성, 타입, select, cat, stack

각종 텐서 다루는 함수 정리 참고한 문서들 http://www.gisdeveloper.co.kr/?p=8392 잘 정리되어있음 추천!! # 텐서 생성 1. torch.rand(2,3) 그냥 난수 값으로 2*3 텐서 생성 2. torch.randn(2,3) 정규분포 따른 난수 값 3. torch.randint(0,10,size=(2,3)) 정수값으로 이루어진 난수값 4. torch.zeros(2,3) 5. torch.zeros_like(other_tensor) 6. torch.ones_like(other_tensor) # 텐서 타입 1. tf.type() # torch.FloatTensor 2. type(tf) # 3. tf.type(dtype=torch.IntTensor) int type으로 타입을 변경..

pytorch의 reshape and view 차이 (+ contiguity 문제)

https://discuss.pytorch.org/t/in-pytorch-0-4-is-it-recommended-to-use-reshape-than-view-when-it-is-possible/17034 In PyTorch 0.4, is it recommended to use `reshape` than `view` when it is possible? In PyTorch 0.4, is it generally recommended to use Tensor.reshape() than Tensor.view() when it is possible ? And to be consistent, same with Tensor.shape and Tensor.size() discuss.pytorch.org Tensor.s..

[Week02] Pytorch - 3강 Pytorch 기본 환경 세팅 : colab에서 ssh 연결해 vscode 실행하기

# Pytorch Project Template [![Open In Colab](https://colab.research.google.com/assets/colab-badge.svg)](https://colab.research.google.com/github/BoostcampAITech/lecture-note-python-basics-for-ai/blob/main/codes/pytorch/07_torch-study/pytorch_project.ipynb) !pip3 install torch !pip3 install torchvision from google.colab import drive drive.mount('/content/drive') !git clone https://github.com/vict..

반응형