기본 콘텐츠로 건너뛰기

벡터와 행렬에 관련된 그림들

[seaborn] 이변량 분포의 시각화

이변량 분포의 시각화

그래프를 작성하기 위해 kospi 지수의 일일자료를 호출하여 사용합니다.

import numpy as np
from sklearn.datasets import make_blobs
import pandas as pd
from sklearn.preprocessing import StandardScaler
import matplotlib.pyplot as plt
plt.rcParams['font.family'] ='NanumGothic'
plt.rcParams['axes.unicode_minus'] =False
import seaborn as sns
import yfinance as yf
from scipy import stats
st=pd.Timestamp(2023, 10, 17)
et=pd.Timestamp(2024, 10, 17)
kos=yf.download("^KS11",st, et)
kos=kos.drop('Adj Close', axis=1)
kos.columns=kos.columns.levels[0][1:]
scaler=StandardScaler().fit(kos)
kos1=scaler.transform(kos)
kos1df=pd.DataFrame(kos1)
kos1df.columns=kos.columns
kos1df['coChg']=pd.qcut(np.ravel((kos1df.Close-kos1df.Open)/kos1df.Open*100), 10, range(10))
kos1df['volChg']=pd.qcut(np.ravel(kos1df.Volume.pct_change()), 5, range(5))
kos1df=kos1df.dropna()
kos1df.head(3)
Price Close High Low Open Volume coChg volChg
1 -1.325313 -1.449859 -1.297633 -1.442811 3.272987 3 4
2 -1.703523 -1.712166 -1.603687 -1.606734 2.085993 6 2
3 -2.033245 -2.031246 -1.992279 -1.935555 0.271720 6 1

다음은 두 변수를 각각 구간으로 구분하여 동일한 구간에 있는 빈도수를 표시하는 것으로 heatmap과 유사한 그래프를 생성합니다. 다음 그림 a는 x, y축의 bin을 조절하지 않은 것이고 그림 b는 인수 binwidth를 적용하여 x, y 축의 binswidth를 각각 2와 0.5로 조정한 것입니다.

그림을 작성하기 위해 사용한 hisplot()는 displot()로 대체가능하며 각 그래프 다음의 색상막대(colorbar)는 인수 cbar=True에 의해 생성됩니다. 두 그래프 ,(a), (b)는 산점도인 (c)와 비교하면 해석이 용이합니다. 즉, 두 변량의 값들이 밀집된 위치에 색이 짙어짐을 알 수 있습니다.

fig, axs=plt.subplots(1,3, figsize=(11, 3))
sns.histplot(kos1df, x="Close", y="Volume", cbar=True,  ax=axs[0]).set_title('(a)')
b=sns.histplot(kos1df, x="Close", y="Volume", binwidth=(2, 0.5), cbar=True, ax=axs[1])
b.set_title('(b)')
b.set_ylabel('')
c=sns.scatterplot(kos1df, x='Close', y="Volume", ax=axs[2])
c.set_title('(c)')
c.set_ylabel('')
plt.show()

위에서 작성한 두 변량에 대한 그래프는 heatmap으로 작성할 수 있습니다. sns.heatmap() 함수에 전달할 data는 교차표(cross tabulation): crosstab 또는 피벗테이블(Pivot table)형태로서 Close와 Volume 두 변량을 목록화하여 교차표를 생성합니다.

histplot() 또는 displot()함수에 전달하는 변량은 연속변수이지만 heatmap()는 목록변수이라는 차이가 있습니다. 위 그림과 다음 그림을 비교하면 각 구간의 밀도의 순위가 유사함을 알 수 있습니다.

cp=pd.cut(kos1df.Close, bins=5 , labels=range(5), retbins=True)
vol=pd.cut(kos1df.Volume, bins=5, labels=range(5), retbins=True)
cl2=pd.crosstab(vol[0], cp[0], normalize=True)
sns.heatmap(cl2, annot=True)
plt.show()

위 그림을 kde(커널밀도 추정)로 표시하면 등고선과 같은 모양을 반환합니다. displot(--, kind="kde") 또는 kdeplot()으로 작성합니다.

sns.displot(kos1df, x="Close", y="Volume", kind="kde")
plt.show()

위 그림으로 Close와 Volume이 모두 0~1 구간에서 가장 밀집함을 나타냅니다. 이것을 수치상으로 알아보기 위해 각 변수를 다음과 같이 목록화하고 교차표를 작성하였습니다. 위 그림과 동일한 구간에서 가장 높은 밀도를 보입니다.

pd.cut() 함수로 목록화하고 pd.crosstab() 함수로 교차표를 작성하였습니다.

cp=pd.cut(kos1df.Close, bins=[-4, -3, -2, -1, 0, 1, 2,3], labels=[ -3, -2, -1, 0, 1, 2,3], retbins=True)
vol=pd.cut(kos1df.Volume, bins=[-3,-2,-1,0, 1, 2, 3, 4], labels=[-2,-1,0, 1, 2, 3, 4], retbins=True)
cl2=pd.crosstab(cp[0], vol[0], normalize=True)
cl2.round(3)
Volume -1 0 1 2 3 4
Close
-2 0.000 0.025 0.016 0.000 0.000 0.000
-1 0.021 0.078 0.012 0.004 0.008 0.008
0 0.049 0.123 0.074 0.012 0.029 0.000
1 0.058 0.169 0.119 0.025 0.012 0.004
2 0.004 0.066 0.037 0.033 0.008 0.000
3 0.000 0.004 0.000 0.000 0.000 0.000

히스토그램과 커널밀도추정을 함께 나타내기 위해서는 histplot() 함수에 kde=True를 설정합니다.

