일 | 월 | 화 | 수 | 목 | 금 | 토 |
---|---|---|---|---|---|---|
1 | 2 | |||||
3 | 4 | 5 | 6 | 7 | 8 | 9 |
10 | 11 | 12 | 13 | 14 | 15 | 16 |
17 | 18 | 19 | 20 | 21 | 22 | 23 |
24 | 25 | 26 | 27 | 28 | 29 | 30 |
- 선형회귀
- CLI
- 프로그래머스
- 연습
- 머신러닝
- tensorflow
- python
- 파이썬
- DeepLearning
- 게임
- 흐름도
- 기초
- 추천시스템
- API
- 재귀함수
- Linear
- 템플릿
- PyTorch
- 알고리즘
- 크롤링
- 딥러닝
- 주가예측
- 주식연습
- 가격맞히기
- 코딩테스트
- 코딩
- 주식매매
- 주식
- Regression
- 회귀
- Today
- Total
목록딥러닝 템플릿/추천시스템(RS) 코드 (10)
코딩걸음마
Data Loader data_path = '파일경로' import torch from torch.utils.data import Dataset, DataLoader import pandas as pd import os from sklearn.model_selection import train_test_split import numpy as np def read_data(data_path): df = pd.read_csv(os.path.join(data_path,'rates.csv'))[:10000] train_df, val_df = train_test_split(df, test_size=0.2, random_state=1234, shuffle=True) user_to_index = {original: ..
CTR : user가 추천된 항목을 click할 확률을 예측하는 문제 추가 Feature engeneerig이 필요없다는 것이 Wide & Deep과 차이점이 있다 Explicit / implicit 한 데이터를 모두 모델링하려고 하는 모델이다 !pip install torchfm import numpy as np import torch import torch.nn.functional as F class 설정 class FeaturesLinear(torch.nn.Module): def __init__(self, field_dims, output_dim=1): super().__init__() self.fc = torch.nn.Embedding(sum(field_dims), output_dim) self...
0. 라이브러리 설치 및 불러오기 !pip install pytorch-widedeep import os import pandas as pd import numpy as np from sklearn.model_selection import train_test_split 1. 데이터 불러오기 및 가공 사용할 Dataset은 KMRD Dataset을 사용하였다. https://github.com/lovit/kmrd GitHub - lovit/kmrd: Synthetic dataset for recommender system created from Naver Movie rating system Synthetic dataset for recommender system created from Naver Movie..
Factorization Machine은 SVM과 Factorization Model의 장점을 합친 모델이다. Real valued Feature Vector를 활용한 General Predictor이다. Factorization Mashine의 식은 linear time이다 일반적인 추천시스템은 special input data, optimization algorithm등이 필요하다. 반면, Factorization Machine은 어느곳에서든 쉽게 적용가능하다. SVM은 sparse(희소행렬)한 상황에서 매우 부적절하다는 점을 보완한다. sparse 상황에서도 잘 작동 주요컨셉 sparse한 interation data를 onehot vectorize하여 보완 후 학습 import os import ..