2020-06-22 TIL 기록 시작
Flask Local Server 구동하기 Flask Client Data를 Server DB에 저장하기 Flask Server Data를 Client로 불러오기
오늘 배운 것 Flask data의 가치에 대한 사용자의 주관적인 평가를 통해, data를 유의미한 **기준**에 따라 sort하는 알고리즘을 만들어 보았다
오늘 배운 것 BBS: Bulletin Board System 일반적인 BBS의 구조 Forum - Category - Subforum - Thread - Post CMS(Content Management System)s 국내: XpressEngine(구 제로보
사용자 인증 기능 구현 사용자 이름, email, 프로필 사진 등 연동 성공 Forum: domain Category: domain/board/categoryCode (fixed) Subforum: --/subforumName (flexible) Thread: --/t
Social login 시 추가 info를 묻는 페이지 최종 sign up 버튼을 누르면 social login 정보(uid, name, email, photoURL etc.)와 함께 추가 info(가입일시, country_native, countries_interes
post_article() 시 article data에 uid 추가 post_comment() 시 comment data에 uid 추가 article, comment의 uid와 일치하는 user만 수정/삭제 가능article, comment의 추천 수 측정 방식 보완기
post_comment() 시 comment data에 uid 추가 article, comment의 uid와 일치하는 user만 수정/삭제 가능article, comment의 추천 수 측정 방식 보완기존: 0 + 1보완: upvote_uid_list.length()si
오늘 배운 것 db.users 업데이트 sign up 시 user data에 가입일시 추가(timestamp) UID 활용 중복 추천 방지 기능 article, comment의 추천 수 측정 방식 보완 기존: 0 + 1 보완: 0 + 1, upvote_list 추가
감정 표시(happy/funny/sad/angry) 중복 방지 알고리즘 변경: 감정 표시 시, user_number가 각 감정 list뿐만 아니라 emotion_list에도 추가emotion_list에 추가된 user는 중복 추천 불가 좋아요/싫어요(like/disli
중복 추천 방지를 추천 취소 기능으로 update 하기emotion_list에 user_number가 있는지 검증i) 없다면 emotion +1ii) 있다면 emotion -1일부분을 제외하고는 거의 동일한 함수들을 매개변수를 통해 단일화함으로써 유지보수를 쉽게 하자!
기존: show_all_hot(), show_categories_new() etc.수정: show_articles(type, sort)로 단일화용례1: show_articles('all', 'hot');용례2: show_articles({{categoryCode}},
오늘 배운 것 RDB식 중복 검사: NoSQL을 SQL처럼 article emotion 중복 검사 기존: db.articles collection의 emotionlist 안에 useruid가 있는지 검증 보완 db.emotions collection 생성 emo
다수의 HTML templates에서 중복 출현하는 HTML 요소(div, script 등)을 {% include %}로 분리 프론트엔드 유지보수가 훨씬 용이해졌다. 예시: {% include 'example.html' %} Firebase currentUser의 ui
UN 가입 193개국의 ISO code 47개 언어로 수집된 각국 명칭 Google에서 할당한 47개 language code 47개 언어의 Autological한 명칭 수집한 데이터를 JSON화하여 db에 저장 (※ init_db.py 사용)user가 원하는 cate
오늘 배운 것 Lambda 형식으로 사전 자료형 정렬하기 각 언어로 표시된 국가 리스트를 해당 문자의 오름차순으로 정렬 1. client에서 사용자 언어 받아오기 2. 국가명 DB에서 해당 언어로 작성된 데이터 불러오기 id, lang_code는 제외 3.
오늘 배운 것 user data의 language로 국가명 번역 국가-언어 DB 사용 if (user != null) { 1단계) currentUser의 uid 얻기 2단계) /api/user/${uid} route의 API를 통해 db.user에서 user l
오늘 배운 것 새 Category 생성하기 user가 원하는 category를 생성하는 기능 필수 input values: 대분류(Subforum), categoryname, categorycode server API에서 다음 정보 추가: 생성자(user_uid
변경 전: Forum > Subform > Category > Article 변경 후: Forum > Category > Board > Topic 변경 전: uid로만 db.users search변경 후:
list, JSON 배열 등을 사전순으로 정렬하는 방법 게르만어파 언어 표기에 사용되는 문자들의 정렬 문제 해결localeCompare()라는 JavaScript 표준 내장 객체를 사용하여 .sort()만 썼을 때보다 더 정확한 자연어 정렬이 가능해졌다. Der deu
수정 전 제대로 정렬되지 않았던 중국어 등에서 정상적으로 localeCompare() 함수가 기능하는 것을 확인활용 예제.prop('checked')는 checkbox의 체크 여부를 boolean으로 반환
오늘 배운 것 JavaScript Number() isChecked는 checkbox가 체크되었을 때 1, 비어 있을 때 0이 된다.
bable 모듈에서 numbers, dates 등을 import하여 locale 별 숫자/날짜 표기를 변경해 보았다.Flask-Babel module을 사용하여 client에서 request 받은 locale code에 따라 페이지를 번역해서 보여주자.
오늘 배운 것 Python Flask-Babel Module gettext web service의 i18n, user interface의 L10n에서 가장 많이 쓰이게 될 함수 백 python에서는 gettext, 프론트 html에서는 jinja를 활용 translat
오늘 배운 것 Category 내 Board list 정렬 aside category 메뉴를 열었을 때 인기 상위 10개의 board가 먼저 list되는 기능 구현 more 링크로 들어가면 인기 랭킹을 먼저 보여주고, 나머지 전체 리스트를 alphanumeric 순서로
오늘 배운 것 즐겨찾기 기능 개별 board 페이지에서 '☆'(favorite) 버튼을 누를 경우 db.favorite에 boardid, userid 정보 저장 db.board의 해당 board data의 'favorites' 값에 +1 '☆' => '★'
docHeight에서 1 이상을 빼야 정상 작동하는 것 같다. 다양한 device/browser에서 실험해 볼 필요가 있겠다. aside의 공부할 책: Hands-On Machine Learning with Scikit-Learn, Keras, and TensorFlo
7/25(토)까지 Ch.1 한눈에 보는 머신러닝 학습 완료 https://www.youtube.com/channel/UCubzmHb0bcOtWzL4mu3-e6g
Term 1. Quantitative Trading Lesson 1 - 3. Welcome 재무회계 복습 전공 기초부터 다시 공부
Financial Accounting, IFRS Edition, 2e th Jerry J. Weygandt 분개장/총계정원장/시산표/손익계산서/재무상태표 작성 Anaconda3 설치 간단한 Numpy, Pandas 예제 Exercise
Lesson 4. Stock Prices
자세한 내용은 아래 링크 참조 Lesson 5. Market Mechanics Lesson 6. Data Processing Lesson 7. Stock Returns Lesson 8. Momentum Trading
Lesson 5. Market Mechanics Lesson 6. Data Processing Lesson 7. Stock Returns Maclaurin Series 매클로린 급수 Ratio Test 비판정법 Lesson 7. Stock Returns 보충 Lesso
Lesson 7. Stock Returns 보충Lesson 8. Momentum TradingLesson 9. Project_1 - Trading with Momentum
Lesson 9. Project_1 - Trading with Momentum 01.02 수열과 집합의 합과 곱
Lesson 10. Quant Workflow Lesson 11. Outliers and Filtering Lesson 12. Regression OLS(Ordinary Least Squares) 최소제곱법 coefficient of determination (R^2)
Lesson 13. Time Series Modeling 02.01 데이터와 행렬Lesson 14. Volatility Lesson 15. Pairs Trading and Mean Reversion
2.2 벡터와 행렬의 연산 2.3 행렬의 성질Lesson 14. Volatility Lesson 15. Pairs Trading and Mean Reversion 2.4 선형 연립방정식과 역행렬
Lesson 14. Volatility Lesson 15. Pairs Trading and Mean Reversion Lesson 16. Project 2 - Breakout Strategy 2.4 선형 연립방정식과 역행렬
Lesson 16. Project 2 - Breakout Strategy 2.4 선형 연립방정식과 역행렬 Lesson 16. Regression (8-18) 발표자료 준비
오늘 배운 것 Quant 복습 12-1. 회귀분석을 하기 위한 준비 12-2. Simple Linear Regression 단순회귀분석 [12-3. Evaluation of Regression Models 회귀 모형의 적합도 판정](https://velog.io/@ye
Lesson 17. Stocks, Indices, Funds Investment Funds Mutual Funds Hedge Funds Futures Options Lesson 18. ETFs
Lesson 18. ETFs Create/Redeem Process AP가 ETF로 차익을 실현할 수 있는 이유 Lesson 19. Portfolio Risk and Return
Lesson 19. Portfolio Risk and Return 공분산,상관계수 무위험자산과 투자결정원리 자본시장선(CML) 체계적위험과 베타계수 증권시장선(SML) Lesson 19. Portfolio Risk and Return 발표 자료 Lesson 20. Po
\[금융] Efficient Frontier/CML 효율적 투자선과 자본시장선\[금융] SML/CAPM 증권시장선과 자본자산 가격결정 모형삼각함수의 미분 합성함수의 미분 음함수의 미분 Lesson 20. Portfolio Optimization3.1 MNIST
01-hello-world 02-visualizing-a-decision-tree 03-good-features 04-pipeline 기초적분법 - 치환적분 Lesson 20. Portfolio Optimization Lesson 21. Project 3 - Smart
Lesson 20. Portfolio Optimization 최적화이론 - 선형 등식 및 부등식 제약 조건Lesson 21. Project 3 - Smart Beta and Portfolio Optimization
Lesson 21. Project 3 - Smart Beta and Portfolio Optimization Chapter 3. 분류 3.1 MNIST 3.2 이진 분류기 훈련 3.3 성능 측정 오차 행렬 정밀도/재현율 ROC 곡선 3.4 다중 분류 3.5 에러 분석
05-classifier (K Nearest Neighbors) Reducing Loss Lesson 22. Factors
Lesson 22. Factors Lesson 23. Factor Models and Types of Factors (1) The Fama and French Three-Factor Model (FF Model) The Chen, Novy-Marx and Zhang T
Lesson 23. Factor Models and Types of Factors (2) Lesson 24. Risk Factor Models 신경망이란 무엇인가? | 1장.딥러닝에 관하여
오늘 배운 것 Quant Lesson 24. Risk Factor Models Hands-on Machine Learning Chapter 4. 모델 훈련 4.1 선형회귀 4.1.1 정규방정식 4.1.2 계산 복잡도 4.2 경사 하강법 4.2.1 배치 경사
Lesson 24. Risk Factor Models Lesson 25. Time Series and Cross Sectional Risk Models
Lesson 25. Time Series and Cross Sectional Risk Models Lesson 23. Factor Models and Types of Factors 복습 투자론: 단일지수와 다요인모형 데이터 사이언스 스쿨: 시계열 요인 모형 Titani
\[금융/통계] 요인 모형: Factor Models and Types of Factors\[금융/통계] 위험 요인(β)과 알파 요인(α)Titanic: Machine Learning from Disaster캐글 - 타이타닉 생존자
Titanic: Machine Learning from Disaster 캐글 - 타이타닉 생존자 Lesson 25. Risk Factor Models with PCA
오늘 배운 것 3Blue1Brown: Linear Algebra 07 Inverse matrices, column space and null space 08 Nonsquare matrices
Lesson 26. Risk Factor Models with PCA 09 Dot products and duality 10 Cross products 11 Cross products in the light of linear transformations Lesson 2
Lesson 27. Alpha Factors (1) Sector Neutralization Ranking Z-scoring Smoothing Lesson 27. Alpha Factors (2)
Lesson 27. Alpha Factors (2) 알파가 위험에 비해 충분한 수익을 주는가?Sharpe Ratio Information Coefficient (IC)Information Ratio (IR, 정보 비율)Quantile Analysis Turnover A
Factor returns Sharpe ratio 4.3 ~ 4.8
4.3 ~ 4.7Lesson 27. Alpha Factors (3)
Lesson 27. Alpha Factors (3) Lesson 28. Alpha Factor Research Methods 3Blue1Brown: Linear Algebra
오늘 배운 것 Quant Lesson 28. Alpha Factor Research Methods 3Blue1Brown: Linear Algebra 13 Change of Basis 14 Eigenvectors and eigenvalues 15 Abstract Vec
Lesson 29. Advanced Portfolio Optimization (1) Lesson 29. Advanced Portfolio Optimization (2)
Lesson 29. Advanced Portfolio Optimization (2) aside_board_info 추가 Project 4. Alpha Research and Factor Modeling
Eigenvectors and Eigenvalues Singular Value Decomposition (SVD) Project 4 - Alpha Research and Factor Modeling Principal Componenet Analysis (PCA)
Project 4 - Alpha Research and Factor Modeling (1) Risk Factor Modeling with PCA Project 4 - Alpha Research and Factor Modeling (2)
Project 4 - Alpha Research and Factor Modeling (2) Alpha Research Chapter 5. SVM: Support Vector Machine
Chapter 5. SVM: Support Vector Machine Term 2. AI Algorithms in Trading 시작
Lesson 1. Welcome To Term 2 미적분학의 본질 도함수 미분법 (1) 미분법의 기하학적 이해 미분법 (2) 선형성/곱의 법칙/연쇄 법칙 지수의 도함수 / 자연상수 Lesson 2. Intro to Natural Language Processing
오늘 배운 것 Quant Lesson 2. Intro to Natural Language Processing 내일 배울 것
BoWTF-IDFOne-Hot Encoding Word Embeddings Word2VecCBoW : Continuous Bag of Words Skip-Gram GloVe Lesson 5. Financial Statements
Lesson 5 - 6. Raw Strings Lesson 5 - 7. Finding Words Lesson 5 - 8. Finding Metacharacters Lesson 5 - 13. Finding Complicated Patterns Lesson 5 - 14.
2020 Financial Big-Data Festival (1) AI Algorithms Lesson 5. Financial Statements (2) Lesson 6. Basic NLP Analysis
Lesson 5. Financial Statements (2) Lesson 6. Basic NLP Analysis \[자연어처리] Basic NLP Analysis2020 Financial Big-Data Festival (2)
Pandas DataFrame: Multi-Index Lesson 7. Project 5 - NLP on Financial Statements
전처리한 거래 데이터에 머신러닝 모델 적용, 미래 거래종목 예측 Lesson 7. Project 5 - NLP on Financial Statements
Lesson 7. Project 5 - NLP on Financial Statements Lesson 8. Introduction to Neural Networks
Perceptron 퍼셉트론 Softmax Function 소프트맥스 함수 Maximum Likelihood Estimation 최대우도추정 Cross-Entropy 크로스 엔트로피 Multi-class Cross-Entropy 다중 분류 크로스 엔트로피 Error F
Lesson 9. Training Neural Networks Lesson 10. Deep Learning with PyTorch
Part 1 - Tensors in PyTorch Part 2 - Neural Networks in PyTorch Part 3 - Training Neural Networks Part 4 - Fashion-MNIST Part 5 - Inference and Valida
Part 6 - Saving and Loading Models Part 7 - Loading Image Data Part 8 - Transfer Learning Recurrent Neural Networks (RNN)Long Short-Term Memory (LSTM)
Logistic Regression as a Neural Network - Binary Classification - Logistic Regression - Gradient Descent - Computation Graph - Logistic Regression
Python and Vectorization Logistic Regression on m examples Neural Network Representation Vectorizing across multiple examples Derivatives of Activatio
Backpropagation intuition 복습 Deep L-layer Neural Network Forward and Backward Propagation Neural Networks and Deep Learning 수료Deep Neural Network 예제 코
Deep Neural Network 예제 코드 작성 MNIST Fashion-MNIST California Housing 주가/거래량 데이터를 사용한 미래 인기 종목 예측
Hyperparameter tuning, Regularization and Optimization L2 Regularization Dropout Regularization Data Augmentation Early Stopping
주가/거래 데이터를 사용한 미래 거래종목 예측(60~70% 정확도)
Normalizing Inputs Vanishing/Exploding Gradients Weight Initialization Numerical Approximation of Gradients Gradient Checking Optimization Algorithms
Mini-batch Gradient Descent Batch Gradient Descent : mini-batch size=$m$ Stochastic Gradient Descent : mini-batch size=1 EWMA: Exponentially Weighted
Learning Rate DecayLocal Optima Problem Hyperparameter Tuning Batch Normalization Multi-class Classification
Batch Normalization Multi-class Classification PyTorch Tutorial
Tensor Manipulation 1 Gauss-Jordan Elimination Cramer's Rule Cofactor Matrix Jacobian Matrix Multiple(Double, Triple) Integral PyTorch 실습: 거래 종목 예측
PyTorch Lab-01-2 Tensor Manipulation 2 PyTorch Lab-02 Linear regression Linear Programming
PyTorch Lab-03 Deeper Look at GD PyTorch Lab-04 Multivariate Linear regression Deep Learning Zero to All
Lab-05 Logistic Regression Lab-06 Softmax Classification Lab-07-1 Data Preprocessing Lab-07-2 MNIST Introduction Southwest Airlines Case Report Deep L
Lab-08 Perceptron Lab-09-1 ReLU Lab-09-2, 3 Weight initialization, Dropout Lab-09-4 Batch Normalization Lab-10-1 Convolution Lab-10-2 CNN - MNIST Lab-
Lab-11-1 RNN basics Lab-11-2 RNN hihello and charseq Lab-11-3 RNN Long sequence Lab-11-4 RNN timeseries Lab-11-5 RNN Seq2Seq Southwest Airlines Case d
Lab-11-1 RNN basics Lab-11-2 RNN hihello and charseq Lab-11-3 RNN Long sequence Lab-11-4 RNN timeseries Lab-11-5 RNN Seq2Seq Southwest Airlines Case d
Strategic Management U.S. Air Carriers Industry Data Analysis Southwest Airlines Data Analysis 2010-2019 10-K Reports 2010-2019 Air Carrier Traffic
LG화학 1997 Six Sigma 현대자동차 1999 Q-Star
Statistics Bayes' Theorem
Southwest Airlines Case Study Report U.S. Airline Industry Analysis Bar, Pie, Line, Scatter U.S. Airline Data Visualization
Time Series Analysis ARIMA 2020 금융 빅데이터 페스티벌 미래에셋
Airbnb Data PreprocessingInside Airbnb http://insideairbnb.com/get-the-data.htmlstatsmodels.api OLS Regression Regression Assumptions Checking Se
재무제표 복습 - 손익계산서 분개장/총계정원장/시산표/손익계산서/재무상태표 작성 "Socar" Case Study Prep Sentiment Prediction RNN Decision Tree
Linear Systems Game Theory Market Equilibrium Consumer/Producer SurplusTax RevenueDeadweight LossPrice Ceiling Break-even Point Linear Algebra Gaussia
Linear Programming Simplex Algorithm 재무제표 복습 - 재무상태표
Statement of financial position (Balance sheet) 재무상태표 (대차대조표) Income statement (Profit and loss report (P&L report)) 손익계산서 Cash flow statement 현금흐름표 1
기업가치평가를 위한 기초적인 재무분석지표 (PER, PBR, PCR 등)
Southwest Airlines Case Study Final Report / Presentation Porter's 5 Forces Model PESTEL / SWOT / VRIO / BCG Matrix Python 활용한 시계열 데이터 분석 Airbnb Custo
머신러닝 모델 Random Forest, 대표적인 Ensemble Methods의 하나
2020 한국디지털콘텐츠학회 학술발표대회 투자자산운용사 컴퓨터활용능력2급 TOEIC JPT KRX ETF 대상(인덱스, 레버리지, 인버스, 원유) 롱숏 백테스트 월수익률 3.8%, 샤프비율(연) 1.4538 210303 현재 1개월 예측모형 정확도 46.31%
OPIc AL 2021 한국정보기술학회 학술발표대회 NLP, Deep learning 06/14 ~ 06/25