sns.histplot(x=kos1df.Close, stat="density", kde=True)
plt.show()
fig, ax=plt.subplots(figsize=(4,3))
sns.histplot(x=kos1df.Close)
ax2=ax.twinx()
sns.kdeplot(x=kos1df.Close, color="r")
ax2.tick_params(axis="y", labelcolor="r")
ax2.set_ylabel("Desnity", color="r")
plt.show()

댓글

이 블로그의 인기 게시물

[Linear Algebra] 유사변환(Similarity transformation)

유사변환(Similarity transformation) n×n 차원의 정방 행렬 A, B 그리고 가역 행렬 P 사이에 식 1의 관계가 성립하면 행렬 A와 B는 유사행렬(similarity matrix)이 되며 행렬 A를 가역행렬 P와 B로 분해하는 것을 유사 변환(similarity transformation) 이라고 합니다. $$\tag{1} A = PBP^{-1} \Leftrightarrow P^{-1}AP = B $$ 식 2는 식 1의 양변에 B의 고유값을 고려한 것입니다. \begin{align}\tag{식 2} B - \lambda I &= P^{-1}AP – \lambda P^{-1}P\\ &= P^{-1}(AP – \lambda P)\\ &= P^{-1}(A - \lambda I)P \end{align} 식 2의 행렬식은 식 3과 같이 정리됩니다. \begin{align} &\begin{aligned}\textsf{det}(B - \lambda I ) & = \textsf{det}(P^{-1}(AP – \lambda P))\\ &= \textsf{det}(P^{-1}) \textsf{det}((A – \lambda I)) \textsf{det}(P)\\ &= \textsf{det}(P^{-1}) \textsf{det}(P) \textsf{det}((A – \lambda I))\\ &= \textsf{det}(A – \lambda I)\end{aligned}\\ &\begin{aligned}\because \; \textsf{det}(P^{-1}) \textsf{det}(P) &= \textsf{det}(P^{-1}P)\\ &= \textsf{det}(I)\end{aligned}\end{align} 유사행렬의 특성 유사행렬인 두 정방행렬 A와 B는 'A ~ B' 와 같...

[sympy] Sympy객체의 표현을 위한 함수들

Sympy객체의 표현을 위한 함수들 General simplify(x): 식 x(sympy 객체)를 간단히 정리 합니다. import numpy as np from sympy import * x=symbols("x") a=sin(x)**2+cos(x)**2 a $\sin^{2}{\left(x \right)} + \cos^{2}{\left(x \right)}$ simplify(a) 1 simplify(b) $\frac{x^{3} + x^{2} - x - 1}{x^{2} + 2 x + 1}$ simplify(b) x - 1 c=gamma(x)/gamma(x-2) c $\frac{\Gamma\left(x\right)}{\Gamma\left(x - 2\right)}$ simplify(c) $\displaystyle \left(x - 2\right) \left(x - 1\right)$ 위의 예들 중 객체 c의 감마함수(gamma(x))는 확률분포 등 여러 부분에서 사용되는 표현식으로 다음과 같이 정의 됩니다. 감마함수는 음이 아닌 정수를 제외한 모든 수에서 정의됩니다. 식 1과 같이 자연수에서 감마함수는 factorial(!), 부동소수(양의 실수)인 경우 적분을 적용하여 계산합니다. $$\tag{식 1}\Gamma(n) =\begin{cases}(n-1)!& n:\text{자연수}\\\int^\infty_0x^{n-1}e^{-x}\,dx& n:\text{부동소수}\end{cases}$$ x=symbols('x') gamma(x).subs(x,4) $\displaystyle 6$ factorial 계산은 math.factorial() 함수를 사용할 수 있습니다. import math math.factorial(3) 6 a=gamma(x).subs(x,4.5) a.evalf(3) 11.6 simpilfy() 함수의 알고리즘은 식에서 공통사항을 찾아 정리하...

sympy.solvers로 방정식해 구하기

sympy.solvers로 방정식해 구하기 대수 방정식을 해를 계산하기 위해 다음 함수를 사용합니다. sympy.solvers.solve(f, *symbols, **flags) f=0, 즉 동차방정식에 대해 지정한 변수의 해를 계산 f : 식 또는 함수 symbols: 식의 해를 계산하기 위한 변수, 변수가 하나인 경우는 생략가능(자동으로 인식) flags: 계산 또는 결과의 방식을 지정하기 위한 인수들 dict=True: {x:3, y:1}같이 사전형식, 기본값 = False set=True :{(x,3),(y,1)}같이 집합형식, 기본값 = False ratioal=True : 실수를 유리수로 반환, 기본값 = False positive=True: 해들 중에 양수만을 반환, 기본값 = False 예 $x^2=1$의 해를 결정합니다. solve() 함수에 적용하기 위해서는 다음과 같이 식의 한쪽이 0이 되는 형태인 동차식으로 구성되어야 합니다. $$x^2-1=0$$ import numpy as np from sympy import * x = symbols('x') solve(x**2-1, x) [-1, 1] 위 식은 계산 과정은 다음과 같습니다. $$\begin{aligned}x^2-1=0 \rightarrow (x+1)(x-1)=0 \\ x=1 \; \text{or}\; -1\end{aligned}$$ 예 $x^4=1$의 해를 결정합니다. solve() 함수의 인수 set=True를 지정하였으므로 결과는 집합(set)형으로 반환됩니다. eq=x**4-1 solve(eq, set=True) ([x], {(-1,), (-I,), (1,), (I,)}) 위의 경우 I는 복소수입니다.즉 위 결과의 과정은 다음과 같습니다. $$x^4-1=(x^2+1)(x+1)(x-1)=0 \rightarrow x=\pm \sqrt{-1}, \; \pm 1=\pm i,\; \pm1$$ 실수...