본문 바로가기

분류 전체보기544

load iris dataframe for sample data load iris dataframe for sample data click for data detaill import pandas as pd from sklearn.datasets import load_iris iris = load_iris() df = pd.DataFrame(iris.data, columns=iris.feature_names) df['class'] = iris.target df.tail() 2023. 8. 9.
check pytorch tensor size check pytorch tensor size import torch ## allocate sample tensor to x x = torch.FloatTensor([ [1, 2], [3, 4], [5, 6], [7, 8] ]) ## size with "size" method x.size() # out : torch.Size([4, 2]) ## size with "shape" method x.shape # out : torch.Size([4, 2]) ## dimension with "dim" method x.dim() # out : 2 ## size on 0 dimension with "size(0)" method x.size(0) # out : 4 x.shape[0] # out: 4 2023. 8. 9.
넘파이 어레이를 이용해서 데이터프레임 만들기 넘파이 어레이를 이용해서 데이터프레임 만들기¶ In [1]: # 샘플 어레이 생성 import numpy as np sample_array = np.random.randint(10, 15, (5,3)) sample_array Out[1]: array([[10, 10, 12], [14, 10, 13], [14, 10, 14], [10, 14, 10], [12, 12, 12]]) In [2]: # 컬럼 및 인덱스 이름 생성 index_names = ["product_1", "product_2", "product_3", "product_4", "product_5"] column_names = ["season_1", "season_2", "season_3"] # 데이터 프레임 생성 import pandas as.. 2023. 8. 9.
구글 시트 not 함수, ~이 아닐때 구글 시트 not 함수, ~이 아닐때 다음은 만약 조건과 같지 않을 때 나타나길 원하는 결과값이 있다면 아래와 같이 기입합니다. If(not(조건), True 인 경우 값, False인 경우 값) 예를 들어 "7과 같지 않을 때" 가 조건이고 True 값이 "7이 안닙니다" 이고, False 값이 "7 입니다." 라면, 아래 그림과 함수를 안성합니다. 2023. 8. 9.
파이토치 어레이를 텐서 타입으로 array to tensor 파이토치 어레이를 텐서 타입으로 array to tensor¶ In [1]: # 패키지 불러오기 import torch In [2]: # 샘플 어레이 생성 import numpy as np x_array = np.array([[1, 2], [3, 4]]) print(x_array, type(x_array)) [[1 2] [3 4]] In [3]: # 어레이를 텐서로 변경 x_tensor = torch.from_numpy(x_array) print(x_tensor, type(x_tensor)) tensor([[1, 2], [3, 4]]) In [4]: # 텐서를 다시 넘파이 어레이로 변환 x_array = x_tensor.numpy() print(x_array, type(x_array)) [[1 2] [3.. 2023. 8. 9.
matplotlib 그래프 위에 화살표 그리기 matplotlib 그래프 위에 화살표 그리기¶ In [1]: # (1,1) 에서 (5, 5)로 향하는 화살표 그리기 import matplotlib.pyplot as plt import numpy as np #a = np.array([5, 5]) plt.annotate('', xy=(5, 5), xytext=(1, 1), arrowprops={"facecolor": "red"}) plt.xticks(np.arange(0, 10)) plt.yticks(np.arange(0, 10)) plt.show() 2023. 8. 8.