with input apb(Σ), start states(q0), final states(F⊆Q), 이때 transition function δ은 domain이 (state, symbol), extend하면 (state, string)까지도 됨
-L(A):the set of all strs s.t. δ(q0,str) is in final states for some DFA A
-L is regular if L=L(A) for some DFA A.
-NFA(Nondeterministic finite automata):FA(5, Q,Σ,δ,q0,F) with δ(q,a) is a set of states
특히 NFA에서는 a string w is accepted if δ(q0,w) contains at least one final state.
-TM(Turing machine):(7, Q,Σ,Γ,δ,q0,Β,F), Γ:tape apb set(읽고 쓰기가 가능, 쓸대는 Σ에 없는 것도 사용 가능, Σ<Γ)
(input의 양옆에는 blank로 채워서 들어가는 infinite tape)
(δ(state,tape symbol)=(변경 후 state, 변경 후 tape symbol, head이동방향))
(algorithm이 없는 language를 보이기 위해서 TM다룸, C program보다 simple하면서도 powerful함)
-ㅏ:TM에 input 한개 계산
-ㅏ*:TM에 input 모두 계산
-L(TM):the set of all strs w s.t. q0wㅏ* in final
-L=L(TM)이면 L을 recursively enumerable languages라 한다.
-Algorithm:=TM s.t. 어느 input이어도 halt할지 안할지 guaranteed된 TM을 가리킨다.
-L=L(TM) with algorithm TM이면 L을 recursive language라 한다.
-CFG(Context-free grammar): CFG(4, V,Σ,R,S)
with V:variables, Σ:terminals, R:rules(variable넣으면 variable과 terminal의 조합으로 이루어진 string이 output인 rule), S(in V):start variable
-L(CFG):the set of all strs w s.t. Sㅏ*w(즉 start variable S로부터 시작해서 나올 수 잇는 모든 strings with only terminals)
*Thm
the reverse of a regular language is also regular
Equivalence of DFA and NFA using subset construction
(NFA, DFA모두 the same language를 갖게 만들 수 있고, NFA가 state개수가 exponentially 적게 가능하지만, 구현가능 한 것은 DFA뿐)
가능한 L over {0,1}의 개수는 uncountable(임의의 language는 infinitely binary seq로 만들 수 있고, infinitely binary seq의 개수는 uncountable이므로)
Language가 program보다 많다는 것을 가리킴, 즉 There are languages with no membership algorithm(w in L인지 아닌지 판단하는 것을 membership algorithm), 이러한 류의 증명 방식을 Hungarian Arguments라 한다. 가능한 총 개수가 더 많음을 보여서 무언가 존재하는지 안존재하는 지 보이는 방식을(존재성은 알지만 particular language를 제시하는 데에 어려움(with no membership algorithm인 language를 건설하기 어렵다)
DFA->TM(DFA꺼 그대로 하고 방향도 R만 쓰고 tape write안하면 됨)
모든 Data type은 integer로 변환 가능
Binary strings to Integer는 Binary sting마다 앞에 1 붙여서 순서매기면 된다. 101->1101 = 13번쨰 integer, 0101->10101 = 21번째 integer
GIF는 ASCII string으로 구성, ASCII string을 binary string으로 바꾸고 integer로 바꾸면 됨, 따라서 i번째 image라는 걸 생각 가능
*Example
(Non-regular language)
L={0^n1^n|n>=1}, a^i means a가 i개 병렬나열
L={0^n1^n|n>=1}={01,0011,000111,...}, finite state을 가지는 DFA로는 얻을 수 없다. 따라서 non-regular
TM으로는 가능
L={01*0}={00,010,0110,...}을 TM으로 묘사하기
(Mortality of matrices)S:given finitely generated submonoid of nxn matrices from MT(nxn)(Z)
Determine whether there exists a seq of matrices M1,M2,...,Mk in S s.t. M1M2...Mk = 0(link1)(link2)(link3)(link4)
17. (Uniform Boundedness Principle)F:a collection of f:BS->NVS s.t. for any x in BS, sup over f {|f(x)|}<inf이면 sup over f ||f||<inf
*example
1. semi-inner product인데 not inner product인 예?
2. {f:[0,1]->F, f:AC, f(0)=0, f' in L^2[0,1]} with int from x=0 to x=1 f'coj(g')=<f,g>, HS임을 보여라.
3. 걍 cv인데 not net cv인 예?(net cv를 abs cv로 생각하면 예 찾기 쉬움)
4. idempotent인데 not projection인 예 (1 0 1 0) matrix
5. NVS/S가 seminorm은 되는데 norm안되는 예 X=C_0, M=C_00
6. natural map Q:NVS->NVS/K가 not closed map인걸 보이는 예, X=L^2(-pi,pi), M=V{e_n}, F=V{f_n} where f_n(t) = e_(-n)(t) + n*e_n(t), e_n(t)=exp(int)
7. ker(linear functional):not closed in NVS, dense in NVS인 예 X=C_0(N), {e_n(i)=1 for only i=n}, x_0(i)=1/i, then Hamel basis containing {e_1,...,x_0}, make f
1. X:J->R, rdv, f:pdf of X, 이때 Information entropy(or Shannon entropy) of X is defined as H(X):=(-1)*E[ln(f(X))]
(이때 밑이 2인 log를 사용할 경우 단위는 비트이고 자연로그를 사용할 경우 단위는 nat이다.)
(혹은 H(f)라고도 쓴다.)
2. X,Y:J->R, rdv, f,g:pdf of X,Y, 이때 두 분포의 Kullback-Leibler divergence, KLD is defined as
D_(KL)(f||g) = int from x=-inf to x=inf f(x)*log(f(x)/g(x))dx (Radon-Nikodym derivative를 사용한 것도 있다.위키참조)
3. H(f,g), the cross entropy between f,g, := E[-log(g)] using pdf f
*의의
1.
-H(X) using parameter p1 > H(X) using parameter p2라면, parameter 값이 p1일 때 불확실성이 더 높다는 의미를 가진다. 예를 들면 동전던지기의 경우, 동전의 앞면이 나올 확률이 1/2일 때가 entropy값이 가장 높게 나오고 그때가 불확실성이 가장 높다는 것. 즉 entropy란 불확실성을 정량화한 지표이다.
-H(f)란 f를 묘사하기위해 필요한 불확실성(정보량)을 가리킨다.
2.
-D_(KL)(f||g)는 f가 있는데 샘플링 과정에서 그 f를 근사적으로 표현하는 확률분포 g를 f대신에 사용할 경우 엔트로피 변화를 의미한다.
-따라서 D_(KL)(f||g) = H(f,g) - H(f)
3.
-H(f,g)란 f를 묘사하기위해 g를 쓸 경우 필요한 정보량(불확실성)을 가리킨다.
-machine learning and optimization에서 사용되기도 하는데, error function(=cost, loss function)으로서 사용한다.
-예를 들면 logistic regression의 경우, 분류의 실제 분포가 베르누이를 따른다고 하고 (p=P(y=1)), 실제로 우리가 regression을 통해 얻은 분포(g=P(y=1|x),
이때 H(p,g)=(-p)*log(g) - (1-p)*(log(1-g)), 이값이 작아지도록 regression 계수 추정 가능(대게는 Maximum likelihood method사용하기도 하지만)
-혹은 samples모두 의 H(p,g)의 평균을 줄이는 방향으로 regression 계수 추정하기도 함
y_i = 0 and i~j and y_j > 0이면 te k s.t. i~k and y_k < 0
y_i > 0이면 te j s.t. i~j and y_j < y_i
v:cut vertex, G - k = G_0+G_1+...+G_r일 때
y_k > 0이면 te! G_j s.t. contains a vertex(vertices) with negative valuation이고 나머지 components의 y값은 y_k보다 큼
y_k = 0이고 te G_j s.t. containing both positive and negative이면 te! G_j이고 나머지 components는 다 0
y_k = 0이고 te no G_j s.t. containing aboth positve and negative이면 각 G_k들은 모두 only positive or only negative or only zero
(y_k < 0인 경우도 결국 설명됨, eigenvector니까)(Fiedler 1975)
G:connected with at least one cut vertex일 때 다음 2가지 중 1가지는 반드시 성립(Fiedler 1975)
(a)
te! B0 in which contains both positively and negatively.
Each other block has either vertices with positive only, negative only, or zero only
Every pure path P starting at B0 and containing just one vertex k in B0 has the property that the valuations at the cut vertices contained in P form either an increasing, decreasing, or zero sequence along this path.(pure path란 각 block의 articulation을 0,1번만 지나는 path)
a(G) is simple
(b)
No block of G contains both positive and negative.
te! j which has zero and is adjacent to a nonzero and j is a cut vertex.
Each block contains either positive only, negative only, or zero only.(zero랑 positive가 같이 있는 경우도 없는!)
Every pure path P starting at j has the property that the valuations at the cut vertices contained in P form either an increasing, decreasing, or zero sequence along this path.
the induced subgraph from zero is connected
위의 내용을 Tree에 적용하면(Fiedler 1975)
(a)
all valuations are nonzero
te! ij s.t. yi >0 and yj < 0
any path from i not containing j 는 increasing concave down(위로 볼록)
any path from j not containing i 는 decreasing concave up(아래로 볼록)
a(G):simple
(b)
te! i s.t. yi = 0 and i is adjacent to nonzero
any path from i 는 increasing concave down(위로볼록), decreasing concave up(아래로 볼록), or identically zero.
T:tree일 때
L_k:invertible,
inv(L_k)_(i,j) = sum over all edge in P_(i,j) 1/w(edge)
, where P_(i,j):the set of edges of T which are simultaneously on the path from i to k and on the path from j to k, w:weight
inv(L_k) permutationally similar to a block diagonal matrix in which each block is positive and correponds to a branch at k.(즉 Lap(T)에서 branch에 해당하는 submatrix의 inverse가 됨)(Kirkland, Neumann, Shader, 1996)
T:tree일 때
T:type I with characteristic vertex k iff te two or more Perron branch of T at k.
Moreover, a(T) = 1/specR(inv(L_k)), where L_k:Lap(G)에서 kth row와 kth column제거한 것. (Kirkland, Neumann and Shader 1996)
T:tree, i~j일 때
T:type II with characteristic vertices i,j iff te 0 < eps < 1 s.t. specR(M1 - eps * J) = specR(M2 - (1 - eps) * J)
Moreover, a(T) = 1/specR(M1 - eps * J) = 1/specR(M2 - (1 - eps) * J) and the branch at i containing j is the unique Perron branch at i and the branch at j containing i is the unique Perron branch at j
where M1:bottleneck matrix for the branch at j containing i, M2:bottleneck matrix for the branch at i containing j. (Kirkland and Neumann 1997)
T:tree일 때
T:type I iff te! i s.t. te two or more Perron branches at i
T:type II iff for any i, te! Perron branch at i(Kirkland, Neumann and Shader 1996)
T:tree type I with characteristic vertex i이고 am(a)=k이면 i has exactly k+1 Perron branches(Grone and Merris 1987)
T:tree, i:non-characteristic vertex이면 te! Perron branch at i and the branch contains all of the characteristic vertices of T(Kirkland, Neumann and Shader 1996)
For positive integers k1,k2,...,km, form an tree T by taking a vertex x and making it adjacent to the root vertices of both T(k1,k2,...,km) and T(km,...,k1). Then T is a type I tree with characteristic vertex x.
where T(k1,k2,...,km):한 vertex x에서 k1개 pendant붙이고 각 pendant에 k2개 pendant붙이고...km까지(Kirkland 1999)
T:tree, B:branch at i which does not contain all of the characteristic vertex(vertices) of T. Form T' from T by replacing the B by some other branch B' at i.
M:the bottleneck matrix of B, M':the bottleneck matrix of B'
if M << M', then
a(T') <= a(T)
the characteristic vertices of T' are either on the path joining the characteristic vertices of T to i, or they are located on B'(Kirkland, Neumann 1997)
(A << B means te P,Q s.t. P:Permutation MT, Q:permutation MT, if the order of A < the order of B, PArt(P) is entrywise dominated(<=) by a psubMT of QBrt(Q), if the order of A = the order of B, PArt(P) is entrywise dominated by QBrt(Q) with at least one strictly inequality)
the corollaries
위의 내용을 adding a pendant vertex로 보면
a(T') <= a(T)
the characteristic vertices of T' lie on the path between the characteristic vertices of T and the new pendant vertex.(Kirkland, Neumann 1997)
위의 내용을 change B to path로 보면
Form T' from T by replacing B(the order of B is k) by P_k with i adjacent to the end of P_k, then
a(T') <= a(T)
위의 내용을 change B to star로 보면
Form T' from T by replacing B(the order of B is k) by K_(1,k-1) with i adjacent to the center of the star, then
a(T) <= a(T')
위의 내용을 subtree인 경우를 보면
Any subtree T' of T, a(T') <= a(T)
T:type I with characteristic vertex i, d(i)=d, B1,B2:Perron branches, B3,B4,...,Bd:other branches, |B3UB4U...Bd|=k
Let H:any graph on k vertices
Form G from T by discarding B3,B4,...,Bd and adjoining i to some or all vertices of H.
(G1,u), (G2,v) -> G' = (G1+G2) + (uv), G'' = G' and then identifying u and v(say u) and then +(uw),
a(G') <= a(G'') (Guo 2010)
(G,u,v) with some nbds of v(Specifically, {v1,v2,...,vs}:subset of N(v) - N(u) and any vi is different from u), G' = G - vv1-vv2-...-vvs + uv1 + uv2 + ... + uvs
-conti(rdv):rdv됨, 특히 rdv_1+rdv_2 같은 것도 rdv(각 rdv의 C4들이 같을 때 이야기)
-{rdv_n}에서 각 rdv_n의 C4들이 다 같을 때
-sup rdv_n, inf rdv_n, limsup(rdv_n), liminf(rdv_n) 모두 MF가 된다.(ETR,C4(TS))
-{x in J1 s.t. lim rdv_n(x) exists}는 C4(J1)의 원소이다.
-Event 분석
-E1=liminf {rdv_n = a}, E2=limsup {rdv_n = a}
-E3={liminf rdv_n = a}, E4={limsup rdv_n = a}
-E5={lim rdv_n = a}
이면
-E1:rdv_n(x)가 어느 순간부터 쭉 a인 x들
-E2:rdv_n(x)가 무한번 a인 x들
-E3:rdv_n(x)의 subsequence의 수렴값 중 가장 작은게 a인 x들
-E4:rdv_n(x)의 subsequence의 수렴값 중 가장 큰게 a인 x들
-E1<E2
-E1<E3
-E1<E4
-E1<E5
-E3교E4=E5
-E3=c-intersection over k, liminf {1-c_k<= rdv_n} 교 limsup{rdv_n<=1+c_k} for dec seq c_k cv to 0
-E4=c-intersection over k, liminf {rdv_n<=1+c_k} 교 limsup {1-c_k<=rdv_n} for dec seq c_k cv to 0
(따라서 E1혹은 E1의 여집합의 정보를 아는 것이 가장 강력하다.)
(Borel-Cantelli, Fatou, Borel Zero-one Law 등 rdv의 liminf, limsup이 아니라, Event의 liminf, limsup에 관한 것)
(따라서 E3, E4등이 나오면 Event의 liminf, limsup으로 바꾸고 다뤄라.)
-C4(f), (f:(J1,C4(1))->(R,C4(TS), f가 rdv란 가정은 없음)
-정의:f가 rdv되게끔 하는 smallest C4 of subsets of J1
(rdv_1, rdv_2가 있을 때 C4(rdv_1 + rdv_2) or C4(sup rdv_1, rdv_2)등은 rdv_1, rdv_2의 형태에 따라 다르다, 단지 알 수 있는 것은 C4(rdv_1 + rdv_2)<C4(rdv_1, rdv_2)와 C4(sup rdv_1, rdv_2)<C4(rdv_1, rdv_2)라는 것만 알 뿐)
-C4(rdv_i)
-정의:rdv_i들 모두가 rdv가 되게끔 하는 smallest C4 of subsets of J1(rdv_i들의 정의역은 모두 같을 때 논의)
-C4(rdv_n>k)
-정의:rdv_(k+1), rdv_(k+2)...모두가 rdv가 되게끔 하는 smallest C4 of subsets of J1
-C4(rdv_n<=k)
-정의:rdv_1, rdv_2, ..., rdv_k 모두가 rdv가 되게끔 하는 smallest C4 of subsets of J1
-C4(lim rdv_n)
-정의:c-intersection over k, C4(rdv_n>k),
-의미:Tail을 다 rdv하게 만드는 C4
-C4(lim rdv_n)의 원소를 tail event라 한다.
-C4(lim rdv_n)에 대해 measurable인 rdv를 tail rdv라 한다.
-Filtration
-정의:an increasing sequence of C4 on a (J,C4) indexed
-C4(C4_n)
-정의:C4_n for all n을 포함하는 the smallest sigma algebra
-성질
-C4(rdv)<C4(1)
-for C:collection of subsets of R s.t. C4(C)=C4(TS) of R, C4(rdv^(-1)(C))=C4(rdv)
-C4(lim rdv_n)의 대표적인 예
-C4(limsup rdv_n)의 원소들
-C4(liminf rdv_n)의 원소들
-{x in J1 s.t. lim rdv_n(x) exists}
-{x in J1 s.t. c-sum rdv_n(x) cv}
-{x in J1 s.t. lim n->inf [rdv_1+rdv_2+...+rdv_n]/n = a}
-ProbM(|rdv1|<inf)=1이면 for any eps>0, te bdd rdv2 s.t. ProbM(rdv1 ≠ rdv2)<e
:{rdv_n}:cv in distrb(pt cv, M) to rdv, MF:R->R with ProbM({rdv in {x s.t. MF is conti at x}})=1이면
{MF(rdv_n)}:cv in distrb(pt cv, M) to MF(rdv)
게다가 MF가 bdd이면 {E[MF(rdv_n)]}:cv to E[MF(rdv)]
(왜 continuous mapping Theorem이라 하냐면, MF가 conti일 때가 자주 쓰이므로)
(따라서 {rdv_n}:cv in distrb to rdv이면 {(rdv_n)^2}:cv in distrb to rdv 등 성립)
(주의해야할 것은, {rdv1_n}:cv in distrb to rdv1, {rdv2_n}:cv in distrb to rdv2한다해서 {rdv1_n + rdv2_n}:cv in distrb to rdv1+rdv2인 것은 아니다. 이러한 주장이 continuous mapping theorem적용해서 얻으려면 먼저 RDV_n의 element의 cv in distrb가 {RDV_n}:cv in distrb to RDV을 보장해주어야 하는데 이게 성립 안함, 따라서 Slutsky's Theorem이 의미가 있는 것)
-의미:어떠한 properties을 만족하는 densities의 family, 구체적인 density가 exponential families의 원소라면, 성질에 의해 moment계산등이 간편해짐
-curved exponential family란, exponential family와 같은 형태의 densities를 갖지만, parameter사이 restriction이 존재해서 dim(parameter)<k일 때를 가리킴, dim(parameter)=k일 때를 full exponential family라 함.
(즉, curved든 full이든 모두 exponential family이므로 일단 exponential family의 성질을 따름?)
-성질:
-어느 family of densities에서 원소의 support가 parameter vector에 depend하면 대게 exponential family되기 힘듦
-의미:population~ND(mu,sigma^2)일 때, 얻은 random sample로서 mu을 inference할 때, sigma도 모른다. 이 때 standard ND에 sigma자리에 sqrt(V_n)을 넣었을 때 얻는 distribution이고 sample size가 n일 때 TD(n-1)을 따르며 이것을 이용해 mu추정함
-의미:population1~ND(mu1,(sigma1)^2), population2~ND(mu2,(sigma2)^2), population1과 population2가 ind일 때, sigma1, sigma2을 비교하고자 {(V1_n)/(sigma1)^2}/{(V2_m)/(sigma2)^2}을 조사하고 싶고, 이것의 distribution이 F-Distr, FD(n-1,m-1)을 따른다. 이것을 이용해 두 populations의 sigma ratio을 추정할 수 있다.
-의미:rdv의 값이 [0,1]까지만 가지고 rdv의 DF, DF(x)=(2/pi) * arcsine(sqrt(x))일 때를 가리킨다.
-Mixture Distribution
-어느 distribution을 보고 hierarchy를 만들 수 있다. 예를 들면 BD(n,p)의 pmf를 보면, p^a*(1-p)^b의 형태를 포함하고 있어서 이것을, p의 분포로써 BTD를 도입하면 hierarchy를 만들 수 있다.
-위의 사실을 이용해, X~distrb1의 평균, 분산 계산등이 용이하지 않을 때, Y~distrb2, X|Y~distrb3 형태로 분석해보고 이 때, distrb3가 비교적 간편하게 나온다면, X의 expectation, variance 등을 distrb1대신 distrb3를 이용 with tower property
-정의:SP(={X_n}, n:integer)가 AR Process란, {eps_n=X_n - lambda*X_(n-1)}가 uncorrelated, E[eps_n]=0, V[eps_n]=sigma^2일 때 {X_n}을 AR Process of order 1이라 한다.(deviation-from-the-mean form)
(즉, 다른 form으로는 X_n=c+lambda*X_(n-1)+eps_n, {eps_n}:WN
-성질
-|lambda|<1일 때
-Y_k:=sum from j=1 to j=k (lambda)^j * eps_(n-j)라 할 때, {Y_k}:cv in L2 to X_n(link)
(즉, AR(1) with |lambda|<1은 MA(inf) representation을 갖는다.)
-AR(1) with |lambda|>1은 future values of eps_n의 MA(inf)로 표현된다.
-|lambda|=1일 때
-AR(1)은 weak stationary process solution을 갖지 않는다. random walk됨
-AR(p)
-정의:
-성질:
-phi_t:Stability Condition을 만족하면
-MA(inf) 표현가능
-Autocovariance-GF가짐
-weak stationary
-
-ARMA(p,q)(no common root일 때만 다룸)
-정의:
-성질:
-phi_t:Stability Condition을 만족하면
-MA(inf) 표현가능
-Autocovariance-GF가짐
-weak stationary
-theta_t:Stability Condition을 만족하면
-AR(inf) 표현가능
-Stationary Process
-정의:SP(={X_t})가 stationary process란, for any h>0, for any finite seq T', X_(T') =_d X_(T'+h)
-성질
-for any t, E[X_t]:finite, V[X_t]:finite이면 E[X_t]=constant, V[X_t]:constant이다.(over t)
-Cov[X_t1,X_t2]=R(|t2-t2|), where R(h)=E[(X_h - E[X_h]*(X_0 - E[X_0])]
-Autocorrelation(h)=R(h)/R(0)로 표현가능
-Covariance Stationary Process(second order stationary, weakly stationary라고도 한다.)
-정의:SP(={X_t})가 Covariance Stationary Process란,
for any t, E[X_t]=constant, Cov[X_t1,X_t2] depends on |t2-t1|
(따라서 Stationary Process일 때처럼 R(h)란게 존재)
-성질
-E[(X_t)^2]=constant over t(따라서 first two moment에 대해서 constant over t라서 second order라고도 함)
-{X_t}:covariance stationary, X_n predict하고 싶을 때 {a_1*X_(n-1)+a_2*X_(n-2)+...+a_p*X_(n-p)|a_i:real}중에서 Mean Square Error(L2 norm error)가 최소인 estimator가 존재하고 estimator을 구할 수 있다.(link)
-정의:Stochastic Process {Z_n}이, P(Z_(n)=j_(n)|Z_(n-1)=j_(n-1),...,Z_0=j_0)=P(Z_(n)=j_(n)|Z_(n-1)=j_(n-1))을 만족할 때, {Z_n}을 Markov Process라 한다.
-성질:
-어떤 Stochastic Process가 Independent Increments라면, Markov Process가 된다.
(역은 성립 안함)
-Markov Decision Process, discrete-time
-정의:(S,A,{transition probability P_a(s,s') depending action a at time t from state s at time t to state s' at time t+1}, R), where S:set of state, A:set of actions, R:set of reward
-Martingale({mg_n}을 martingale로 표현하겠다. 그냥 stochastic process는 {rdv_n}으로)
-X_t의 성분끼리의 perfect correlation은 있을 수 없다.(positive-definite때문)
-VMA(inf)(Vector MA(inf) process)
-정의:MA(inf)와 유사, 단지, mu, theta_j(seq of square matrix), {eps_t}:VWN, theta_0=IMT일 뿐
-성질:
-{theta_j}가 abs summable이라함은 각 성분들이 각각의 series가 abs summable이란 것
-MA(inf)의 성질들이 모두 만족함
-Continuous-time Process
-{Z_t, t>=0}가 continuous time stochastic process on the probability space (J,C4,M) whose paths are continuous인 경우, rdv_1:(J,C4)->[0,inf)가 있다면 Z_rdv_1는 rdv가 된다. P(rdv_1<inf)=1이라는게 중요
-Counting Process{N(t):t>=0}
-정의:[0,t]까지 사건 A가 일어난 횟수가 N(t)
-몇가지 용어들
-N(t)가 independent increments:for any two disjoint time intervals I1,I2, 각각에서 A가 일어난 횟수는 independent
-N(t)가 stationary increments:사건 A가 일어난 횟수의 distribution on any interval은 interval의 길이에만 dependent(interval의 위치와는 independent)
-정의:counting process N(t)가 N(0)=0 and independent increments and 길이가 dt인 interval에서 사건 A가 일어난 횟수가 poisson distributed with mean (lambda*dt)인 counting process을 Poisson Process라 한다.
-pie chart(각 category의 total data set에서의 proportion 강조)
-numerical data용
-histogram
-box plot
-"복원 추출", "독립 시행"과 관련된 모든 것이 독립인 것은 아님
-About Sample
-정의:
-(Z_1,Z_2,...,Z_n), random sample(of size n from the population), if {Z_1,Z_2,...,Z_n}:iid일 때
-(Z_1,Z_2,...,Z_n), simple random sampling, if 비복원 from a finite population(별 언급없으면 random sample)
-S(Z_1,Z_2,...,Z_n)을 statistic이라 한다. (rdv, RDV 가능)
(즉 random sample의 function(scalar-valued일 수도, vector-valued일수도)
(S의 distribution을 sample distribution of S라 한다. 대표적인 statistic으론 sample mean, sample median, sample trimmed mean, sample mode, sample variance, sample quantile 등이 있다.)
-SS(Z_1,Z_2,...,Z_n), sufficient statistic for theta란, (Z_1,...,Z_n)|SS(Z_1,Z_2,...,Z_n), 즉 conditional distribution이 not depend on theta일 때의 statistic
-minimal SS(Z_1,Z_2,...,Z_n)란, 임의의 SS(Z_1,Z_2,...,Z_n) for same parameter의 function으로 표현되는 SS(Z_1,...,Z_n)을 가리킨다.
-AS(Z_1,Z_2,...,Z_n), ancillary statistic for theta란, the statistic의 distribution이 not dependent on theta일 때를 가리킨다.
-{densities of statistic along theta}:complete란
for any theta, for any MF인 g s.t. independent of theta
E[g(the statistic)]=0이면 ProbM(g(the statistic=0))=1 for any theta.
그리고 이 때 statistic을 complete statistic이라 한다.
-Order Statistic, (Z_(1),Z_(2),...,Z_(n)), random sample을 ascending순으로 나열한 것
-sample range, Z_(n) - Z_(1)을 가리키며 population의 dispersion의 indicator가 될 수 있음
-sample median, Z_({(n+1)/2})(n이 odd일 때), (Z_({n/2})+Z_({n/2 + 1}))/2, sample mean보다 outlier에 덜 영향을 받는게 주요특징
-sample midrange, (Z_(1)+Z_(n))/2
-estimate error란 estimator of parameter - parameter를 가리키고, estimator - parameter는 확률변수가 된다. 왜냐하면 estimator가 확률변수이므로, parameter는 확률변수 아님, 단지 모를 뿐임
-estimate error가 양수이면 overestimation, 음수이면 underestimation이라 한다.
-Notation:
-observed(or realized) sample의 표현은 {z_1,z_2,...,z_n}으로 나타낸다.(각각은 real number)
-모집단의 평균을 mu, 표준편차 sigma, 그냥 density는 모집단의 density
-S_n:=Z_1+Z_2+...+Z_n
-bar{Z}:=(sum from i=1 to i=n Z_i)/n, 즉 sample mean
-V_n:=(sum from i=1 to i=n (Z_i - bar{Z})^2)/(n-1), 즉 sample variance
-성질:
-simple random sampling의 경우 ind는 보장안되지만 identically distributed는 됨
-simple random sampling이더라도 population의 size N이 n에 비해 많이크면 random sample취급 가능
-About Sample Distribution
-About Sample mean, bar{Z}(Sample Variance의 내용도 많이 포함됨)
(minimal SS(Z_1,Z_2,...,Z_n)이라 할지라도 dimension이 parameter의 dimension보다 클 수도 있다.)
(minimal SS(Z_1,...,Z_n)은 not unique)
-About AS(Z_1,Z_2,...,Z_n), ancillary statistic
-parameter가 location-parameter인 경우, sample range는 ancillary statistic이 된다.(link)
-parameter가 scale-parameter인 경우, (Z_1/Z_n, Z_2/Z_n,...,Z_(n-1)/Z_n)으로 이루어진 function(즉 statistic)은 ancillary statistic of scale-parameter가 된다. (link)
(특히, rdv1~ND(0,sigma^2), rdv2~ND(0,sigma^2), rdv1,rdv2:iid이면 rdv1/rdv2~CD(0,1) for any sigma)
-(Basu's Theorem)(직관적으론 sufficient가 ancillary랑 ind일 것 같은데 completeness필요)
:statistic이 complete and sufficient이면 ind of every ancillary statistic이 된다.
(그리고 the complete and sufficient statistic은 minimal임도 알 수 있다.)
(두 statistic이 ind임을 보일 때 유용, 하지만 complete임을 보이는게 문제인데...바로 밑 theorem이용)
-Using Likelihood Function
-(Likelihood Principle)(한 population에서 2개의 random sample을 얻었을 때)
-In the inference about parameter, after (Z_1,Z_2,...,Z_n) is observed, all relevant experimental information is contained in the likelihood function for the observed (Z_1,...,Z_n).
-(Z_1,Z_2,...,Z_n), (Z'_1,Z'_2,...,Z'_n) 두개의 random sample1, random sample2을 얻었을 때, for all parameter, LF from (Z_1,Z_2,...,Z_n) = LF from (Z'_1,Z'_2,...,Z'_n) * C(random sample1, random sample2)로 표현된다면, random sample1으로 parameter를 inference하나 random sample2으로 parameter를 inference하나 같은 결론을 얻는다.
-한 random sample에서 parameter1, parameter2 각각이 LF1<LF2라면 parameter2가 더욱 plausible
-About Inference(population의 parameter에 관한 지식 from sampling,은 population 전체 density에 관해서 알려준다. 따라서 parameter을 estimate하는게 관건, 동시에 이 parameter의 function을 estimate할 수도 있다.)
-About Point Estimation
-About Finding Estimator
(MM, MLE, Bayes Estimator, EM-Algorithm, min MSE, MVUE)
-정의:
-theta, theta란 parameter of population를 가리킨다고 하자.
-모집단의 property(예를 들면, 모평균, 모분산, 모집단의 density의 parameter 등)을 parameter라 한다.
-추정용 statistic을 estimator라 하고
-검정용 statistic을 test statistic이라 한다.
-bias of a statistic for a parameter:=|E(statistic) - the parameter|, 작을수록 better statistic
(절댓값없이 정의하기도하고 절댓값을 포함해서 정의하기도함)
-bias=0인 statistic을 unbiased statistic이라 한다.
(표본분산(n)대신에 표본분산(n-1)을 이용하면 unbiased됨)
-MSE of a point estimator of a parameter란 parameter의 function, E[(estimator-parameter)^2]
(parameter와 관련된 population의 density형태는 이미 modeled됐을 때)
-consistent estimator_n(statistic)이 asymptotically normal이란, sqrt(n)*(estimator - parameter):cv in distrb to ND일 때를 가리키고, 이때의 estimator를 sqrt(n)-consistent라 한다. 혹은 CAN estimator라 한다. 그리고 이때 ND의 variance matrix을 asymptotic variance라 하고 Av[estimator_n]라 하자.
-E_theta란 expectation function of theta를 가리킨다고 하자.
-UMVUE of f(theta)란, E_theta [UMVUE]=f(theta)인 것중 the smallest variance를 갖는 것
-Method of Moments(MM)
-방법:sample의 moment랑 population의 moment(parameter의 function)을 = 두고 equation풀어 estimator 얻는 방법
-특징:
-MM으로 얻은 estimator의 range와 estimating하는 parameter의 range가 일치하지 않을 수 있다.
-Method Maximum Likelihood Estimators(MMLE)(얻은 Estimator나 Estimate모두 MLE라 적자.)
-parameter의 range내에서만 MLE를 찾아야한다. parameter의 어떠한 physical한 assumption이 들어가 있을 때, global maximum이 estimator의 값에 따라 달라질 수 있음,
-MLE 자체를 구하기가 어려울 수 있음, 그래도 Numerical Method이용하면 됨
-sample이 약간만 달라져도 MLE가 크게 달라질 수 있음(Maximization의 problem)
(이럴 경우 MLE로 얻은 Estimator의 신뢰도가 떨어짐)
-(Invariance Property of MLE)
:MLE for parameter가 있을 때 MLE for g(parameter) for any transformation g는 g(MLE for parameter)
(즉 sqrt(V_n*(n-1)/n)이 모표준편차의 MLE가 된다.)
-CLT를 이용하면 MLE ~_a ND가 된다.
-Bayes Estimator
-방법:
-parameter가 어떠한 distribution을 따른다는 생각이 있다면,
-sample로써 parameter의 distribution을 update하고
-conditional expectation of parameter given sample이 estimator가 된다.
-특징:
-parameter에 따른 sample의 distribution의 collection C1과 parameter의 distribution의 collection C2, 이때 C2가 conjugate family for C1이란, prior distribution이 update되서 posterior되서도 다시 C2에 속할 때를 가리킨다. 이경우 계산이 편리해진다는 장점이 있다.
-parameter의 분포와 sample의 data를 합한 정보를 준다는 특징이 있다.
-EM-Algorithm(Incomplete-data가 있을 때, Estimator를 만드는 방법)
(Statistical Inference, 2nd edition보고 작성한 글)
-About Evaluating Estimators
(위에 4가지 방법으로 만든 Estimator가 다를 수가 있다. 이경우 어느 게 좋은지 판단기준필요)
-Mean Square Error(MSE)(Finding Estimator의 한방법이 되기도 함, MSE가 최소인 estimator를 찾는다거나, MVUE를 찾는다거나 등)
-방법:estimator of parameter가 있을 때, (The estimator - parameter)의 L2-norm을 재서, L2-norm이 작은게 좋은 것
-MSE는 estimator의 variance와 bias 둘다 다룸, unbaised이면 estimator의 variance만 고려
-MSE가 낮을수록 좋은 estimator같지만, 항상 그런 것만은 아님
-unbiased estimator가 좋을 것 같지만, bias를 약간 늘리고 variance를 확 줄일 수도 있기도 하다.
(예를 들면, population~ND(mu,sigma^2)일 때, MLE로 얻은 estimator of (population의 variance)가 MM으로 얻은 estimator of (population의 variance)보다 더 MSE가 낮다, 비록 전자가 biased이고 후자가 unbiased일지더라도. unbiased이면 평균적으로 parameter 전후로 놓여진다. biased이면 평균적으로 parameter 전후중 한방향에만 놓이게 된다. 이런 이유로 MLE로 얻은 estimator of (population의 variance)보다 MM으로 얻은게 더 많이 이용된다.)
-MSE는 parameter의 function이므로 best estimator가 1개만 있는 것은 아니다.
-estimator1이 estimator2보다 uniformly better하지 않을 수 있다. parameter의 distribution이나 n에 따라서
-MSE는 group of transformation이 주어진 equivariance principle을 따르는 estimator중에서 best estimator를 찾는데 도움이 되기도 함
-Unbaised Estimator중에서만 생각하면(or, E_theta [estimator]=f(theta)인 class만 생각, 으로 확장가능)
-for any parameter value, the smallest variance인 게 최고 좋음
-(Cramer-Rao Inequality)
:estimator of theta의 variance의 lower bound를 제공해준다.
((Z_1,Z_2,...,Z_n)에 apply하면, lower bound를 take하는 estimator가 UMVUE가 될 수 있다.)
(discrete case도 사용 가능)
(Information Number가 크면 theta에 관한 정보가 많다는 뜻이며 동시에 variance lower bound가 작아짐)
(General한 Inequality로는 Information Inequality가 있다.)
(Assumption, interchangble of int and diff, 이 성립안할 때도 있다. 체크필요)
-Cramer-Rao Inequality를 쓰더라도 정작 lower bound가 attainable인진 모를 수 있다.
(좀 더 look into해야할 지, 어떠한 estimator도 lower bound를 take안할지 모른다는 게 단점)
하지만 필요충분조건 있음
-Cramer-Rao를 이용못하는 population density인 경우 Stuart, Ord, and Arnold책 참조
:the sum over all spanning trees of wG (prod of all weights of the spanning tree)
= |the cofactor of Lap(wG)|
-About a(wG)
-for wG, any r >= 0, f:Fiedler vector, M(r):={vi|fi + r >= 0}, induced subgraph on M(r) is connected(link)
-for wG, any r <= 0, f:Fiedler vector, M(r):={vi|fi + r <= 0}, induced subgraph on M(r) is connected
-for wG, f:Fiedler vector, any 0 <= c < max{fi}, M:={vi|fi < c}, induced subgraph on M is connected
-for wG, f:Fiedler vector s.t. for all i, fi:nonzero, then {vivj s.t. fi*fj < 0}:subset of E(G)를 제거하면 components가 2개가 나온다.
-if G:unweighted, te a subset E' of E(G) s.t. G - E' have two connected components, then te weight on G s.t. f:Fiedler vector, fi:nonzero for all i and {vivj s.t. fi*fj <0 }=E'(link)
-for G:connected wG, f:Fiedler vector, if fi > 0, then te j s.t. vi~vj, and fj < fi(link)
-G:connected이고 vi:point of articulation일 때, G-v의 components G1,G2,...,Gr에 대해
-fi > 0 일 땐 te! Gj s.t. Gj contains a negative eigencomponent(다른 component들은 모두 fi보다 큰 eigencomponents를 가짐)
-fi = 0이고 어떤 Gj가 positive eigencomponent and negative eigencomponent모두 가진다면 Gj만 그렇고 나머지 components은 0 eigencomponents를 가짐
-fi = 0이고 te no Gj having positive eigencomponent and negative eigencomponent이면 each Gi contains either only negative or only positive or only 0 eigencomponents
-(Interlacing, deleting edges, adding edges)
-G'=G-e일 때, μ_G(1)>=μ_G'(1)>=μ_G(2)>=μ_G'(2)>=...μ_G(n)>=μ_G'(n)>=0(link)
-G'=G-e, e=vivj이고 μ_G(n) = μ_G'(n) <= μ_G(n-1) = μ_G'(n-1) <= ... <= μ_G(p) = μ_G'(p) for some p<=2일 때, for each r in {n,n-1,...,p} G and G' have the same orthonormal eigenvector corresponding to μ(r) of which the ith and jth entries are equal(link)
-N(vi)=N(vj)이고 vj,vi:not adjacent인 e=vivj추가했을 때 생각 가능, same neighbors파트 참고
-Let s>=2 new paths with equal length k, Pi:(v,v_ik,v_i(k-1),...,v_i1), i=1,2,...,s, are attached to G at v respectively, to form a new graph (G_(s,k)), let G_(s,k,t1,t2,...,tk) be the graph obtained from G_(s,k) by adding 0<=tj<=C(s,2) edges among {v1j, v2j, ..., vsj}. If Δ(G_(s,k)) >= s+3,
then μ_(G_(s,k,t1,t2,...,tk))(1) = μ_(G_(s,k))(1)(link1)(link2)
-G:connected, G_k:=the graph obtained from G by attaching a new path P:(v0,v1,v2,...,vk) at v0, where v1, v2,...,vk are distinct new vertices. Let X be a unit eigenvector of G_k crpd to μ_(G_k)(1). If μ_(G_k)(1)>=4,
-for any 0<=i<=(k-1), |x_(i+1)| <= |x_i| and x_i * x_(i+1) <= 0 with = iff x_0 = 0
-x_0 = 0 iff x_k = 0
-G:connected, u,v:disticnt vertices of G, G_t:=the graph obtained from G by attaching t new paths (v,v_(i,1),v_(i,2),...,v_(i,qi)) (i=1,2,...,t) at v. Let X be a unit eigenvector of G_t crpd to μ_(G_t)(1) >= 4.
Let G_u be G_t - vv_(1,1) - vv_(2,1) - ... - vv_(t,1) + uv_(1,1) + uv_(2,1) + ... + uv_(t,1).(link)
-(n, α)a(bar(G)) <= n*(1 - 1/α(bar(G)), with = iff α|n and G has α개 components equal to K_(n/α)
-(Given m, te G s.t. a(G)=maximum)
-Given m>=2, te n, G s.t. G:connected and not graph-iso K_n with maximum a(G) and bar(G) is the disjoint union of K_1, K_2, K_3, P_3(여기서 maximum a(G)란, fixed m이고 n을 변화시킬 때를 가리킴, 단 G:not K_n이면서)
(a(G)는 n-2이거나 n-3이다.)
-(Given n, te G s.t. a(G)=maximum)
-Given n>=4, te (n-1)개의 m s.t. G:not graph-iso K_n with maximum a(G), order n
(여기서 maximum a(G)란, fixed m이고 n을 변화시킬 때를 가리킴, 단 G:note K_n이면서)
(그리고 처음의 [[(n-1)/2]]개는 a(G)=n-2, 나머진 a(G)=n-3
(증명은 위의 Variable..참고)
-(Upper Bound of μ_G(1))
-μ_G(1) <= max i~j |N_G(vi) U N_G(vj)| <= n(link)(link가 잘못된게 xj잡을 때, i와 adjacent한 것 중 잡아야)
-If G:connected, = holds iff ... link참고
-μ_G(1) <= q_G(1) <= max over i {d(vi)+m(vi)}(link)
-if G:connected, = holds iff G:regular bipartite or G:semiregular bipartite(link)
-μ_G(1) = n iff G:join of two graphs( ->방향 증명은, bar(G)생각)
-If G':subgraph of G, then μ_G'(i) <= μ_G(i) for any i
-(the number of Not Faria vectors)a:=m_(G,L)(1) - p(G) - q(G), S:induced subgraph of G by inner vertices(inner vertices란, V(G)에서 pendant랑 quasipendant 모두 빼고 남은 것)
-Lap(S) = Lap(G)의 inner vertices part - IMT
-a = nullity of Lap(S) = am(1) of Lap(G)의 inner vertices part
-a <= τ(G)
-a <= k where k:the number of components of S, if each of the k components of S satisfies *(link)
(*:complete graph or for any nonadjacent vi,vj, d(vi)+d(vj) >= n)
-(Using equitable partition){V1,V2,...,Vk}:equitable partition of G with d_(i,j), and B = (b_(i,j)) where b_(i,j)=(-d_(i,j)) for i != j, b_(i,i) = {sum over s d_(i,s)} - d_(i,i) for i=j, 일 때 egv of B는 egv of Lap(G)도 된다.(link)
(더 size낮은 matrix의 egv로써 더 size큰 Lap(G)의 egv를 구한다는 것이 의의)
-spec(Lap(G1xG2))={all possible sums of μ_G1(i) + μ_G2(k) for 1<=i<=n1, 1<=k<=n2}(link)
-a(G1xG2)=min{a(G1),a(G2)}
-About DS(G1,G2)
-Lap(DS(G1,G2)) = Lap(G1) + Lap(G2)
-a(G1)+a(G2) <= a(DS(G1,G2))
-About VD(G), V(G)=UUV
-a(G) <= min(a(G[U])+|V|, a(G[V])+|U|)
-(Same Neighborhoods)
-sub-vertex set V' having same set of neighbors Ν with |V'|=k and |Ν|=j 이면 j:egv of Lap(G) with am(j)=at least k-1
-sub-vertex set V'에서 몇몇 edges E'를 없애서 having same set of neighbors N with |V'|=k and |N|=j이고 spec(Lap((V',E'))={a1>=a2>=...>=aκ=0}일 때, j+ai:egv of Lap(G) for i=1,2,3,...,(k-1)이고 remaining egv는 same
(증명은 eigenvalue, eigenvector관련 equation잘잡아서)
-vi,vj:not adjacent, e=vivj를 추가했을 때, 역도 성립, 즉 egv가 +2만 됐다면 same neighbors(link)
-(Neighbor of several pendants)
-v1, v2:pendant이고 same neighbor를 갖는다면, μ( != 1)에 대응되는 eigencomponents는 same
-If (μ_G,x):(egv,egv) for Lap(G)이고 x_i:the largest eigencomponent of egv이고 x_j:the smallest eigencomponent of egv일 때 then min over k~i {x_k} >= (1 - μ_G)x_i and max over k~ i {x_k} <= (1- μ_G)x_i(link)
-(0 < μ_G < 1)If 0 < μ_G <1
-the eigencomponents corresponding to the neighbors of vi are the same sign of x_i, also the eigencomponents corresponding to the neighbors of vj are the same sign of x_j
-if vi, vj are not adjacent, then N_G(vi)교N_G(vj):empty
(위에서 결정한 vi, vj에 대해서임)
-if G:connected, then D(G)>=3
-If (μ_G(1),x):(egv,egv) for Lap(G)이고 x_i:the largest(modulus가) eigencomponent of egv이고 x_j:the second largest eigencomponent(modulus가) of egv일 때(link)
-d(vi) >= μ_G(1)/2
-if μ_G(1)=Δ_1 +Δ_2,
-d(vi)=Δ_1
-if Δ_1 != Δ_2, then vi~vj and |xj| >= (Δ_2 / Δ_1)|xi|
-p-cycle and a transposition generates S_[n] (n=prm일 때만 됨)
-sum g in S_[n] q^inv(g) = [n]_q
-S_[3]의 성질
-NS=<(1,2,3)>
-Sp(p=3)=<(1,2,3)>
-Sp(p=2)=<(1,2)>, <(1,3)>, <(2,3)>, 총 3개
-S_[4]의 성질
-Sp(p=2), 총 3개, giso D_8
-Sp(p=3), 총 4개, giso Z_3
-representation관련
-f:S_[n]->GL(1,C), f(g)=sgn(g), it is called sign rep
-f:S_[n]->GL(n,C), (f(g))_(i,j)=1 if g(j)=i, otherwise, (f(g))_(i,j)=0, it is called defining rep(image의 MT들은 permutation MT가 된다.즉 각 열마다 1은 1번, 행마다 1은 1번)
(정의할 때 , g(i)=j 부분의 i,j를 위치를 바꾸면 rt((f(g)))가 나온다, 그래서 f가 group homomorphism이 되지 않는다.)
-S_[inf]:=union over n>=2 S_[n]관련
-not equal to {f:N->N s.t. f:bijection}, S_[n]은 유한개만 permute함
-(Induction Principle)Let S(n) be a statement on N satisfying S(1):true and for any n in N if S(n):true then S(n+1):true. Then S(n):true for all n in N
-(Strong Induction Principle)Let S(n) be a statement on N satisfying S(1):true and for any n in N if S(1),S(2),...,S(n):true then S(n+1):true. Then S(n):true for all n in N
-the positive variation - the negative variation = f(b)-f(a)(link)
-(Jordan Decomposition of a function)f가 bdd variation iff te g1,g2:[a,b]->R s.t. g1,g2:inc and f=g1-g2(link)
-About Absolutely continuous(abs conti)(정의역이 그냥 interval이기만 하면 됨)
-f가 abs conti란, for any ε > 0, te δ > 0
s.t. for any finite segments [x_1,x_2], ..., [x_(n-1),x_n] s.t. sum of
all lengths of segments < δ, sum of all |f(x_(i+1) - f(x_i)| < ε
-f가 abs conti
iff f has f' in Lp(LM) s.t. f(x)=f(a)+int from t=a to t=x f'(t) dt for all x in [a,b]
iff te g in Lp(LM) s.t. f(x)=f(a)+int from t=a to t=x g(t) dt for all x in [a,b]
(위의 equivalents는 [a,b]에서만 성립, compact필요)
-정의역이 (a,b)인 경우
-(Chain Rule for one-dimensional)g:diff at a, f:diff at g(a)일 때, (f o g):diff at a이고 d(f o g)/dx at x=a =f'(g(a))g'(a)
-(Darboux 's Theorem)f:(a,b)->R(Std), f:diff일 때, for c,d in (a,b) s.t. f'(c) != f'(d), for t between f'(c) and f'(d), te e in [c,d] s.t. f'(e)=t
-정의역이 R인 경우
-f가 monotone이고 bdd이면 불연속점의 개수는 at most countable
-{f_k}, {a_n}:any rv seq일 때, te {f_(n_k)} s.t. cv at all a_n(그 수렴값은 +inf, -inf을 취해도 된다고 할 때)(link)
-정의역이 뭐든간에
-f가 analytic on open set E란, for any x in E, te nbd(x) s.t. f is equal to its taylor series on nbd(x)
-About Taylor Series
-f가 x=a에서 infinitely many diff이면 Tay_(f,a)가 정의됨
-Tay_(f,a)가 정의될 때, a에서의 RoC 구해서 f(x)=Tay_(f,a)(x)가 가능한 x범위를 구할 수 있다.
(ratio test, root test 등이 있다.)
-혹은 f:C->C로 이해해서 a에서 가장 가까운 not diff점까지의 거리를 통해 RoC를 구할 수도 있다.)
-Taylor Series는 기본적으로 f의 local property
-f가 x=a에서 infinitely many diff이어서 Tay_(f,a)가 정의 되더라도, f가 not analytic at x=a일 수 있다.
(f(x)=e^(-1/x^2) for nonzero x, 0 for x=0)
-analytic function관련 성질
-f가 analytic on open set E이면 f in C^inf(E), 역은 성립하지 않는다. 예를 들면 f(x)=e^(-1/x^2) for nonzero x, 0 for x=0
:E:subset, F:a collection of closed balls with positive radius which satisfies
"x in E, eps>0이면 te B in F s.t. x in B and rad(B)<eps"
이면 ->te a seq (B1, B2, ...)(유한 seq일 수도 있음) of balls from F s.t. (B1,B2,...):disjoint and E<union of (B_i) except for a null set
-Lebesgue Measure(LM)
-건설:RSC3={empty, cartesian product of bdd intervals}, vol이란 PM를 주고 extension해서 {all PM*ME}에서의 measure
(C4(RSC3)는 C4(TOP)가 된다. 즉 Borel sigma algebra, {all PM*ME}가 더 넓은 sigma-algebra)
-Lebesgue Measurable Set을 LME라 하자.
-특징:
-complete(Borel sigma algebra에서는 not complete)
-Borel Sigma algebra의 completion이 Lebesgue sigma algebra됨을 알 수 있다.
-Lebesgue Measure 건설 과정을 보면은, RSC3->C3(RSC3)->C3(RSC3)(U)->C3(RSC3)(U)(I)->...->{all PM*ME}
-C3(RSC3)(U)(I)로 Lebesgue Measurable set을 approximation할 수 있다.(sf-M이므로 가능해짐)
(C3(RSC3)(U)(I)엔 open, closed, compact 다 포함되어있다.)
(outer measure값이 finite이면 조금 작은 compact 잡을 수 있다.)
(조금 큰 open set, 조금 작은 closed set 잡을 수 있음)
-C3(RSC3)(U)나 C3(RSC3)(U)(I)로 임의의 E in P(R^n)의 Lebesgue Outer Measure approximation가능
-Lebesgue Measurable인데 not borel set
-P(R^n)에서 not Lebesgue Measurable set
-sCez<lp, p in [1,inf)<sClz<sCcv<lp, p=inf
-f:R^n(std)->R^m(std)의 성질(꼭 정의역과 공역이 전체가 아니어도 상관없을 때가 많다. open->open이기만 하면 될 때가 많음)
-f:vector-valued일 때
-정의
-D_f(x_0)란 derivative of f(matrix을 가리킨다. entries는 partial derivatives, Jacobian Matrix라고도 함)
(f=(f1,f2,...,fm)에서 각 fi의 gradient를 row로 하는 matrix가 된다.)
-n=m일 땐, J_f란 det(D_f)을 가리킨다. (Jacobian of f)
-D_(f,x_0)(x), directional derivative of f along x_0 at x란, lim h->0 (f(x+h*x_0)-f(x)/h), h는 scalar임
-x_0:critical point of f란 f:diff at x_0 and D_f(x_0)=0일 때
-C^k-f란, f의 각 coordinate function 모두가 C^k일 때(C^inf는 특별히 smooth라 한다.)
-(n=m일 때 정의함)diffeo:C^inf이고 C^inf인 inverse를 가질 때
-f:diff at x_0란 D_f(x_0)가 lim h->0 {f(x_0+h)-f(h)-D_f(x_0)(h)}/||h||=0을 만족할 때
-Jordan Curve란 f:[0,1]->R^2(std), conti, f(0)=f(1), restriction of f on [0,1) is injective, 이때 f의 image를 Jordan Curve라 하자.
-성질
-(Inverse Function Theorem for multivariate, m=n)
:C^1-f on open U의 J_f가 non-zero at x_0라면(즉 derivative가 invertible), te nbd(x_0) and nbd(f(x_0)) s.t. nbd(x_0)<U and nbd(f(x_0))<f(U) f|nbd(x_0):nbd(x_0)->nbd(f(x_0))에서 bijective이고 inverse도 C^1 on nbd(f(x_0)). 게다가 D_f(x_0)의 inverse matrix는 D_f^(-1)(f(x_0))
(단순히 미분가능, 도함수의 존재가 아니라 도함수가 연속하다는 조건이 꼭 필요, 그래야 nbd에서 injective해짐)
-(Rank Theorem for R^m)
:U1:open in R^m(Std), U2:open in R^n(std), F:U1->U2가 smooth with constant rank k일 때
for any p in U1, te smooth charts (V1,g1) for R^m(std) centered at p and (V2,g2) for R^n(std)
s.t. V1<U1 and F(V1)<V2<U2 and g2(F(g1^(-1)(x1,x2,...,xm)))=(x1,x2,...,xk,0,0,...,0)
-D_f(x_0)의 성질
-f:diff at x_0일 때(derivative의 존재성보다 약간 강한 조건임), D_f(x_0)는 the best linear approximation near at x_0가 된다.
-D_(f,x_0)(x)의 성질
-D_(f,x_0) is linear in x_0
(단, 존재할 때 이야기성립)
-
-J_f의 성질
-Inverse Function Theorem
-Multiple Integral에서 transform이용
:좌표변환이라 함은, 기존좌표계 with dV(대게 직교좌표계)에서
"이전 좌표계(구면, 원통 등 있다고 생각)->기존좌표계"인 함수 g를 찾고,
g를 이용하여 multiple integral 수정 with dV'=dV*|J_g|
-(Chain Rule for Multi-dimensional)
-g:R^n(std)->R^m(std), f:R^m(std)->R^k(std)에서 D_(f o g)(x_0)=D_f(g(x_0)) * D_g(x_0) where *은 matrix multiplication
-(Implicit Function Theorem)
-motive:
-f:R^n(std)->R^m(std)에서 n>m이고 n=k+m, C^1
-a in R^k, b in R^m,U:open(a) in R^k, V:open(b) in R^m, f(a,b)=c
-g:U->V s.t. {(x,g(x)) s.t. x in U}={(x,y) < UxV s.t. f(x,y)=c} and C^1인 g를 찾는게 목표
-Statement:
-f:R^n(std)->R^m(std)에서 n>m이고 n=k+m, C^1(정의역이 좀 더 작은 open set이어도 가능)
-D_f(a,b)에서 뒷열에서부터 mxm matrix가 invertible이면 te desired g,U,V s.t. U:open(a) in R^k, V:open(b) in R^m, f(a,b)=c
-(Invariance of Domain, m=n)f:conti,injective이면 f:open이다.
-따라서 there is no homeomorphism between R^n(std) and R^m(std) for different n,m
(만약 f:R^n(std)->R^(n-1)(std), f:homeo라면, i:R^(n-1)(std)x{0}->R^n(std), inclusion, i o f 는 conti injective이므로 invariance of domain에 의해 homeo가 되는데, image인 R^(n-1)(std)x{0}은 not open in R^n(std))
-증명으로 가는 길
-(Homotopy Extension Lemma)Xx[0,1]:T4, A:closed in X, Y:open in R^n(std), f:A->Y:conti and nulhomotopic일 때
te g:X->Y s.t. g=f on A and g:nulhomotopic(link1)(link2)
-(Jordan Curve Theorem)
-C가 Jordan Curve이면 complement of C는 two connected components를 갖고 하나는 bdd하고 다른 하나는 unbounded, 전자가 interior, 후자가 exterior가 된다.
:f1:conti with compact support contained in some open set V in R^n이고
te f2:U->V s.t. U:open in R^n, f2:1-1, C^1, J_f2:non-zero in U일 때
int in V f1 = int in U f1(f2)|J_f2|
-(Mean Value Theorem for Multi-dimensional)
-f:R^n(std)->R(std):C^1, x1,x2 in R^n(std)일 때, f(x2)-f(x1) can be described into partial derivative and coordinate difference(link참조)
-Lp(R^n(std), C4(TS), LM))
-(0,inf]에서
-(0,inf)에서
-[1,inf]에서
-[1,inf)에서
-separable
(증명은 MF in Lp 잡고 pt cv a.e. 인 simple functions seq잡고 그게 cv in Lp인걸 보인다. 이후 simple function이 step functions에 의해 근사 됨을 보인다.(Lp norm) 유리수값을 가지는 유리수 좌표의 rectangles에 의한 step function으로 MF를 근사할 수 있으므로 countable dense set 가짐)
-fCcontiKS(R^n(std), R(std)):dense in Lp(R^n(std), C4(TS), LM))
-(0,1)에서
-주의
-directional derivatives가 존재해도(어느 방향이든) not diff일 수 있다.
-directional derivatives가 존재해도(어느 방향이든) not conti일 수 있다.
-partial derivatives가 존재해도 directional derivative가 존재하지 않을 수 있다.
-fCHconti(cl(G),R(std))의 성질
-BS(R(std))
-About Schur-convex and Schur-concave
-(Characterization of Schur-convex)
Let E be a symmetric and convex subset of R^n(std), and f be a C^1 on int(E).
Then f:Schur-convex on E
iff f:symmetric on E and (x1-x2)*(∂f/∂x1(x) - ∂f/∂x2(x)) >= 0 for any x in E, the latter is called the Schur condition.
(f:symmetric일 때 Schur-condition은 n=2일때만 생각해서 보여도 충분하다.)
-f:Schur-convex and inc, g:convex이면 h는 Schur-convex
-f:Schur-convex and dec, g:concave이면 h는 Schur-convex
(f가 inc란 정의역에선 componentwise inequality사용, not majorization)
-f:Schur-convex, g:inc이면 j는 Schur-convex
-f:Schur-convex, g:dec이면 j는 Schur-concave
-대표적인 Schur-convex function
-f(x)=sum over i=1 to i=n x_i
-f:Schur-convex iff g:convex
-g가 1/x이면 h(x) = sum over i=1 to i=n 1/x_i
-g가 -log(x)이면 h(x) = sum over i=1 to i=n (-log(x_i))
-(-1)*(e_n), where e_n:nth elementary symmetric function,
-(-1)*{(e_n)/(e_(n-1))}
-for 1<=p<=k<=n, (-1)*[e_k/e_(k-p)]^(1/p)
-About Convex
-Def
-A subset E of R^n(std) is said to be convex if E is closed under c-linc
-for a subset E of R^n(std), conv(E):the convex hull of E, conv(E):=the intersection of all convex sets containing E
-for a finite subset E of R^n(std), conv(E) is called a convex polytope
-for a convex set E or R^n(std), dim(E):=dim(aff(E))
-Properties
-E:convex iff it contains all the clinc of its all elements
-convex subset은 star-convex subset이다.
-star-convex subset은 simply connected이다.
-star-convex open subset에서의 closed cvf는 exact이다.
-any convex subspace has a trivial FHG
-smooth GL(n,R(std))-space
-O_x={0} or O_x = R^n(std)-{0}
-smooth O(n,R(std))-space
-O_x={0} or spheres centered at origin.
-About Affine set
-Def
-A subset E of R^n(std) is called an affine set if for any x,y in E, any 1-linc of x,y is in E.
-for E:a subset of R^n(std), aff(E):the affine hull of E, aff(E):=the intersection of all affine sets containing E.
-E1,E2:affine of R^n(std)일 때 E1//E2(parallel)란 if te a in R^n(std) s.t. E1=E2+a
-for E:affine of R^n(std), dim(E):=dim(S) s.t. S:linear subspace of R^n(std) s.t. S//E
-for E:affine of R^n(std) s.t. dim(E)=(n-1), we call E a hyperplane of R^n(std)
-Properties
-E:affine set of R^n(std)이면 a+E도 affine
-for any E:affine of R^n(std), te! linear subspace S of R^n(std) s,t, S//E
-(Representation of Affine set of R^n(std))E:affine set iff E={x s.t. Ax=b}(link)
-About Majorization of two seqs (a_n), (b_n)
-Def
-for real seq (a_n), (b_n), (a_n) majorize (b_n)이란 (a_n)과 (b_n)을 monotone dec하게 rearrange한 다음에 partial sum은 a_n이 더 크거나 같고, 전체 합은 같을 때), denoted by a <_m b
-for real seq (a_n), (b_n), (a_n) weakly submajorize (b_n)이란 (a_n)과 (b_n)을 monotone dec하게 rearrange한 다음에 partial sum은 a_n이 더 크거나 같을 때
denoted by a <_wm b
-for
real seq (a_n), (b_n), (a_n) weakly supermajorize (b_n)이란 (a_n)과 (b_n)을
monotone inc하게 rearrange한 다음에 partial sum은 b_n이 더 크거나 같을 때
denoted by a <^wm b
-Properties
-(Characterization of Majorization using perm and DSMT)
for nnn seq (a_n), (b_n), (b_n) majorize (a_n)
iff for any nnn seq (x_n), perm(A(x_n)) <= perm(B(x_n)) where A(x_n)(i,j)=(x_i)^(a_j), B(x_n)(i,j)=(x_i)^(b_j)
iff te DSMT s.t. (a_n) = DSMT (b_n), 양변 모두 column
-For nnn seq (a_n), (b_n) with (b_n) majorize (a_n),
-{all DSMT of order n s.t. (a_n) = DSMT (b_n)} is convex polytope, called the majorization polytope
-n=3일땐 extreme points가 알려져 있음
-for any x in R^n(std), DSMTx majorize x iff MT:DSMT
-About weakly submajorize
-for any x in R^n(std), MTx weakly submajorize x iff MT:DSSMT
-for nnn seq (a_n), (b_n), (b_n) weakly submajorize (a_n) iff (a_n) = MT (b_n) for some MT:DSSMT
-About weakly supermajoriize
-for any x in R^n(std), MTx weakly supermajorize x iff MT:DSPMT
-for nn seq (a_n), (b_n), (b_n) weakly supermajorize (a_n) iff (a_n) = MT(b_n) for some MT:DSPMT
-R^J의 특징(uncountable cartesian product)
-product top<uniform top<box top(J가 infinite이면 다 strict해짐)
-product top
-not metrizable
-not normal
-Function Space입장
-J=(MetricS, d), (R(std), euclidean metric)
-for f in R^J, the set of discontinuities of f is ME(link)
-R^N의 특징
-product top
-metrizable(그리고 그 때 complete도 됨)
-path-connected
-connected
-not locally compact
-not compact
-second-countable
-uniform top
-metrizable by d_uni
-not connected, by bdd seq and unbdd seq(separation됨)
-Kempner Series Problem:{1/n}:series에서 특정 숫자 배열(예를 들면 2015711574)가 분모에 들어간 것을 제외하고 더한다면 수렴할까?
-답은 Yes
-Topologist's Sine Curve의 특징(0x[-1,1]없는 걸 E라 하자. cl(E)도 주요 관심대상, 대게 cl(E)를 topologist's sine curve라 한다.)
-cl(E)는 connected
-cl(E)는 not path-connected
-C의 성질
-open and connected subset of C를 Region이라 하자.
-Construction
-R^2(std)이면서 덧셈과 곱셈을 다르게 정의한 형태
-R^2(std)와 isomorphic as topological space and VS(R)
-quotient ring R[x]/(1+x^2)으로 정의한 형태
-top 2-mnf이므로 top n-mnf성질 따름
-F된다.
-ac-F(by Fundamental Theorem of Algebra)
-Associative R-A
-infinite product of complex numbers의 convergence
-정의:c-product from i=1 to i=inf (1+a_i)이 cv if te k s.t. c-product from i=k to i=n (1+a_i) cv to nonzero as n->inf
-성질:
-c-product from i=1 to i=inf (1+a_i)가 cv iff c-sum from i=1 to i=inf log(1+a_n):cv(link)
(단, Re(a_n) > (-1) for n=1,2,3,..., 만약 아니면 이게 성립할 때부터 곱셈시작으로 간주하면 됨)
-c-product from i=1 to i=inf (1+a_i)가 abs cv iff c-sum from i=1 to i=inf a_i:abs cv(link)
-f:[0,1]->C, f(t)=x(t)+y(t)i관련
-smooth path f란 x(t), y(t)가 diff이고 x'(t)=y'(t)인 t가 존재하지 않을 때(t=0, t=1은 상관없음)
-piecewise smooth path f란, smooth curve를 이어서 만든 것(각 경계에선 not smooth하지만 거진 smooth한 경우가 된다.)
-smooth or piecewise smooth path가 closed란, f(0)=f(1)일 때
-smooth or piecewise smooth path가 simple이란, not self-intersecting(closed일 때는 endpoint에서같아도 simple이라 함)
-f:[0,2pi]->C 관련
-About L2-space
-특히 [0,2pi] as L2-space(Fourier Series)
-활용방안:
주기함수을 연속함수(sine파)들의 급수로 표현, 이때 sin(2pi*진동수*t)의 계수, 를 통해 진동수에 해당하는 진폭(계수)를 알아내서 어떠한 주기함수(파형)의 진동수마다의 진폭을 구할 수 있게 된다.
유한한 구간에서만 정의된 함수를 expansion,
몇가지 급수 값을 구할 수 있음
푸리에 계수(하단에 <f,e_n>)은 다양한 물리적 의미를 갖는다.
-<f,g> := int from x=0 to x=2pi f*conj(g) dλ 이러면 < > 은 inner product가 된다. 이걸로 HS가 된다.
-{e_n(t)}, e_n(t)=(2pi)^(-1/2) * exp(i*n*t), 는 maximal orthonormal set이 된다.
-(complex valued)for f in L2-Space[0,2pi], f(t)=sum over all int n <f,e_n> e_n(t)로 표현이 된다.
-[0,2pi]까지만 정의된 함수를 expansion(even, odd에 따라)가능하다
-Bessel's inequality, Parsevel's identity사용가능, 참고
-f:C->C관련(z=x+yi, f=u+vi, 정의역이 꼭 C전체 아니어도, C의 open subset이어도 가능)
-holo f의 properties
-용어관련
-f가 holo at z 란 domain of f는 z를 포함하는 open set이고 lim h->0 {f(z+h)-f(z)}/h가 존재할 때(f:R^m->R^n과는 다른 이유가, C->C에서는 곱셈연산이 있기 때문)
-f가 holo on open set E란, f가 holo at any z in D
-f가 holo on closed set E란, te nbd(E) s.t. f가 holo on nbd(E)
-primitive of f on open set E란, E에서 holo이면서 미분해서 f되는 함수
-f가 biholo(conformal map이라고도 함)란, holo이고 bijective이고 inverse도 holo일 때
-f:holo on C이면 f:entire라 한다.
-holo의 충분조건
-f가 CRE를 만족하고 Re(f)와 Im(f)가 C^1이면 f는 holo on 가정만족하는 영역
-holo의 필요조건
-(Cauchy-Riemann Equation, CRE)
:u의 x미분=v의 y미분 and u의 y미분=v의 x미분*(-1), 이것은 holo의 필요조건
(real analysis와 complex analysis를 잇는 equation이다.)
(iv function의 real part만이 전부를 determine한다는 의미도 있다.)
-f가 holo at z이면 f is diff in real sense(역은 성립 안함)
-f가 holo on open set E이면 f has infinitely many complex derivatives in E(Cauchy's Integral Formula for Derivatives에 의해)
-Power Series 관련(Center가 0인 경우만 따져도 됨)(PS(z)=sum from n=1 to n=inf (a_n)*(z)^n라 하자)
-PS(z1):cv이면 for |z|<|z1|, PS(z):cv
-(RoC의 존재성)for any PS,
te R s.t.
-0<=R<=inf,
-|z|<R이면 PS(z):abs cv
-|z|>R이면 PS(z):diverge
-PS:uni cv on {z s.t. |z|<=A<R}
-RoC 구하기
-RoC={limsup(|a_n|)^1/n}^(-1)
-PS의 도함수 또한 RoC가 같다.
-PS1, PS2(with same center), PS1+PS2의 RoC>=min{RoC1, RoC2}, PS1*PS2의 RoC>=min{RoC1, RoC2}
-lim n->inf a_n=0이면 RoC>=1
-PS는 holo inside RoC
(on RoC에서는 cv할지도 diverge할 지도 모름)
(즉 analytic function은 holo하다는 것을 앎)
-PS의 도함수는 term-by-term 미분해서 얻을 수 있다.
-Integration along path
-piecewise smooth path f1, f1의 image에서 conti인 f2에 대해 integral정의함
-for g:E->C conti, f1:piecewise C^1 in E, int of g along f:= int from 0 to 1 g(f(t))f'(t)dt로 정의
-any parametrization of f gives the same value of integral above
-|int of g along f|<=(max over z in f([0,1]) |f(z)|) * length of f
-(Fundamental Theorem of Calculus version Complex)
:f on open set E가 conti
f가 primitive on E, F를 갖고
f1:piecewise smooth path in E이면
int over f1 f는 F(f1(1))-F(f1(0))가 된다.
(Fundamental Theorem of Calculus, real version과는 다른 점이, primitive의 존재성이 보장받지 않다는 것)
(f가 primitive를 갖는지 판단시 사용가능 using closed path)
-f:holo on a region E, f'=0 on E일 때 f는 constant(E가 connected인 것도 중요)
-(Cauchy's Theorem으로 가는 Step, E:open in C, R:region in C, D:open ball in C, T:image of simple closed piecewise smooth path in C)
-(Step 1, Cauchy's Theorem on E containing T)
:T:triangle with its interior in E, f:holo on E이면 int over T f=0
(triangle의 interior가 포함되어있다는 것은 거진 connected조건느낌)
(rectangle로도 확장가능)
(f:conti on E, for any T:triangle with its interior in E int over T f=0이면 f:holo on E, 즉 역도 성립)
-(Step 2)
:f:holo on UB2이면 f has a primitive on UB2
(UB2보다 일반적으로 convex open subset에서도 성립함)
-(Step 3, Cauchy's Theorem on UB2 containing any closed path)
:f:holo on UB2이면 for any closed path f1 in D이면 int over f1 f=0
-(Step 4, Cauchy's Theorem on E containing T and its interior, using Jordan Curve Theorem)
:f:holo on E containing T and int(T)<E이면 int over T f=0
-(Cauchy's Integral Formula)
:T:image of simple closed piecewise smooth path in C이고f가 holo on open set E containing cl(int(T))이고 C=bd(int(T))=C with positive orientation라 할 때
for z in int(T), f(z)=1/(2*pi*i) int over C f(t)/(t-z) dt
-(Cauchy's Integral Formula for Derivatives)
:T:image of simple closed piecewise smooth path in C이고f가 holo on open set E containing cl(int(T))이고 C=bd(int(T))=C with positive orientation라 할 때
for z in int(T), f^(n)(z)=n!/(2*pi*i) int over C f(t)/(t-z)^(n+1) dt
(즉 f:holo at z이면 infinitely differentiable at z이다.)
-(Cauchy's Inequality)
:for z in open E, B(z,r) <E s.t. cl(B(z,r))<E, f:holo on E이면 for any n in N, |f^(n)(z)|<=n!/r^n * sup over z' in bd(B(z,r)) |f(z')|
(즉 holo f의 도함수값 at z은 f의 함숫값(z의 주위에서의)에 영향을 받는다.)
-analytic function f의 properties
-용어관련
-f가 C-analytic on open set E란, for any x in E, te nbd(x) s.t. f is equal to its taylor series on nbd(x)(f:R(std)->R(std)에서의 analytic과는 정의가 같지만 성립하는 properties는 다름)
-f가 C-analytic at z란, te nbd(z) s.t. f is analytic on nbd(z)
-properties
-f의 C-analytic 가능한 points의 모임은 open이다.
-f:C-analytic on open E이면 for z_0 in E, f의 taylor series centered at z_0의 RoC는 dist(z_0, Bd(E))
(즉 f:C-analytic on open E이면 수렴반지름을 그저 f가 holo가 되는 영역이 되는데, R-analytic에선 이런게 안된다. 단순히 미분무한번가능한영역으로의 확장이 analytic이 보존되지 않는다.)
-f:C-analytic at z iff f가 holo at z
-f:holo on open connected E이고 {an} in E s.t. an->a in E and {an}:distinct and f(an)=0이면 f=0 on E
(즉, the zeroes of f on E는 isolated)
(증명을 series전개해서... 그렇다보니 f:R->R에선 성립안함)
-f:holo on open connected E, U:open in E일 때 restriction of f on U =0 on U이면 f=0 on E
-f, g:holo on open connected E, U:open in E, f=g on U일 때, f=g on E
(즉 extension이 unique, but 이렇게 가면 extension이 multivalued일 순 있음, log(x) 생각)
-entire function(f:entire)
-(Liouville's theorem)f:bdd이면 f는 constant
(C^inf(R)선 성립하지 않음)
-{f_n}, f_n:C->C관련, E:open in C,
-{f_n}:holo on E, uni-cv to f on every compact subset K of E이면 f:holo on E and {f'_n}:uni-cv to f' on every compact subset K of E
-
-Laurent's Series관련
-Elementary functions
-log(with principal branch):ocl(C) - (-inf,0] ->C
-exp:C->C-{0}
-entire
-
-(Binomial Theorem)
:(1+z)^a where a:complex는 다음 taylor series를 갖는다.
sum from n=0 to n=inf (aCn)*x^n
(단, RoC는 a마다 그때그때 구해야함)
-(Residue Theorem)
-(Fundamental Theorem of Algebra)
:a polynomial f(x) in C[x] of degree>=1 has a root in C(using homotopy link)
-(Riemann Mapping Theorem)
:U:nonempty, proper, open, simply connected, x in U이면 te! f:U->UB2 in C s.t. f:biholo
-P(R^n+1)
-정의:R^(n+1)(std) - {0}/~, where x=(x1,x2,...,xn+1)~y=(y1,y2,...,yn+1) where xi=kyi for some nonzero k in R
-topology는 quotient로 줌
-topological mnf됨(locally euclidean to R^n(std))
-second-countable
-T2
-locally euclidean to R^n(std)
-FHG=Z_2(n>=1), Z(n=0일 때)
-m-fold projective planes
-정의:
-(a1a1a2a2...amam)이란 scheme으로 만든 도형
-성질:
-FHG=FP(Z,m개)/<a1a1a2a2...amam>
-first homology group:FAG of rank m-1
-UO1
-Strong Deformation Retract of R^2 - {0}
-FHG(UO1) giso cyclic group Z(covering map의 induced group homomorphism이용, R(std)이simply-connected라)
-항상 {v1,v2,...,vn} enumerate가능 s.t. G[{v1,v2,...,vi}]:connected for every i=1,2,3,..,n
-G contains a normal tree with any specified vertex as its root(root에서 시작해서 아직 안가본 any vertex로 edge따라 이동, 만약에 그런 점이 없을 경우가 오면, 현재 그 점에 가장 처음에 왔던 edge를 따라 이동, 그리고 그런 점이 없을 경우가 root가 된다면 stop, 이렇게 얻은 tree가 normal이 된다.)
-G contains a normal spanning tree with any specified vertex as its root.
-(Hall's Marriage Theorem)G:bipartite with partition (A,B) of V(G)일 때,
te M covering A iff for any subset U of A, |N_G(U)|>=|U|(link)
(Marriage Theorem이라 불리는 이유는 다음과 같은 상황을 생각하자. A:남자들의 모임, B:여자들의 모임, 각 남자 mi는 결혼하면 행복할 여자들 Bi가 존재한다. (즉, Bi:nonempty subset of B) 그리고 여자들은 자기를 좋아해주는 남자와 결혼하면 행복하다고 하자. 이때 모든 남자들이 행복한 결혼생활을 할 수 있게 matching시켜줄 수 있는 필요충분조건을 제시함)
-(Gale-Shapley Theorem)Every bipartite graph has a stable matching
-for r>=1, G:r-regular bipartite이면 G has a perfect matching
-G:3-regular and has no bridge이면 G has a perfect matching
-About Coloring
-col(G) = deg(G) + 1
-χ(G) <= χ_l(G) <= col(G) <= Δ(G) + 1.
-χ(G) <= aχ(G)
(aχ(G) and col(G) are incomparable)
-About k-color-critical
-G:k-color-critical이면
-δ(G) >= k-1
-About Homomorphism, Automorphism, Group etc
-Aut(G)=Aut(bar(G))
-χ(G)=the minimum number a s.t. te f:homomorphism from V(G) to V(K_a)
-End(G)는 monoid가 된다.
-Aut(C_n) giso D_2n(아마도?)
-S_[v] <= Aut(J(v,k,i)), as a subgroup
(사실 = 일 때가 많다, 증명은 어렵지만)
-n!/|Aut(G)| = |isomorphism class of G| (즉, vertices개수가 n인 graph중에서 G와 isomorphic인 애들의 개수)
-About counting, p:permutation on J, |J|=n, P:permutation groups on J
-def
-the cycle index monomial of p is a monomial in variables a_i, prod over j=1 to j=n a_j^b_j, where a_j:variables, b_j:p를 cycle decomposition했을 때 길이가 j인 cycle의 개수
-ex) p=(1)(234)(5)(67)인경우 the cycle index monomial of p = a_1^2 * a_2^1 * a_3^1
-the cycle index polynomial of P := 1/|P| * sum over p in P (the cycle index monomial of p)
(즉, the average of the cycle index monomials of its elements)
(어떤 permutation on J는 permutation on J'으로 바꿔서 생각할 수 있다. 가령 C_4:반시계 방향 rotation, e, 90, 180, 270, 같은 경우 J={1,2,3,4}에서 action을 생각할 수도 있지만, J'={{1,2}, {2,3}, {3,4}, {1,4}}, J는 Square 1개에 각 꼭짓점에 시계방향으로 1,2,3,4를 새긴 경우, J'은 같은 square의 선분을 가리킴
the cycle index polynomial of C_4 on J와 the cycle index polynomial of C_4 on J'은 다르다.
전자는 C_4의 원소를 J에서의 permutation으로 보고, 후자는 C_4의 원소를 J'에서의 permutation으로 본다.)
(따라서 the cycle index는 단순히 Group에만 의존하는게 아니라 Group action에 의존, 즉 acting되는 set도 중요)
(Z(G,X)라 쓰도록 하자.)
-G acts on X일 때, for each x in X, wt:X->Y s.t. wt(x)=wt(gx) for all g in G, 즉 X의 orbit은 같은 값가지는 function
-ex)G=C_4, X={all squares with each vertex with colored black or white}, wt(x)=b^i * w^j, where i=# of blacks, j=# of whites
-G acts on X with wt, wt(Orbit)=wt(x) for some x in Orbit, well-defined
-G acts on X with wt, the wt enumerator := sum over all orbit O wt(O)
-thm
-(Burnside Lemma)
G acts on X일 때 the number of orbits = the average number of points fixed by an element of G(link)
-(Weighted Version of Burnside Lemma)
G acts on X with wt일 때 the wt enumerator = the average wt of points fixed by an element of G(link)
a_n:=# of ways to build a certain structure on a set E, |E|=n, a_0 = 0
h_n:=# of ways to split [n] into an unspecified number of disjoint nonempty intervals, then build a structure of the given kind on each of these intervals, h_0 = 1
Then A(x):gf_{a_n}, H(x):gf_{h_n}일 때 H(x)=1/(1-A(x))
a_n:=# of ways to build a certain structure on a set E, |E|=n, a_0 = 0
b_n:=# of ways to build a second structure on a set J, |J|=n, b_0 = 1
g_n:=#
of ways to split [n] into an unspecified number of nonempty
intervals, then build a structure of the given kind on each of these
intervals, and then build a structure of the second kind on the set of the intervals, h_0 = 1
Then G(x) = B(A(x))
-분할 관련
-gf_#ptt(n)(x) = sum over n>=0 #ptt(n)x^n
= prod over n>=1 1/(1-x^n) = (ef(x))^(-1)(link)(link, 수렴성관련)
=1+ sum over k>=1 q^k / (1-q)(1-q^2)...(1-q^k)
=1+ sum over k>=1 q^k / (1-q^k)(1-q^(k+1))...(link)
-ef(q) = gf_(#ptt(n) with distinct even parts - #ptt(n) with distinct odd parts)(q)
:if TS=union of E_i, E_i:path-connected and open, E_i교E_j:path-connected, te x in all E_i, then any loop in X based at x is homotopic to a product of loops based at x each of which is contained in E_i
-(Van-Kampen Theorem)
:if TS=union of E_i, E_i:path-connected and open, E_i교E_j:path-connected, te x in all E_i,
then the homog F:FP(FHG(E_i,x))->FHG(X,x) is surjective where i_i:E_i->X, inclusion이므로 homog from i_i인 f_i:FHG(E_i,x)->FHG(X,x)이고 Universal mapping property of free product에 의해 만든 F
그리고 E_i교E_j교E_k for any i,j,k가 path-connected이면 ker(F)=the normal subgroup of FP(FHG(E_i,x)) generated by all elements of the form i_(ij)(w)i_(ji)(w)^(-1) for w in FHG(E_i교E_j,x), where i_(ij)와 i_(ji)는 inclusions:E_i교E_j->E_i, :E_j교E_i->E_j에 의해 induced homog
-(M1,p1,M), (M2,p2,M)사이의 smooth bundle map f:M1->M2는 다음을 만족한다.
-f:SGS1(M)->SGS2(M)은 C^inf(M)-linear
-g:SGS1(M)->SGS2(M)이 C^inf(M)-linear이면 te smooth bundle map f:M1->M2 s.t. f=g
-p:submersion
-SGS(M2):VS(R(std)) and C^inf(M2)-Md
-(Extension of smooth local section over closed to global)for A:closed in M2, f:A->M1 s.t. smooth and section of p, U:open containing A일 때 te g in SGS(M2) s.t. g=f on A and support of g < U
-{Smooth local frame} bijective {Smooth local trivialization}(->가 어려움)(link1)(link2)
-(M1,p,M2):trivial iff it admits a smooth global frame
-for a (smooth)coordinate chart (V,g) for M2, smooth local frame for M1 over V, te a (smooth)coordinate chart (p^(-1)(V),f) for p^(-1)(V)(link)
-S:=homo from (f,x1)(FHG(TS1,x1)), lifting correspondence_(f,x1) induce g:FHG(TS2,x2)/S->f^(-1)(x2) and g:injective
(TS1:path-connected이면 g:bijective까지도 됨)
-l:loop in TS2 based x2일 때 [l] in S iff lift(l) to TS1은 a loop in TS1 based x1
-가장 쉬운 예: f:R(std)->UO1(subspace of R^2(std)), f(t)=(cos(2*pi*t),sin(2*pi*t))
-From TS1 to TS2
-
-From TS2 to TS1
-T2
-T3
-T3.5
-locally compact hausdorff
-compact(단, covering map f:TS1->TS2, f^(-1)(y):finite for all y in TS2인 경우만)
-Universal covering관련
-(Universal Covering이라 부르는 이유)TS1:universal covering space of TS2일 때, for any g:TS3->TS2 covering map, te h:TS1->TS3 covering map
(즉 Universal covering space는 다른 covering space를 cover한다. 즉 cover 중에서 가장 넓은 개념)
-(Existence of Universal Covering Space)if TS:connected and locally simply connected이면 te universal covering space of TS
-Retraction관련
-retraction(TS,S):conti일 때
-quotient map이 된다.
-S를 retract of TS라 부른다.
-inclusion:S->TS를 f라 하면 homo from (f,x):injective for any x in S
-Topological Group관련(*는 group의 operation으로보자)
-자주 쓰이는 함수관련
-f:TGxTG->TG, f(g1,g2)=g1*(g2)^(-1):conti
-conjugation by g, left multiplication by g, inversion, 3개다 TG->TG인 homeo
-{all SME(e)}는 nbd basis됨, 즉 for any nbd(e), te nbd2(e) in {SME s.t. SME=nbd(e)} s.t. nbd2(e)<nbd(e)
-left multiplication by any element가 homeomorphism이므로 {all SME(e)}만 이용하면 많은 문제 해결됨
-TG가 discrete top을 가진다 iff {e}:open
(포인트는 이 명제 자체가 아니라, TG에서는 nbd(e)에 대해서만 생각하면 된다는 것이 포인트)
-for any g in TG, for any nbd(g), te SME(e) s.t. SME(e)*g*SME(e) < nbd(g)
-for any nbd(e) and n:자연수, te SME(e) s.t. (SME(e))^n < nbd(e)
-For any subset E, cl(E)=intersection E*SME(e) over all SME(e)=intersection SME(e)*E over all SME(e)=intersection SME(e)1*E*SME(e)2 over SME(e)1, SME(e)2
-cl(subTG):subTG(subgroup이 된다는 게 포인트)
-cl(NS):NS(normal이 유지된다는 게 포인트)
-Topological Manifold관련
-smoothness는 not topological property
-T2가 정의상 필요한 이유는 TS에서 T2가 필요한 것과 마찬가지, limit의 유일성, finite set의 closedness가 필요
-Second-countable이 필요한 이유는 partitions of unity의 존재성보일 때 등등
-top n-mnf이 동시에 top m-mnf이 될 수는 없다.(Invariance of Domain참고)
-모든 top n-mnf
-has a countable basis of pre-K coordinate balls
-locally compact
-locally path-connected(이것이므로 아래 3개가 성립)
-locally connected
-top n-mnf:connected iff top n-mnf:path-connected
-path-connected components = connected components
-connected components가 각각이 모두 open subset이고 top n-mnf가 된다.
-connected components의 개수가 at most countable
-for any x in top n-mnf, |FHG(top n-mnf,x)|:countable
-homeomorphic인데 not diffeomorphic인 mnf들이 존재한다. 즉 mnf를 구분 짓는데에 smooth structure도 필요
-smooth chart는 모두 diffeo이다.(공역을 치역으로 제한하면)
-function on mnf(M:mnf)
-C^inf(M)은 VS(R(std))이다.
-for smooth f:M1->M2, pb(f):unital homor가 된다.
-(Fundamental Theorem for Line Integral of cvf)for f in C^inf(M), r:[a,b]->M, piecewise smooth curve in M일 때
lint over r df = f(r(b)) - f(r(a))
-(Existence of Smooth Partitions of Unity)for any open cover {E_i}, te a partition of unity {f_i} on TS dominated by {E_i}
(적당한 C^inf(M) 원소 잡을 때 쓰임)
-(Existence of Bump Function)for any U:open in M, A:closed in U, te f:smooth bump function for A supported in U(Partitions of unity쓰면 됨)
-(Extension Lemma)for any U:open in M, A:closed in U, f:A->R^k(std), smooth일 때
te F:M->R^k(std) s.t. restriction of F on A = f and support of F < U
-(Inverse Function Theorem for Manifolds)
(가정을 smooth말고 C^1으로 줄일 수도 있을 듯)
:f:M1->M2가 smooth이고 pf_p(f)가 bijective이면 te nbd(p) and nbd(f(p)) s.t. f|nbd(p)는 diffeo 게다가 pf_(f(p))(f^(-1))=(pf_p(f) )^(-1)
(만약 g:M1->M2, smooth, immersion and submersion이면 g:local diffeo를 알 수 있다.)
(pf가 원래 smooth map에 영향을 주는 예가 된다.)
-(Rank Theorem for Manifolds)
:for dim(M1)=m1, dim(M2)=m2, f:M1->M2가 smooth with constant rank k
for each x in M1, te smooth charts (V1,g1) for M1 centered at x and (V2,g2) for M2 s.t. (g2 o F o g1^(-1))((x1,x2,...,xm))=(x1,x2,...,xk,0,0,...,0)
(즉 smooth map이 아주 간단해짐, 그리고 image가 rank-dimensional, 이 theorem때문에 rank가 의미가 있는 것)
(마찬가지로 pf가 원래 smooth map에 영향을 주는 예가 된다.)
-for smooth f:M1->M2, M1:connected, TFAE
-for any p in M1, te smooth charts (V1,g1) containing p, (V2,g2) containing f(p), s.t. (g2 o F o g1^(-1))((x1,x2,...,xm))=(x1,x2,...,xk,0,0,...,0) for some k
-F has constant rank
-for smooth f:M1->M2, S:embedded submanifold of M2, Im(f)<S이면 f:M1->S도 smooth
-for smooth f:M1->M2 with constant rank
-f가 surjective이면 f는 submersion
-f가 injective이면 f는 immersion
-f가 bijective이면 f는 diffeomorphism
-(Equivariant Rank Theorem)
:M1:transitive smooth LG-space, M2:smooth LG-space, F:M1->M2 smooth, equivariant이면 F has constant rank,
그리고 level set은 closed embedded submanifolds of M1
-submersion관련(f:M1->M2가 submersion)
-product of mnfs->mnf, projection과 srv-bundle의 map p가 대표 submersion예
-closed under composition
-f:open map
-every p in M1 is in the image of a smooth local section of f
-if f:surjective, then f:quotient map
-for g:M2->M3, if f:surjective submersion, then g:smooth iff g o f:smooth
-for f:surjective submersion, if g:M1->M3:smooth, constant on the fibers of f, then te! h:M2->M3 s.t. h:smooth and h o f = g
-(uniqueness of smooth manifold quotient by surjective submersion)
:for f1:M1->M2, f2:M1->M3, 둘다 surjective submersions s.t. constant on each other's fibers, te! g:M2->M3 s.t. g:diffeo, g o f1 = f2
-immersion관련
-smooth curve f:interval->mnf with f'(t):nonzero for all t in interval이 대표 immersion예
-closed under composition
-f:M1->M2가 immersion이면 locally embedding이다.(for any p in M1, te nbd(p) in M1 s.t. restriction of f onto nbd(p):smooth embedding)
-smooth embedding관련
-inclusion:mnf->product of mnfs가 대표 smooth embedding예
(cycle decomposition이란, (1~~~)(이전 cycle에 안나온 제일 작은 걸로 시작 ~~~)(이전 cycle에 안나온...))
-g1=conj(g2) iff g1과 g2가 같은 cycle type을 가짐
(cycle type이란 cycle decomposition한 후에 cycle length가 큰것부터 나열했을 때(disjoint cycle은 commute이므로)의 cycle length 수열, 길이가 1인 cycle도 적는다. 그렇게 하면 f:S_[n]->{ptt(n)}
-(Cauchy's Theorem)|G|<inf, prm||G|이면 G has an element of order(prm).(link)
-(Fundamental Theorem of Finitely Generated Abelian Groups)G:finitely generated abelian이면 free rank와 list of invariant factors가 유일하게 결정되고 invariant factor decomposition이 가능(반대로 list of invariant factors와 free rank만 결정해주면 finitely generated abelian group 1개를 결정할 수 있다는 것)
(따라서 finite abelian of order n은 n만 소인수분해해버리면classification가능 by making list of invariant factors)
(invariant factor (n1,...,nk)가 만족해야될 것은, 각각이 2보다 같거나 큰 정수이고, n(i+1)|ni를 만족)
-(Sylow's Theorem)(특정 order의 G이 not simple임을 보일 때 자주 사용)
-Subgroup Index and left multiplication action on left cosets
-G을 S_[n]의 subgroup으로 보고 해결
-Normalizer of Sylow의 Sylow 생각(another prime)
-Normalizer of distinct Sylow p-subgroups생각(same prime)
-Representation관련
-Every G has at least one rep(trivial rep생각)
-G=<g>, of order n
-f:G->GL(1:C), f가 MT-rep iff {f(g)}^n = 1
-For G:group, {rep of G} bijection {G-Md VS(F)}
-(Construction of G-Md VS(F) from a G-set)For J:G-set, make VS(F)=direct sum of Fj,act_VS(F) by G는 g를 basis원소에 act하는 걸로하면 됨
(즉, G:group이 있고 G-Set을 하나 안다면, G-Md VS(F)를 얻을 수 있고, 그로인해 rep of G를 하나 얻는다.)
-G:group이 있고 G-Set으로 G그 자체 택하고 action을 left translation을 주면, G-Md F[G]을 얻는다. 이때의 rep of G를 regular rep of G라 한다.
-for finite G
-F[G]=direct sum of miVi, where mi=dim(Vi), Vi,Vj:nonisomorphic for distinct i,j, 게다가 모든 irr G-subMd appears in F[G]
-V:G-Md VS(F)가 W:nonzero proper G-subMd를 갖는다면, W의 basis를 이용해 대응된 rep of G의 MT-rep of G의 형태가 block upper triangular MT로만 되게(for any g in G) basis를 잡을 수 있다.
-만약 W가 G-subMd인 complement를 갖는다면 block diagonal MT로만 되게(for any g in G) basis를 잡을 수 있다.
-(Maschke's Theorem)(F=R(Std), C일 때)for G:finite group, V:nonzero G-Md f-dim VS(F), V is a direct sum of irreducible G-subMds(link)
(즉 G:finite group, G-Md f-dim VS(R(Std) or C)는 completely reducible이다.)
-Z(End_G(V))=F^k, (즉 not G-Md isomorphic submodule의 개수를 가르쳐줌)
-Class function관련(G:Group, V:G-Md VS(F), c:character of V, h:class function of G, R(G):=set of all class function of G, F(G):=set of all function from G to F)
-F(G):VS(F)
-R(G):subspace of F(G)
-{irr characters of G}:basis for R(G)
-G가 finite일 때(|G|=n)
-F(G):VS(F) isomorphic to F^n
-dim(F(G))=n >= dim(R(G))
-F(G)에 inner product를 줄 수 있다.(F가 R이나 C이면) for f1,f2 in F(G), <f1,f2>:=1/n * {sum over g in G f1(g)*ct(f2(g))}(1/n = 1/|G|은 normalize위해서)
(즉, F(G)는 IPS(F)됨)
-Character of rep(G)관련
-(Linear Independence of multiplicative characters)for f1,f2,...,fk:distinct multiplicative characters on G, f1,f2,...,fk:linearly independent over F
-c(identity)=degree of c(즉 dim(V))
-c is a class function on G
-for another U:G-Md VS(F) s.t. isomorphic to V as G-Md, c=character of U
(즉 G-Md iso한 V에서의 Character는 서로 같은 함숫값가짐 for any g in G)
(역은 F=C일 때 성립)
-for V=m1V1 + m2V2 + ... +mkVk(즉 irreducible V1이 G-Md isomorphic한게 m1개 ...)(as direct sum)일 때 character of V=sum of (mi*character of Vi)
-G가 finite일 때(|G|=n)
-for c:character of F[G], c(identity)=|G|, c(g)=0 for any non identity g.
-(F=C일 때)<c1,c2> = 1/n * {sum over g in G c1(g)*ct(c2(g))} = 1/n * {sum over g in G c1(g)*c2(g^(-1))}(link)
(사실 for all g in G, c1(g)*ct(c2(g)) = c1(g)*c2(g^(-1))이기 때문에 성립)
-for irr character c1 of G-Md V1, irr chacracter c2 of G-Md V2, <c1,c2>=1(if V1 G-Md isomorphic to V2) or 0(otherwise)(link)
-(F=C일 때)for V:f-dim and V=m1V1 + m2V2 + ... +mkVk, ci:character of Vi, Vi:irr G-subMd
-c=sum of mi*ci
-<c,ci>=mi
-<c,c>=sum of (mi)^2
-<c,c>=1 iff V:irr G-Md iff c:irr
-decomposition is unique(ci가 linearly independent임을 이용)
-irr G-Md V개수=irr character of G=conjugacy class of G의 개수(link)
-TP(V1,V2)관련(Vi:Gi-Md)
-TP(V1,V2):G1xG2-Md
-character of TP(V1,V2)(g1,g2):=character of V1(g1) * character of V2(g2)
-V1:irr G1-Md and V2:irr G2-Md iff TP(V1,V2):irr G1xG2-Md
-Every irr G1xG2-Md V is isomorphic to TP(V1,V2) for some irr G1-Md V1 and irr G2-Md V2
-Restricted, induced관련
-induced rep은 well-defined and independent of a choice of a transversal(link1)(link2)
-(Frobenius Reciprocity)<char of G, induced>=<char of H, restricted>(link)
-for nonconstant and monic P(x) in R[x], P(x):reducible in R[x] iff te a(x), b(x) in R[x] s.t. P(x)=a(x)b(x) and a(x),b(x)모두 nonconstant and monic
-for nonconstant and monic P(x) in R[x], P(x):reducible in R[x]이면 for any proper id of R, the reduced P(x) in (R/id)[x] can be factored into two smaller degree polynomials in (R/id)[x]
(이때 two polynomials가 nonconstant인지, monic인지 둘다 보장 안됨)
(역은 성립하지 않음)
(대우를 통해서 irreducible판정의 충분조건 얻음)
(Several Variables인 경우 조심, 예를 들면 Z[x,y]=Z[x][y]이고, (x)는 proper id in Z[x]이지만, Z[x]/(x) riso Z, 이런 경우)
-R=UFD일 때 R[x]
-(Gauss's Lemma)for P(x) in R[x], P(x):reducible in QF(R)[x]이면 P(x):reducible in R[x]
-(Gauss's Lemma의 Partial Converse)for P(x) in R[x], P(x):reducible in R[x] and gcd of coefficients of P(x)=1이면 P(x):reducible in QF(R)[x]
(gcd=1이란 조건이, 어떻게 사용되냐면 P(x)=a(x)b(x), a(x)와 b(x)모두 not constant임을 보장해줌)
-Aut(F(x)/F)의 원소 f는 f(x)만 결정되면 for a in F(x), f(a)가 결정됨(link1)(link2)
-Irreducibility of a polynomial
-실질적 방법
-(Finding Proper id)
:nonconstant and monic P(x) in ID[x], te proper id s.t. P(x) in (ID/id)[x] cannot factored two smaller degree polynomials이면 P(x):irreducible in ID[x]
(만약 모든 proper id에 대해서 factored two smaller degree된다면 irreducible인지 판정할 수 없다, 하지만, 어떤 id에 대해서 irreducible factorization의 degree와 다른 id에 대해서 irreducible factorization의 degree가 다르다면, P(x)는 irreducible일 수 밖에 없다.)
-(Finding Cprm-id, Eisenstein Criteria)
:nonconstant and monic P(x) in ID[x], te cprm-id s.t. coefficients of P(x)가 leading빼곤 다 cprm-id의 원소이고 상수항은 (cprm-id)^2의 원소가 아닌, 이면 P(x):irreducible in ID[x]
-(Root존재여부)
:nonconstant and (monic)P(x) in F[x],
-deg(P(x))=1이면 P(x):irreducible in F[x]
-deg(P(x))=2이고 no root in F이면 P(x):irreducible in F[x]
-deg(P(x))=3이고 no root in F이면 P(x):irreducible in F[x]
-P(x):reducible iff P(x+1):reducible
-관계
-P(x):irreducible in UFD[x]이면 P(x):irreducible in QF(UFD)[x]
-nonconstant and (monic) P(x):irreducible in QF(UFD)[x]이면 P(x):irreducible in UFD[x]
-Homomorphism관련
-ker(homor)는 id가 된다. homor:R1->R2일 때 R1의 id
-homor:R1->R2일 때 homor(R1):SR of R2
-homor:R1->R2에서 R1:field면 homor는 injective이거나 zero homor이다.
-Quotient Ring관련
-(First RISO Theorem)homor:R1->R2일 때, R1/ker(homor) riso homor(R1)
-(Second RISO Theorem)SR1 + id = SR2 이고 SR1교id1=id2 of SR1 이고 (SR + id)/id riso SR/(SR교id)(제일 마지막 결과가 앞선 2개를 포함함)
-(Third RISO Theorem)id1<id2일 때, id2/id1:id of (R/id1) 이고 (R/id1)/(id2/id1) riso (R/id2)
-(Fourth RISO Theorem)id가 있을 때, te bijection from {SR containing id} to {SR of R/id}게다가 id<E에 대해 E:ideal of R iff E/id:ideal of R/id
-(Chinese Remainder Theorem for CR_[1])id1,id2,...,idn에 대하여,
-if SES(M1,M2,M3):split, then SES(TP(M,M1),TP(M,M2),TP(M,M3)):split
-(Adjoint Associativity)
-for M1:right R-Md, M2:(R,S)-biMd, M2:right S-Md일 때 Hom(TP(M1,M2),M3) giso Hom(M1,Hom(M2,M3))
-MD over PID관련
-R:PID이고 M:R-Md, N:subMd of M
-M이 free이고 finite rank n 이라면 N도 free이고 te a basis {x1,x2,...,xn} for M s.t. te a1,a2,...,am in R s.t. {a1x1,a2x2,...,amxm}:basis for N and a1|a2|a3|...
-M:cyclic인 경우 M은 R/(a) where (a)=Ann_R(M)(homoMd:R->M에서 kernel과 first isomorphism thm이용)
-M이 finitely generated이면
-(invariant factor form)M is isomorphic to direct sum of {R^r, R/(a1), R/(a2), ... , R/(am)} s.t. r:nnn integer, a1|a2|...인 not unit ai들
-(elementary divisor form)M is isomorphic to direct sum of {R^r, R/(p1^a1), R/(p2^a2), ... , R/(pm^am)} s.t. r:nnn integer, pi:prime(not necessarily distinct)
-M:free iff M:torsion free
-Tor(M) is isomorphic to direct sum of {R/(a1), R/(a2), ... , R/(am)}, 이경우 Ann_R(M)은 (am)
-(Primary Decomposition Theorem)
M:nonzero torsion R-Module with nonzero annihilator a=u(p1)^a1(p2)^a2...(prime factorization, u:unit), Ni:={x in M s.t. (pi)^ai x =0}일 때 M은 direct sum of Ni
-R:F[x]인 경우, V:VS(F), f:LT(V), P(x) in F[x](V는 F-Md일 뿐만 아니라, F[x]-Md도 됨, using f for x action on V)
-mP(f) is the largest invariant factor of V and all invariant factors of V divide mP(f)
-Z-Md관련(Abelian Group의 성질)
-Every Abelian Group is a Z-Md
-Every Z-Md is an abelian group
-Z-Md homomorphisms are the same as abelian group homomorphisms
-|G|=m일 때 G is Z/mZ-Md
-특히 m=prm이면 G is Z/pZ-Md, 즉, G is VS(pZ)
-For M:Z-Md, M:Injective iff M:divisible
-For M1,M2:injective Z-Md, EDP(M1,M2):injective
-Every Z-Md is a subMd of an injective Z-Md
(즉 any abelian group은 divisible group의 subgroup)
-there is no finite abelian divisible group
-any quotient of divisible group is a divisible group
-if f:regular and f_W:regular, then f_(W^ㅗ):regular
-any symmetric bilinear form f is diagonalizable(즉 특정 basis for VS(F)를 잡으면 f의 대응되는 matrix가 DMT(0,0,...0,a1,a2,..,ak)됨(앞 zero파트는 rad, 뒷 nonzero ai파트는 regular part)
-diagonal form계산관련
-<a1,a2,...,ak>, 어느 entry에도 F^*의 제곱을 곱해도 form은 isometric
-<a1,a2,...,ak>, a의 index를 permutation해도 form은 isometric
-for H(VS(F))
-h:regular
-(Characterization of H(VS(F)))
-for
-VS1(F)->VS2(F)
-LT(VS1(F),VS2(F))가 bijective하면 inverse도 linear(그냥 바로 확인됨)
-the smallest number of nonzero elements of an irreducible MT of order n = n(link)
-MT has at least one nonzero element in each line(행, 열 모두) iff te Q:permutation MT s.t. MTQ:irreducible(link1)(link2)
-F=C인 경우(R(std)도 포함, SMT관련 등)
-(Gershgorin Circle Theorem)for A:MT(C)(nxn), R_i:=sum over j(j!=i) |a_(i,j)|, D_i:=B(aii,R_i), called Gershgorin disc, then for any egv of A, egv in D_i for some i(link)
-About Normal, NMT
-HMT, skew-HMT, UnMT 모두 NMT이다.
-TFAE
-MT:NMT
-for any x in C^n, ||MT*x||_2 = ||ct(MT)*x||_2(link)
-MT:udgMT
-MT:maximal orthonormal egv를 가짐(즉 lind인 n개의 egv)
(MT=MT1 * DMT * inv(MT1), where MT1:columns이 egv, DMT:diagonal이 egv, 이걸 MT의 eigendecomposition이라 한다. MT가 NMT일 때 가능, iff)
-MT =_usim NMT iff MT:NMT
-About HMT
-NMT이므로 NMT의 성질을 따름
-(Characterization of HMT)
-M:HMT
iff for any x in C^n, ct(x)Mx:real
iff NMT이고 모든 egv가 real이면 HMT이다.(link)(and NMT이면 udgMT이용)
-{all HMT}:closed under real scalar multiplication and +
-모든 대각성분은 real
-for H:HMT(h_(i,j)), column vector h=[h_(1,1), h_(2,2), ..., h_(n,n)], λ=[λ1, λ2, ..., λn] where λi:egv of HMT, te DSMT s.t. h=DSMTλ(link)
-(Toeplitz decomposition)for any M in M(nxn)(C), te! HMT1,HMT2 s.t. M=HMT1 + i*HMT2
-(HMT)^k도 HMT
-for any x in C^n, ct(x)Mx:real iff M:HMT
-HMT가 가역이라면 inverse도 HMT이다.
-MT1:HMT of rank r이면 te P:permutation matrix and M:psubMT of MT1 s.t. M:rxr and of full rank r and ... (link)
-(Courant-Fischer Formula)HMT의 egv를 구하는 방법 제시, link참고(link)
-(Cauchy-Poincare Separation)HMT1:psubMT of HMT2, HMT1과 HMT2의 egv(link1)(link2)
-M1:psubMT of M2, M2:HMT,
-positive inertia(M1) <= positive inertia(M2)
-negative inertia(M1) <= negative inertia(M2)
-M1:psubMT of M2, size (M1)=(n-1)x(n-1), te x s.t. M2x=0 and ...(link참조)일 때 inertia(M2) = inertia(M1) + (1,1,-1)(link)
-M2:invertible, a0=1, ak=det(Mk) where Mk:leading principal kxk subMT of M2일 때 # of negative egv of M2 = # of sign changes in the seq (a0,a1,...,an)(link)
-egv가 real인것도 알고, egv도 real이 되게 선택가능->SMT:odgMT가 된다.
-MT:odgMT이면 MT:SMT도 성립
-(Courant-Fischer Formula)SMT의 egv를 구하는 방법 제시, link참고(link)
-SMT1,SMT2 with tr(SMT1)>=0, tr(SMT2)<0이면 te x in R^n s.t. rt(x)SMT1x >= 0 and rt(x)SMT2x < 0
-about A:ACMT, (λ,x):egv, eigenvector of A
-te DMT s.t. D^2 = IMT and DAD의 모든 off diagonal entries는 nnn(link)
-if A(1,1,...,1) = 0, then inertia(A)=(a,b,c),
where a=A의 strict upper entries중 음수인 것의 개수, b=A의 strict upper entries중 양수 인 것의 개수, c=n-a-b 이고 n-a-b-1=the degree of reducibility of A(link)
-if A:irreducible and all coordinates of x are nonzero
then λ:simple and all subMT of order n-1 of A-λIMT are invertible(link)
-if te no i,k s.t. a_(i,k) != 0 and x_i = x_k =0
then the multiplicities of λ = p + 1 + sum from k=3 to n-1 (k-2)*s_k(link)
where p:the degree of reducibility of A,
s_k:the number of those indices j for which x_j = 0 and a_(j,l):nonzero for exactly k indices l != j.
-if A:irreducible and λ1>=λ2>=...>=λn and λ=λr and x_i:nonzero for any i
then λr:simple and te! unordered pairs r-1개 (i,k) s.t. i != k and a_(i,k)*x_i*x_k < 0(link)
-if A:irreducible and λ:multiple egv
then x has at least one vanishing coordinate.(link)
-if A:irreducible and λ:simple and te no (i,k) s.t. a_(i,k):nonzero, x_i=x_k=0
then x_j=0 이면 d(v_j)=2(여기서 d(v_j)란, A로 만든 graph에서의 degree)(link)
-about bSMT
-M:bsMT iff M=matrix with (1,1)-block=U, (1,2)-block=JVJ, (2,1)-block=V, (2,2)-block=JUJ, where J=square matrix with ones along the antidiagonal and zeros elsewhere.
-spec(M)=the union of spec(U+JV) and spec(V-JU)
-skew-HMT의 성질
-NMT이므로 NMT의 성질을 따름
-모든 egv는 complex(imaginary)
-UnMT의 성질
-NMT이므로 NMT의 성질을 따름
-모든 column은 orthonormal basis를 만든다.
-모든 row은 orthonormal basis를 만든다.
-egv의 절댓값이 항상 1(복소평면상에서 UO1에 놓임)
-Some Decomposition(from recent papers)
-(Vilmar)Find spec(MT) using partition MT into smaller one when MT looks little symmetric(link)
-(Vilmar)MT=block MT(A B C D), 2x2일 때, block MT(A αΒ α^-1C D)의 spectrum은?(link)
-About M1-MT
-for M:M1-MT
-all diagonals of M are nnn
-M:Z-MT
-any psubMT of M is also M1-MT
-if irreducible and not invertible
-0 is egv with am(0)=1 and positive eigenvector
-every psubMT of M(not M) is M2-MT(i.e invertible M1-MT)
-if irreducible and invertible, then inv(M):positive(nnn;보다 강함)(link)
-if M:irreducible, then inv(M) > 0 (not nnn인 것, positive)
-matrix norm관련(|| ||:any matrix norm)(M in M(nxn)(C))(|M1|<=M2, where |M1|각 성분에 modulus취한 것)(N in M(nxn)(C), nnn)(P in M(nxn)(C), positive entries)(n:nnn vector in C^n)(p:positive vector in C^n)
-if for some a, b in R, ap <= Np <= bp이면 a <= specR(N) <= b(link1)
-if for some a, b in R, ap < Np < bp이면 a < specR(N) < b(link1)
-if for some a in R, an < Nn < bn이면 a <= specr(A) ( < bn관련해선 성립안함)(link)
-specR(N+IMT) = specR(N) + 1
-(Frobenius-Konig theorem)perm(N) = 0 iff te P,Q:permutation MT s.t. PNQ=block MT, (1,1)=X, (1,2)=O, (2,1)=Y, (2,2)=Z where O is an sxt zero MT with s+t = n+1
-if DSMT:reducible, then DSMT =_psim diagonal block MT whose all diagonals:DSMTs(link)
-if DSMT:irreducible, then h:=the index of imprimitivity of DSMT일 때 h|n and DSMT =_psim superdiagonal block form, all the blocks are (n/h)-square(link)
(따라서 n:소수인 경우 h=1되고, 따라서 DSMT는 primitive임을 알 수 있다.)
-(Birkhoff's Theorem)
{all DSMT of order n} = conv({all permutation MTs of order n}, the convex polytope(link)
-About DSSMT
-{all DSSMT of order n}=conv({MT(nxn) s.t. MT:(0,1)-MT and 각 행, 열마다 1이 0개 혹은 1개})
-(Characterization by weakly submajorization)
MT:DSSMT iff for any x in R^n(std), MTx weakly submajorize x
-About DSPMT
-{All DSPMT of order n}=convex but not convex hull
-(Characterization by weakly supermajorization)
MT:DSPMT iff for any x in R^n(std), MTx weakly supermajorize x(Need to check)
-About P
-specR(P) is egv with positive egv p이고 am(specR(P))=gm(specR(p))=1(link1)(link2)
-TA(VS(F))은 noncommutative polynomial algebra over F로 간주될 수 있다.
-TA(M):graded(TA(M)의 homogeneous component of degree k를 k-factor of M이라 하고, 그 원소를 k-tensor라 한다.)
-SA(M)관련
-M을 포함하는 R-A(M:R-Md일 때)
-C(M):gradedwhere C(M):=id generated by all elements of the form tp(m1,m2)-tp(m2,m1) for all m1,m2 in M
-따라서 SA(M)도 graded이고(SA(M)의 homogeneous component of degree k를 kth symmetric power of M이라 한다.)
-kth symmetric power of M is equal to TP(M,M,...,M)을 subMd generated by {tp(m1,m2,...,mk)-tp(permuted)}로 quotient한 것
-dim(kth symmetric power of M)=CC(m,k) where m:dim(M)
-dim(SA(M))=sum over k=0 to m CC(m,k)
-kth symmetric power of M은 universal property를 갖는다. f:MxMx...xM->N가 k-multilinear symmetric map이면 te! g:kth symmetric power of M->N s.t. g:R-Md homomorphism and f=g o i
where i:MxMx...xM->kth symmetric power of M, N:R-Md
-dim(VS(F))=n일 때 SA(VS(F))은 commutative polynomial algebra in n variables over F로 간주될 수 있다.
-EA(M)관련
-M을 포함하는 R-A(M:R-Md일 때)
-A(M):graded where A(M):=id generated by all elements of the form tp(m,m) for all m in M
-따라서 A(M)도 graded이고(EA(M)의 homogeneous component of degree k를 kth exterior power of M이라 한다.)
-simple tensors에서는 anticommutative, 즉 for m1, m2 in M, tp(m1,m2)=-tp(m2,m1)
(그렇다고 for a1,a2 in EA(M), a1a2=-a2a1인건 아님)
-kth exterior power of M is equal to TP(M,M,...M)을 subMd generated by {tp(m1,m2,...,mk) s.t. mi=mj for some different i,j}로 quotient한 것
-dim(kth exterior power of M)=C(m,k) where m:dim(M)
-dim(EA(M))=2^m where m:dim(M)
-kth exterior power of M은 universal property를 갖는다. f:MxMx...xM->N가 k-multilinear alternating map이면 te! g:kth exterior power of M->N s.t. g:R-Md homomorphism and f=g o i
where i:MxMx...xM->kth exterior power of M, N:R-Md
-F[[x]]관련
-(infinite product of formal power series의 convergence)
if f_i(x) in F[[x]], lim i->inf deg(f_i(x)-1) = inf, then prod over i>=1 f_i(x):converge
-F[[x]]관련
-F[[x]] is a S_[inf]-set, S_[inf]:=union over n>=2 S_[n]
-Λ관련
-Λ:subalgebra of F[[x]](즉, closed under multiplication)
-Λ = IDP over n>=0 Λ^n, Λ^n := the subspace of symmetric functions of homogenous degree n
-{m_ptt(x) s.t. ptt in PTT(n)}:basis for Λ^n
-{p_ptt s.t. ptt in PTT(n)}:basis for Λ^n(link1)(link2)
-(Jacobi-Trudi Formula)for ptt(n)=(a1,a2,...,al), s_ptt(n) = det(h_(ai - i +j)) for 1<=i,j<=l(단 if ai - i +j<0, h_(ai - i +j)=0, if ai - i +j=0, h_(ai - i +j)=1)
-Quotient Algebra관련
-(First AISO Theorem)ahomo:R-A1->R-A2일 때 (R-A1)/ker(ahomo) aiso ahomo(R-A1)
-(Second AISO Theorem)id1 of R-A, id2 of R-A s.t. id1<id2일 때, (R-A/id1)/(id2/id1) aiso (R-A/id2)
-(Third AISO Theorem)id1 of R-A, id2 of R-A일 때, id1+id2/id2 aiso id1/id1교id2
-homomorphism관련(ahomo:R-A1->R-A2일 때)
-ker(ahomo):id of R-A1
-ahomo(R-A1):subalgebra of R-A2
-Tensor Product관련
-For R:CR_[1], A:R-A, B:R-A일 때 TP(A,B):R-A
(tp(a1,b1)tp(a2,b2)=tp(a1a2,b1b2)로 정의해서)
-Derivation관련
-Der(R-A):R-subMd of End(R-A)
-Der(F-A)는 F-subA of gl(F-A)
-for F:ac-F, f-dim F-A일 때 if x in Der(F-A), then x_ss and x_n 모두 Der(F-A)에 속한다.(link)
-(AOC), Given a collection C of disjoint nonempty sets, te a set D consisting of exactly one element from each element of C
-(Existence of a choice function), Given a collection C of nonempty sets, te a function c:C->union of all E in C s.t. c(S) is an element of S, for each S in C
(즉 C에서의 원소(set인)S마다 S의 원소를 택하는 choice function)
-(Well-ordering Theorem)임의의 E에 대하여, te strict total order relation s.t. E is well-ordered
-(Existence of S_Z)te uncountable well-ordered set s.t. every section is countable
-(HMP)E with strict partial order relation, te maximal subset F with strict total order relation
-(ZL)E with strict partial order relation이고 every subset F of E with strict total order relation(이런 F를 chain in E라 한다.) has an upper bound in E이면 E는 largest element를 갖는다.
({non strict partial order} bijection {strict partial order}이므로, non strict partial order로 theorem이 state되기도 한다.)
(AOC,HMP,WOT,ZL 중 1개를 쓴다는 것은 명시적인 선택 방법은 주지 않은 채 원소들을 선택함을 포함, 이 4개중 1개를 사용하여 증명하면 이 증명은 자동적으로 non-constructive, 즉 그 증명에서의 존재성 등이 실제로 존재하는 대상을 만드는 방법을 주지는 않는다는 것이 된다.)
*Measure Theory
-About Collection of subsets
-About C3
-(Monotone Class Theorem):MC(C3)=C4(C3)(link)(특히 C3가 MC이면 C4가 된다.(link))
-C3가 finite이면 C4이다.
-closed under complement, f-intersection, f-union, relatively complement
-{C3_n}이 inc이면 c-union C3_n은 C3가 된다.
-collection of subsets:C3 iff closed under relatively complement and containing 전체집합
-About C4
-C4는 closed under c-union, c-intersection, complement, relatively complement
-C4는 확률론에선, 가진 information을 표현하는 한 기법이다.
-{C4_n}의 c-union은 C4가 안된다.(inc하더라도 안됨)
-C4(C)는 전체 집합 J에서 C의 원소들로 쪼개진 the finest partition의 원소들의 union+empty이다.
-sM1<<sM and sM2<<sM이면 sM1과 sM2의 linear combination(well-defined될 때)<<sM
-f-sM<<sM iff for any eps>0, te delta>0 s.t. for any E in C4 s.t. |sM|(E)<delta, |f-sM|(E)<eps
-(Radon Nikodym Theorem)(measure represented by integration over another measure)(link1)(link2)(link3)
:sf-M1 << sf-M2 이면 sf-M1을 represent하는 nnn rv MF가 존재, unique up to sf-M2-a.e.
:f-sM << sf-M 이면 f-sM을 represent하는 integrable wrt sf-M이 존재 unique up to sf-M-a.e.
(Probability Theory에서 rdv:(J,C4, ProbM)->(R^n(std), {all LME}), F:=ProbM(rdv^-1)에 대해서
sf-M1=F, sf-M2=LM일 때를 주로 가리키고 이 때 얻은 nnn, rv, integraable, MF를 density of F라 한다.)
(Probability Theory에서 DF를 통해 density f를 단지 미분으로 구할 수 있는 상황은, DF << lebesgue이고 이러한 경우가 안될 때는 언제냐면, DF가 불연속점을 가질 때이다.
DF가 불연속점은 at most countable이고, DF가 미분 불가능한 점은 LM-a.e.이다.(Lebesgue's Theorem에 의해) 고로 DF가 거진다 미분가능하고 그때 density구할 수 있음. DF가 미분불가능할 때 density는 아무렇게나 정의해버려도 어쨌든 적분값은 상관없게 됨.)
(discrete rdv인 경우는, density=0 a.e.이므로 pmf로 새로이 정의한다.)
-(Lebesgue Decomposition Theorem, LDT)의 여러 version(link1)(link2)
:sf-M1, sf-M2가 있으면 sf-M1=sf-M3 + sf-M4 s.t. sf-M3 << sf-M2 and sf-M4 ms sf-M1(unique)
:sf-sM, sf-M이 있으면 sf-sM=sf-sM2 + sf-sM3 s.t. sf-sM2 << sf-M and sf-sM3 ms sf-M