SlideShare a Scribd company logo
1 of 86
Download to read offline
Link Prediction 방법의 개념 및 활용
Kyunghoon Kim
UNIST Mathematical Sciences
kyunghoon@unist.ac.kr
2015. 9. 3.
Kyunghoon Kim (UNIST) Network Link Prediction 2015. 9. 3. 1 / 86
About me
Speaker
Kyunghoon Kim (Graduate Student)
UNIST (Ulsan National Institute of Science and Technology)
Mathematical Sciences, School of Natural Sciences
Lab
Adviser : Bongsoo Jang
Homepage : http://amath.unist.ac.kr
“Be the light that shines the world with science and technology.”
Kyunghoon Kim (UNIST) Network Link Prediction 2015. 9. 3. 2 / 86
목차
1 Social Network
2 Link Prediction
Research Trend
Definition
Framework
Example
Theory
3 Link Prediction with Python
4 데모
Kyunghoon Kim (UNIST) Network Link Prediction 2015. 9. 3. 3 / 86
Social Network
A social network is a social structure made up of
a set of social actors (such as individuals or organizations)
and a set of the dyadic ties (or interactions, relations) between these actors.
Kyunghoon Kim (UNIST) Network Link Prediction 2015. 9. 3. 4 / 86
Social Network : Internet
Ref: http://supraliminalsolutions.com/
Kyunghoon Kim (UNIST) Network Link Prediction 2015. 9. 3. 5 / 86
Social Network : Information exchange
Ref: https://niftynotcool.files.wordpress.com/2013/12/internet-wallpaper-hd.jpg
Kyunghoon Kim (UNIST) Network Link Prediction 2015. 9. 3. 6 / 86
Social Network : Degree Centrality
Kyunghoon Kim (UNIST) Network Link Prediction 2015. 9. 3. 7 / 86
Social Network : Betweenness Centrality
Kyunghoon Kim (UNIST) Network Link Prediction 2015. 9. 3. 8 / 86
Social Network : IoT (Internet of Things)
Ref: http://www-01.ibm.com/common/ssi/cgi-bin/ssialias?subtype=XB&infotype=PM&appname=GBSE_GB_TI_
USEN&htmlfid=GBE03620USEN&attachment=GBE03620USEN.PDF
Kyunghoon Kim (UNIST) Network Link Prediction 2015. 9. 3. 9 / 86
Social Network : Problem
Non-trivial task
incompletion
dynamic
Kyunghoon Kim (UNIST) Network Link Prediction 2015. 9. 3. 10 / 86
Research Trend of Link Prediction
Keyword “link prediction social network”
Wang, Peng, et al. ”Link prediction in social networks: the state-of-the-art.” Science China Information Sciences 58.1 (2015):
Kyunghoon Kim (UNIST) Network Link Prediction 2015. 9. 3. 11 / 86
Application of Link Prediction
1 추천 시스템 (links)
친구 추천 (12’)
공동저자 추천 (07’)
온라인 쇼핑몰의 상품 추천 (11’)
특허 추천 (13’)
타분야 협력자 추천 (12’)
연락처 추천 (11’)
Kyunghoon Kim (UNIST) Network Link Prediction 2015. 9. 3. 12 / 86
Application of Link Prediction
2 복잡계 연구 (links)
네트워크 진화 연구 (02’)
웹사이트 링크 예측 (02’)
Kyunghoon Kim (UNIST) Network Link Prediction 2015. 9. 3. 13 / 86
Application of Link Prediction
3 다양한 분야에 적용 (links)
헬스케어 (12’)
단백질 네트워크 (12’)
비정상적 커뮤니케이션 확인 (09’)
Kyunghoon Kim (UNIST) Network Link Prediction 2015. 9. 3. 14 / 86
Research Trend of Link Prediction
Wang, Peng, et al. ”Link prediction in social networks: the state-of-the-art.” Science China Information Sciences 58.1 (2015)
Kyunghoon Kim (UNIST) Network Link Prediction 2015. 9. 3. 15 / 86
Research Trend of Link Prediction
Wang, Peng, et al. ”Link prediction in social networks: the state-of-the-art.” Science China Information Sciences 58.1 (2015)
Kyunghoon Kim (UNIST) Network Link Prediction 2015. 9. 3. 16 / 86
Research Trend of Link Prediction
Wang, Peng, et al. ”Link prediction in social networks: the state-of-the-art.” Science China Information Sciences 58.1 (2015)
Kyunghoon Kim (UNIST) Network Link Prediction 2015. 9. 3. 17 / 86
Research Trend of Link Prediction
Wang, Peng, et al. ”Link prediction in social networks: the state-of-the-art.” Science China Information Sciences 58.1 (2015)
Kyunghoon Kim (UNIST) Network Link Prediction 2015. 9. 3. 18 / 86
Research Trend of Link Prediction
Wang, Peng, et al. ”Link prediction in social networks: the state-of-the-art.” Science China Information Sciences 58.1 (2015)
Kyunghoon Kim (UNIST) Network Link Prediction 2015. 9. 3. 19 / 86
Definition of Link Prediction
사회망(social networks)에서 링크 예측이란
지금의 네트워크에서 빠진 링크를 예측하는 것
미래의 네트워크에서 새롭게 나타나거나 사라질 링크를 예측하는 것
Kyunghoon Kim (UNIST) Network Link Prediction 2015. 9. 3. 20 / 86
Definition of Link Prediction
Kyunghoon Kim (UNIST) Network Link Prediction 2015. 9. 3. 21 / 86
Definition of Link Prediction
Kyunghoon Kim (UNIST) Network Link Prediction 2015. 9. 3. 22 / 86
Definition of Link Prediction
사회망
G(V , E) at t
에 대해,
링크가 생기거나 사라지는 것을 (t′ > t)
빠진 링크나 관찰되지 않은 링크가 있는 것을 (at t)
찾아내는 것.
Kyunghoon Kim (UNIST) Network Link Prediction 2015. 9. 3. 23 / 86
Framework of Link Prediction
Wang, Peng, et al. ”Link prediction in social networks: the state-of-the-art.”
Science China Information Sciences 58.1 (2015): 1-38.
Kyunghoon Kim (UNIST) Network Link Prediction 2015. 9. 3. 24 / 86
Link Prediction Example : Terrorist Networks
Kyunghoon Kim (UNIST) Network Link Prediction 2015. 9. 3. 25 / 86
Link Prediction Example : Terrorist Networks
Problems of criminal network analysis
1 Incompleteness - the inevitability of missing nodes and links that the
investigators will not uncover.
2 Fuzzy boundaries - the difficulty in deciding who to include and who
not to include.
3 Dynamic - these networks are not static, they are always changing.
http://pear.accc.uic.edu/ojs/index.php/fm/article/view/941/863
Kyunghoon Kim (UNIST) Network Link Prediction 2015. 9. 3. 26 / 86
Link Prediction Example : Terrorist Networks
Several summaries of data about hijackers in major newspaper
Sydney Morning Herald, 2001
Washington Post, 2001
From 2 to 6 weeks after the event, it appeared that a new relationship
or node was added to the network on a daily basis.
Kyunghoon Kim (UNIST) Network Link Prediction 2015. 9. 3. 27 / 86
Link Prediction Example : Terrorist Networks
Kyunghoon Kim (UNIST) Network Link Prediction 2015. 9. 3. 28 / 86
Link Prediction Example : Terrorist Networks
Kyunghoon Kim (UNIST) Network Link Prediction 2015. 9. 3. 29 / 86
Link Prediction Example : Terrorist Networks
Kyunghoon Kim (UNIST) Network Link Prediction 2015. 9. 3. 30 / 86
Link Prediction Example : Terrorist Networks
Kyunghoon Kim (UNIST) Network Link Prediction 2015. 9. 3. 31 / 86
Link Prediction Example : Terrorist Networks
Kyunghoon Kim (UNIST) Network Link Prediction 2015. 9. 3. 32 / 86
Link Prediction Example : Terrorist Networks
Kyunghoon Kim (UNIST) Network Link Prediction 2015. 9. 3. 33 / 86
링크 예측의 이론
https://www.cs.umd.edu/class/spring2008/cmsc828g/
Slides/link-prediction.pdf
Liben‐Nowell, David, and Jon Kleinberg. “The link‐prediction problem
for social networks.” Journal of the American society for information
science and technology 58.7 (2007): 1019-1031.
Kyunghoon Kim (UNIST) Network Link Prediction 2015. 9. 3. 34 / 86
링크 예측의 세분화
Wang, Peng, et al. ”Link prediction in social networks: the state-of-the-art.”
Kyunghoon Kim (UNIST) Network Link Prediction 2015. 9. 3. 35 / 86
링크 예측의 세분화
Kyunghoon Kim (UNIST) Network Link Prediction 2015. 9. 3. 36 / 86
Link Prediction with Python
Contents
Scikit-learn
Large-scale Matrix
Books
NumPy & Pandas
Morpheme Analyzer
NetworkX
IPython & D3.js
Kyunghoon Kim (UNIST) Network Link Prediction 2015. 9. 3. 37 / 86
K-means Algorithm
Kyunghoon Kim (UNIST) Network Link Prediction 2015. 9. 3. 38 / 86
K-means Algorithm
from sklearn import cluster
k = 2
kmeans = cluster.KMeans(n_clusters=k)
kmeans.fit(data)
Kyunghoon Kim (UNIST) Network Link Prediction 2015. 9. 3. 39 / 86
K-means Algorithm
http://cjauvin.blogspot.kr/2014/03/k-means-vs-louvain.html
Kyunghoon Kim (UNIST) Network Link Prediction 2015. 9. 3. 40 / 86
얼마나 큰 행렬을 다룰 수 있나요?
NetworkX는 기본 네트워크 구조로 “dictionary of dictionaries of
dictionaries”를 사용
dict-of-dicts-of-dicts 자료 구조의 장점:
Find edges and remove edges with two dictionary look-ups.
Prefer to “lists” because of fast lookup with sparse storage.
Prefer to “sets” since data can be attached to edge.
G[u][v] returns the edge attribute dictionary.
n in G tests if node n is in graph G.
for n in G: iterates through the graph.
for nbr in G[n]: iterates through neighbors.
https://networkx.github.io/documentation/latest/reference/introduction.html
Kyunghoon Kim (UNIST) Network Link Prediction 2015. 9. 3. 41 / 86
얼마나 큰 행렬을 다룰 수 있나요?
Kyunghoon Kim (UNIST) Network Link Prediction 2015. 9. 3. 42 / 86
얼마나 큰 행렬을 다룰 수 있나요?
Million-scale Graphs Analytic Frameworks
SNAP : http://snap.stanford.edu/snappy/index.html
Billion-scale Graphs Analytic Frameworks
Apache Hama : https://hama.apache.org/ (소개글)
Pegasus : http://www.cs.cmu.edu/~pegasus/
s2graph : https://github.com/daumkakao/s2graph (슬라이드)
Graph Database
Neo4j : http://neo4j.com/
OrientDB : http://orientdb.com/
Kyunghoon Kim (UNIST) Network Link Prediction 2015. 9. 3. 43 / 86
네트워크 공부를 위한 기본 서적
1 Networks: An Introduction by Mark Newman
2 링크 : 21세기를 지배하는 네트워크 과학 LINKED The New Science of Networks
Kyunghoon Kim (UNIST) Network Link Prediction 2015. 9. 3. 44 / 86
링크를 예측하기 위한 준비 운동
1 NumPy : 계산 속도에 최적화된 모듈
2 Pandas : 데이터 구조
Kyunghoon Kim (UNIST) Network Link Prediction 2015. 9. 3. 45 / 86
NumPy: Numerical Python
다차원 배열
1 근접 메모리를 사용하고, C언어로 구성됨
2 하나의 데이터 타입
3 연산이 한 번에 배열 내의 모든 요소에 적용됨
http://www.numpy.org/
Kyunghoon Kim (UNIST) Network Link Prediction 2015. 9. 3. 46 / 86
NumPy: Numerical Python
tic = timeit.default_timer()
for index, value in enumerate(b):
b[index] = value*1.1
toc = timeit.default_timer()
print toc-tic
1.82178592682
Kyunghoon Kim (UNIST) Network Link Prediction 2015. 9. 3. 47 / 86
NumPy: Numerical Python
import numpy as np
import timeit
a = np.arange(1e7)
b = list(a)
tic = timeit.default_timer()
a = a*1.1
toc = timeit.default_timer()
print toc-tic
0.029629945755
사용 방법에 따라, ndarray의 연산 속도는 list()보다 훨씬 빠름.
Kyunghoon Kim (UNIST) Network Link Prediction 2015. 9. 3. 48 / 86
Pandas: Python Data Analysis Library
Kyunghoon Kim (UNIST) Network Link Prediction 2015. 9. 3. 49 / 86
Pandas / get data yahoo
%pylab inline
import pandas as pd
import pandas.io.data
import datetime
start=datetime.datetime(2015,1,1); end=datetime.datetime(2015,8,26)
text = """A, AAPL, AMCC, AMD, AMGN, AMKR, AMNT.OB, AMZN, APC, ASOG.P
text = text.replace(’ ’, ’’).split(’,’)
corps = []
for t in text:
if ’.’ not in t:
corps.append(t)
Code : https://goo.gl/8ddrnS
Kyunghoon Kim (UNIST) Network Link Prediction 2015. 9. 3. 50 / 86
Pandas / get data yahoo
df = pd.io.data.get_data_yahoo(corps, start=start, end=end)
df[’Adj Close’].head()
Kyunghoon Kim (UNIST) Network Link Prediction 2015. 9. 3. 51 / 86
Pandas / Return Value
returns = df[’Adj Close’].pct_change()
corr = returns.corr()
corr
Kyunghoon Kim (UNIST) Network Link Prediction 2015. 9. 3. 52 / 86
Pandas / Correlation
bm = corr>0.5
bm.astype(int)
Kyunghoon Kim (UNIST) Network Link Prediction 2015. 9. 3. 53 / 86
Pandas / Convert to array
mat = bm.astype(int).values
mat
Kyunghoon Kim (UNIST) Network Link Prediction 2015. 9. 3. 54 / 86
NetworkX / from numpy matrix
import networkx as nx
graph = nx.from_numpy_matrix(mat)
graph = nx.relabel_nodes(graph, dict(enumerate(bm.columns)))
nx.draw(graph, with_labels=True)
Kyunghoon Kim (UNIST) Network Link Prediction 2015. 9. 3. 55 / 86
NetworkX / figsize
plt.figure(figsize=(20, 20))
nx.draw_spring(graph, with_labels=True)
Kyunghoon Kim (UNIST) Network Link Prediction 2015. 9. 3. 56 / 86
NetworkX / figsize
first = sorted(nx.connected_components(graph),
key=len, reverse=True)[0]
G = graph.subgraph(first)
nx.draw(G, with_labels=True)
Kyunghoon Kim (UNIST) Network Link Prediction 2015. 9. 3. 57 / 86
NetworkX / 결국 Gephi에서 작업?
nx.write_gexf(G, ’graph.gexf’)
Gephi에서 gexf 열기
Kyunghoon Kim (UNIST) Network Link Prediction 2015. 9. 3. 58 / 86
KoNLPy
Kyunghoon Kim (UNIST) Network Link Prediction 2015. 9. 3. 59 / 86
mecab-ko
은전한닢 프로젝트( http://eunjeon.blogspot.kr/ )
검색에서 쓸만한 오픈소스 한국어 형태소 분석기를 만들자! by 이용운, 유영호
$ sudo docker pull koorukuroo/mecab-ko
$ sudo docker run -i -t koorukuroo/mecab-ko:0.1
안녕하세요
안녕 NNG,*,T,안녕,*,*,*,*
하 XSV,*,F,하,*,*,*,*
세요 EP+EF,*,F,세요,Inflect,EP,EF,시/EP/*+어요/EF/*
EOS
https://github.com/koorukuroo/mecab-ko
Kyunghoon Kim (UNIST) Network Link Prediction 2015. 9. 3. 60 / 86
mecab-ko
Kyunghoon Kim (UNIST) Network Link Prediction 2015. 9. 3. 61 / 86
mecab-ko-web
$ sudo docker pull koorukuroo/mecab-ko-web
$ sudo docker run -i -t koorukuroo/mecab-ko-web:0.1
172.17.0.43 (Docker Container IP)
127.0.0.1
* Running on http://0.0.0.0:5000/ (Press CTRL+C to quit)
>>> import urllib2
>>> response = urllib2.urlopen(’http://172.17.0.43:5000/?text=안녕’)
>>> text = response.read()
>>> print text
안녕 NNG,*,T,안녕,*,*,*,*
EOS
https://github.com/koorukuroo/mecab-ko-web
Kyunghoon Kim (UNIST) Network Link Prediction 2015. 9. 3. 62 / 86
mecab api
http://information.center/api/korean?sc=APIKEY&s=안녕하세요
http://information.center/korean
Kyunghoon Kim (UNIST) Network Link Prediction 2015. 9. 3. 63 / 86
mecab api
import Umorpheme.morpheme as um
from collections import OrderedDict
s = ’유니스트는 울산에 있습니다’
server = ’http://information.center/api/korean’
apikey = ’’ # Register at http://information.center/korean
data = um.analyzer(s, server, apikey, ’유니스트,UNIST’, 1)
temp =
for key, value in data.items():
temp[int(key)] = value
data = OrderedDict(sorted(temp.items()))
for i, j in data.iteritems():
print i, j[’data’], j[’feature’]
0 유니스트 CUSTOM
1 는 JX
2 울산 NNP
3 에 JKB
4 있 VV
5 습니다 EC
Kyunghoon Kim (UNIST) Network Link Prediction 2015. 9. 3. 64 / 86
Pandas에 대한 자세한 내용은..
Kyunghoon Kim (UNIST) Network Link Prediction 2015. 9. 3. 65 / 86
링크 예측의 기본 정의
Γ(x) : 점 x의 이웃들의 집합
|Γ(x)| : 점 x의 이웃들의 개수
Kyunghoon Kim (UNIST) Network Link Prediction 2015. 9. 3. 66 / 86
공통 이웃들
공통 이웃들(Common Neighbors):
CN(u, v) = |Γ(u) ∩ Γ(v)|
본 그래프는 실제가 아닌 가상으로 설정된 상황임을 알려드립니다
Kyunghoon Kim (UNIST) Network Link Prediction 2015. 9. 3. 67 / 86
리소스 할당 지수
리소스 할당 지수(Resource Allocation Index):
w∈Γ(u)∩Γ(v)
1
|Γ(w)|
Kyunghoon Kim (UNIST) Network Link Prediction 2015. 9. 3. 68 / 86
리소스 할당 지수
리소스 할당 지수(Resource Allocation Index):
w∈Γ(u)∩Γ(v)
1
|Γ(w)|
preds = nx.resource_allocation_index(G)
for u, v, p in preds:
print ’(%s, %s) -> %.8f’ % (u, v, p)
Kyunghoon Kim (UNIST) Network Link Prediction 2015. 9. 3. 69 / 86
리소스 할당 지수
(수지, 혜리) -> 0.33333333
(수지, 경훈) -> 0.83333333
(아이유, 민호) -> 1.00000000
(혜리, 민호) -> 0.00000000
(혜리, 경훈) -> 0.33333333
Kyunghoon Kim (UNIST) Network Link Prediction 2015. 9. 3. 70 / 86
리소스 할당 지수
w∈Γ(u)∩Γ(v)
1
|Γ(w)|
(수지, 혜리) -> 0.33333333
(수지, 경훈) -> 0.83333333
(아이유, 민호) -> 1.00000000
(혜리, 민호) -> 0.00000000
(혜리, 경훈) -> 0.33333333
Kyunghoon Kim (UNIST) Network Link Prediction 2015. 9. 3. 71 / 86
한국어 표시하기
pip install --upgrade
git+https://github.com/koorukuroo/networkx_for_unicode
import matplotlib.font_manager as fm
fp1 = fm.FontProperties(fname="./NotoSansKR-Regular.otf")
nx.set_fontproperties(fp1)
G = nx.Graph()
G.add_edge(u’한국어’,u’영어’)
nx.draw(G, with_labels=True)
Kyunghoon Kim (UNIST) Network Link Prediction 2015. 9. 3. 72 / 86
선호적 연결
선호적 연결(Preferential attachment):
|Γ(u)||Γ(v)|
Kyunghoon Kim (UNIST) Network Link Prediction 2015. 9. 3. 73 / 86
선호적 연결
nx.draw_networkx_nodes(G, pos, node_size=500, node_color=’yellow’)
nx.draw_networkx_edges(G, pos, alpha=0.2)
nx.draw_networkx_labels(G, pos, font_size=20);
selected_lines = []
for u in G.nodes_iter():
preds = nx.preferential_attachment(G, [(u, v) for v in nx.non_neighbors(G, u)])
largest = heapq.nlargest(5, preds, key = lambda x: x[2])
for l in largest:
selected_lines.append(l)
subG = nx.Graph()
for line in selected_lines:
print line[0], line[1], line[2]
if line[2]>1:
subG.add_edge(line[0], line[1])
pos_subG = dict()
for s in subG.nodes():
pos_subG[s] = pos[s]
nx.draw_networkx_edges(subG, pos_subG, edge_color=’red’)
Kyunghoon Kim (UNIST) Network Link Prediction 2015. 9. 3. 74 / 86
선호적 연결
Kyunghoon Kim (UNIST) Network Link Prediction 2015. 9. 3. 75 / 86
선호적 연결
degree = nx.degree_centrality(G)
nx.draw_networkx_nodes(G, pos, node_color=’yellow’, nodelist=degree.keys(),
node_size=np.array(degree.values())*10000)
nx.draw_networkx_edges(G, pos, alpha=0.2)
nx.draw_networkx_labels(G, pos, font_size=20);
selected_lines = []
for u in G.nodes_iter():
preds = nx.preferential_attachment(G, [(u, v) for v in nx.non_neighbors(G, u)])
largest = heapq.nlargest(5, preds, key = lambda x: x[2])
for l in largest:
selected_lines.append(l)
subG = nx.Graph()
for line in selected_lines:
print line[0], line[1], line[2]
if line[2]>1:
subG.add_edge(line[0], line[1])
pos_subG = dict()
for s in subG.nodes():
pos_subG[s] = pos[s]
nx.draw_networkx_edges(subG, pos_subG, edge_color=’red’)
Kyunghoon Kim (UNIST) Network Link Prediction 2015. 9. 3. 76 / 86
선호적 연결
Kyunghoon Kim (UNIST) Network Link Prediction 2015. 9. 3. 77 / 86
NetworkX의 Link Prediction 함수들
Kyunghoon Kim (UNIST) Network Link Prediction 2015. 9. 3. 78 / 86
LPmade
https://github.com/rlichtenwalter/LPmade
Kyunghoon Kim (UNIST) Network Link Prediction 2015. 9. 3. 79 / 86
데모
matplotlib
ipython과 d3.js
Kyunghoon Kim (UNIST) Network Link Prediction 2015. 9. 3. 80 / 86
ipython과 d3.js
from IPython.display import display, HTML
Kyunghoon Kim (UNIST) Network Link Prediction 2015. 9. 3. 81 / 86
d3.js (Data-Driven Documents)
Kyunghoon Kim (UNIST) Network Link Prediction 2015. 9. 3. 82 / 86
ipython에서 파일 쓰기
Kyunghoon Kim (UNIST) Network Link Prediction 2015. 9. 3. 83 / 86
ipython에서 d3.js 가동하기
코드 https://goo.gl/LpxsKc
Kyunghoon Kim (UNIST) Network Link Prediction 2015. 9. 3. 84 / 86
ipython과 d3.js
edges = d3_graph(G)
make_html_graph(edges, 1000, 500) # make_html_graph(edges)
%%HTML
<iframe src="d3.html" width=100% height=500 frameborder=0></iframe>
Demo 화면 : http://i.imgur.com/FeQ9kii.gif
Kyunghoon Kim (UNIST) Network Link Prediction 2015. 9. 3. 85 / 86
The End
Kyunghoon Kim (UNIST) Network Link Prediction 2015. 9. 3. 86 / 86

More Related Content

What's hot

Towards Human-Centered Machine Learning
Towards Human-Centered Machine LearningTowards Human-Centered Machine Learning
Towards Human-Centered Machine LearningSri Ambati
 
15857 cse422 unsupervised-learning
15857 cse422 unsupervised-learning15857 cse422 unsupervised-learning
15857 cse422 unsupervised-learningAnil Yadav
 
2.5 backpropagation
2.5 backpropagation2.5 backpropagation
2.5 backpropagationKrish_ver2
 
Social network analysis intro part I
Social network analysis intro part ISocial network analysis intro part I
Social network analysis intro part ITHomas Plotkowiak
 
Introduction to Deep Learning
Introduction to Deep LearningIntroduction to Deep Learning
Introduction to Deep LearningOswald Campesato
 
Community detection in graphs
Community detection in graphsCommunity detection in graphs
Community detection in graphsNicola Barbieri
 
Social Network Analysis: What It Is, Why We Should Care, and What We Can Lear...
Social Network Analysis: What It Is, Why We Should Care, and What We Can Lear...Social Network Analysis: What It Is, Why We Should Care, and What We Can Lear...
Social Network Analysis: What It Is, Why We Should Care, and What We Can Lear...Xiaohan Zeng
 
Community detection in social networks
Community detection in social networksCommunity detection in social networks
Community detection in social networksFrancisco Restivo
 
Unsupervised learning clustering
Unsupervised learning clusteringUnsupervised learning clustering
Unsupervised learning clusteringArshad Farhad
 
5.5 graph mining
5.5 graph mining5.5 graph mining
5.5 graph miningKrish_ver2
 
Presentation - Msc Thesis - Machine Learning Techniques for Short-Term Electr...
Presentation - Msc Thesis - Machine Learning Techniques for Short-Term Electr...Presentation - Msc Thesis - Machine Learning Techniques for Short-Term Electr...
Presentation - Msc Thesis - Machine Learning Techniques for Short-Term Electr...Praxitelis Nikolaos Kouroupetroglou
 
Wasserstein GAN 수학 이해하기 I
Wasserstein GAN 수학 이해하기 IWasserstein GAN 수학 이해하기 I
Wasserstein GAN 수학 이해하기 ISungbin Lim
 
Social Network Analysis power point presentation
Social Network Analysis power point presentation Social Network Analysis power point presentation
Social Network Analysis power point presentation Ratnesh Shah
 
Deep learning - A Visual Introduction
Deep learning - A Visual IntroductionDeep learning - A Visual Introduction
Deep learning - A Visual IntroductionLukas Masuch
 
Kaggle and data science
Kaggle and data scienceKaggle and data science
Kaggle and data scienceAkira Shibata
 
Decision tree induction \ Decision Tree Algorithm with Example| Data science
Decision tree induction \ Decision Tree Algorithm with Example| Data scienceDecision tree induction \ Decision Tree Algorithm with Example| Data science
Decision tree induction \ Decision Tree Algorithm with Example| Data scienceMaryamRehman6
 

What's hot (20)

Towards Human-Centered Machine Learning
Towards Human-Centered Machine LearningTowards Human-Centered Machine Learning
Towards Human-Centered Machine Learning
 
15857 cse422 unsupervised-learning
15857 cse422 unsupervised-learning15857 cse422 unsupervised-learning
15857 cse422 unsupervised-learning
 
2.5 backpropagation
2.5 backpropagation2.5 backpropagation
2.5 backpropagation
 
Social network analysis intro part I
Social network analysis intro part ISocial network analysis intro part I
Social network analysis intro part I
 
Introduction to Deep Learning
Introduction to Deep LearningIntroduction to Deep Learning
Introduction to Deep Learning
 
Community detection in graphs
Community detection in graphsCommunity detection in graphs
Community detection in graphs
 
Social Network Analysis: What It Is, Why We Should Care, and What We Can Lear...
Social Network Analysis: What It Is, Why We Should Care, and What We Can Lear...Social Network Analysis: What It Is, Why We Should Care, and What We Can Lear...
Social Network Analysis: What It Is, Why We Should Care, and What We Can Lear...
 
Deep Learning for Video: Action Recognition (UPC 2018)
Deep Learning for Video: Action Recognition (UPC 2018)Deep Learning for Video: Action Recognition (UPC 2018)
Deep Learning for Video: Action Recognition (UPC 2018)
 
Community detection in social networks
Community detection in social networksCommunity detection in social networks
Community detection in social networks
 
Social Network Analysis
Social Network AnalysisSocial Network Analysis
Social Network Analysis
 
Unsupervised learning clustering
Unsupervised learning clusteringUnsupervised learning clustering
Unsupervised learning clustering
 
5.5 graph mining
5.5 graph mining5.5 graph mining
5.5 graph mining
 
Presentation - Msc Thesis - Machine Learning Techniques for Short-Term Electr...
Presentation - Msc Thesis - Machine Learning Techniques for Short-Term Electr...Presentation - Msc Thesis - Machine Learning Techniques for Short-Term Electr...
Presentation - Msc Thesis - Machine Learning Techniques for Short-Term Electr...
 
Wasserstein GAN 수학 이해하기 I
Wasserstein GAN 수학 이해하기 IWasserstein GAN 수학 이해하기 I
Wasserstein GAN 수학 이해하기 I
 
3 Centrality
3 Centrality3 Centrality
3 Centrality
 
Social Network Analysis power point presentation
Social Network Analysis power point presentation Social Network Analysis power point presentation
Social Network Analysis power point presentation
 
Human Action Recognition
Human Action RecognitionHuman Action Recognition
Human Action Recognition
 
Deep learning - A Visual Introduction
Deep learning - A Visual IntroductionDeep learning - A Visual Introduction
Deep learning - A Visual Introduction
 
Kaggle and data science
Kaggle and data scienceKaggle and data science
Kaggle and data science
 
Decision tree induction \ Decision Tree Algorithm with Example| Data science
Decision tree induction \ Decision Tree Algorithm with Example| Data scienceDecision tree induction \ Decision Tree Algorithm with Example| Data science
Decision tree induction \ Decision Tree Algorithm with Example| Data science
 

Viewers also liked

Implementing Link-Prediction for Social Networks in a Database System (DBSoci...
Implementing Link-Prediction for Social Networks in a Database System (DBSoci...Implementing Link-Prediction for Social Networks in a Database System (DBSoci...
Implementing Link-Prediction for Social Networks in a Database System (DBSoci...Nati Cohen
 
사회 연결망의 링크 예측
사회 연결망의 링크 예측사회 연결망의 링크 예측
사회 연결망의 링크 예측Kyunghoon Kim
 
[20160813, PyCon2016APAC] 뉴스를 재미있게 만드는 방법; 뉴스잼
[20160813, PyCon2016APAC] 뉴스를 재미있게 만드는 방법; 뉴스잼[20160813, PyCon2016APAC] 뉴스를 재미있게 만드는 방법; 뉴스잼
[20160813, PyCon2016APAC] 뉴스를 재미있게 만드는 방법; 뉴스잼Kyunghoon Kim
 
[20150829, PyCon2015] NetworkX를 이용한 네트워크 링크 예측
[20150829, PyCon2015] NetworkX를 이용한 네트워크 링크 예측[20150829, PyCon2015] NetworkX를 이용한 네트워크 링크 예측
[20150829, PyCon2015] NetworkX를 이용한 네트워크 링크 예측Kyunghoon Kim
 
Supervised-Learning Link Recommendation in the DBLP co-authoring network
Supervised-Learning Link Recommendation in the DBLP co-authoring networkSupervised-Learning Link Recommendation in the DBLP co-authoring network
Supervised-Learning Link Recommendation in the DBLP co-authoring networkUniversidade de São Paulo
 
Dynamic Draph / Iterative Computation on Apache Giraph
Dynamic Draph / Iterative Computation on Apache GiraphDynamic Draph / Iterative Computation on Apache Giraph
Dynamic Draph / Iterative Computation on Apache GiraphDataWorks Summit
 
Who to follow and why: link prediction with explanations
Who to follow and why: link prediction with explanationsWho to follow and why: link prediction with explanations
Who to follow and why: link prediction with explanationsNicola Barbieri
 
Matrix Factorization Techniques For Recommender Systems
Matrix Factorization Techniques For Recommender SystemsMatrix Factorization Techniques For Recommender Systems
Matrix Factorization Techniques For Recommender SystemsLei Guo
 

Viewers also liked (13)

Implementing Link-Prediction for Social Networks in a Database System (DBSoci...
Implementing Link-Prediction for Social Networks in a Database System (DBSoci...Implementing Link-Prediction for Social Networks in a Database System (DBSoci...
Implementing Link-Prediction for Social Networks in a Database System (DBSoci...
 
사회 연결망의 링크 예측
사회 연결망의 링크 예측사회 연결망의 링크 예측
사회 연결망의 링크 예측
 
Topic Modeling
Topic ModelingTopic Modeling
Topic Modeling
 
[20160813, PyCon2016APAC] 뉴스를 재미있게 만드는 방법; 뉴스잼
[20160813, PyCon2016APAC] 뉴스를 재미있게 만드는 방법; 뉴스잼[20160813, PyCon2016APAC] 뉴스를 재미있게 만드는 방법; 뉴스잼
[20160813, PyCon2016APAC] 뉴스를 재미있게 만드는 방법; 뉴스잼
 
[20150829, PyCon2015] NetworkX를 이용한 네트워크 링크 예측
[20150829, PyCon2015] NetworkX를 이용한 네트워크 링크 예측[20150829, PyCon2015] NetworkX를 이용한 네트워크 링크 예측
[20150829, PyCon2015] NetworkX를 이용한 네트워크 링크 예측
 
Ppt
PptPpt
Ppt
 
NMF with python
NMF with pythonNMF with python
NMF with python
 
Final Report
Final ReportFinal Report
Final Report
 
IPython
IPythonIPython
IPython
 
Supervised-Learning Link Recommendation in the DBLP co-authoring network
Supervised-Learning Link Recommendation in the DBLP co-authoring networkSupervised-Learning Link Recommendation in the DBLP co-authoring network
Supervised-Learning Link Recommendation in the DBLP co-authoring network
 
Dynamic Draph / Iterative Computation on Apache Giraph
Dynamic Draph / Iterative Computation on Apache GiraphDynamic Draph / Iterative Computation on Apache Giraph
Dynamic Draph / Iterative Computation on Apache Giraph
 
Who to follow and why: link prediction with explanations
Who to follow and why: link prediction with explanationsWho to follow and why: link prediction with explanations
Who to follow and why: link prediction with explanations
 
Matrix Factorization Techniques For Recommender Systems
Matrix Factorization Techniques For Recommender SystemsMatrix Factorization Techniques For Recommender Systems
Matrix Factorization Techniques For Recommender Systems
 

Similar to Link prediction 방법의 개념 및 활용

LCF: A Temporal Approach to Link Prediction in Dynamic Social Networks
 LCF: A Temporal Approach to Link Prediction in Dynamic Social Networks LCF: A Temporal Approach to Link Prediction in Dynamic Social Networks
LCF: A Temporal Approach to Link Prediction in Dynamic Social NetworksIJCSIS Research Publications
 
Inference and validation of networks
Inference and validation of networksInference and validation of networks
Inference and validation of networksIlias Flaounas
 
Optimal Security Response to Attacks on Open Science Grids Mine Altunay, Sven...
Optimal Security Response to Attacks on Open Science Grids Mine Altunay, Sven...Optimal Security Response to Attacks on Open Science Grids Mine Altunay, Sven...
Optimal Security Response to Attacks on Open Science Grids Mine Altunay, Sven...Information Security Awareness Group
 
Predicting_new_friendships_in_social_networks
Predicting_new_friendships_in_social_networksPredicting_new_friendships_in_social_networks
Predicting_new_friendships_in_social_networksAnvardh Nanduri
 
COMMUNICATIONS OF THE ACM November 2004Vol. 47, No. 11 15.docx
COMMUNICATIONS OF THE ACM November  2004Vol. 47, No. 11 15.docxCOMMUNICATIONS OF THE ACM November  2004Vol. 47, No. 11 15.docx
COMMUNICATIONS OF THE ACM November 2004Vol. 47, No. 11 15.docxmonicafrancis71118
 
IRJET- A Survey on Link Prediction Techniques
IRJET-  	  A Survey on Link Prediction TechniquesIRJET-  	  A Survey on Link Prediction Techniques
IRJET- A Survey on Link Prediction TechniquesIRJET Journal
 
002 20151019 interconnected_network
002 20151019 interconnected_network002 20151019 interconnected_network
002 20151019 interconnected_networkHa Phuong
 
Network slicing-5g-beyond-networks
Network slicing-5g-beyond-networksNetwork slicing-5g-beyond-networks
Network slicing-5g-beyond-networksAbhishek Karangutkar
 
LinkSUM: Using Link Analysis to Summarize Entity Data
LinkSUM: Using Link Analysis to Summarize Entity DataLinkSUM: Using Link Analysis to Summarize Entity Data
LinkSUM: Using Link Analysis to Summarize Entity DataAndreas Thalhammer
 
Trends in Information Management
Trends in Information ManagementTrends in Information Management
Trends in Information ManagementAlexander Deucalion
 
Brema tarigan 09030581721015
Brema tarigan 09030581721015Brema tarigan 09030581721015
Brema tarigan 09030581721015ferdiandersen08
 
An information-theoretic, all-scales approach to comparing networks
An information-theoretic, all-scales approach to comparing networksAn information-theoretic, all-scales approach to comparing networks
An information-theoretic, all-scales approach to comparing networksJim Bagrow
 
TOP 10 AD HOC NETWORKS PAPERS: RECOMMENDED READING – NETWORK RESEARCH
TOP 10 AD HOC NETWORKS PAPERS: RECOMMENDED READING – NETWORK RESEARCHTOP 10 AD HOC NETWORKS PAPERS: RECOMMENDED READING – NETWORK RESEARCH
TOP 10 AD HOC NETWORKS PAPERS: RECOMMENDED READING – NETWORK RESEARCHIJCNCJournal
 
TOP 10 AD HOC NETWORKS PAPERS: RECOMMENDED READING – NETWORK RESEARCH
TOP 10 AD HOC NETWORKS PAPERS: RECOMMENDED READING – NETWORK RESEARCHTOP 10 AD HOC NETWORKS PAPERS: RECOMMENDED READING – NETWORK RESEARCH
TOP 10 AD HOC NETWORKS PAPERS: RECOMMENDED READING – NETWORK RESEARCHIJCNCJournal
 
Detecting root of the rumor in social network using GSSS
Detecting root of the rumor in social network using GSSSDetecting root of the rumor in social network using GSSS
Detecting root of the rumor in social network using GSSSIRJET Journal
 
IRJET- Link Prediction in Social Networks
IRJET- Link Prediction in Social NetworksIRJET- Link Prediction in Social Networks
IRJET- Link Prediction in Social NetworksIRJET Journal
 
Link Prediction Survey
Link Prediction SurveyLink Prediction Survey
Link Prediction SurveyPatrick Walter
 
Entropy and Similarity Measure Design for High Dimensional Data with Spatial ...
Entropy and Similarity Measure Design for High Dimensional Data with Spatial ...Entropy and Similarity Measure Design for High Dimensional Data with Spatial ...
Entropy and Similarity Measure Design for High Dimensional Data with Spatial ...Conferenceproceedings
 
Graph Algorithm to Find Core Periphery Structures using Mutual K-nearest Neig...
Graph Algorithm to Find Core Periphery Structures using Mutual K-nearest Neig...Graph Algorithm to Find Core Periphery Structures using Mutual K-nearest Neig...
Graph Algorithm to Find Core Periphery Structures using Mutual K-nearest Neig...gerogepatton
 

Similar to Link prediction 방법의 개념 및 활용 (20)

LCF: A Temporal Approach to Link Prediction in Dynamic Social Networks
 LCF: A Temporal Approach to Link Prediction in Dynamic Social Networks LCF: A Temporal Approach to Link Prediction in Dynamic Social Networks
LCF: A Temporal Approach to Link Prediction in Dynamic Social Networks
 
Presentation
PresentationPresentation
Presentation
 
Inference and validation of networks
Inference and validation of networksInference and validation of networks
Inference and validation of networks
 
Optimal Security Response to Attacks on Open Science Grids Mine Altunay, Sven...
Optimal Security Response to Attacks on Open Science Grids Mine Altunay, Sven...Optimal Security Response to Attacks on Open Science Grids Mine Altunay, Sven...
Optimal Security Response to Attacks on Open Science Grids Mine Altunay, Sven...
 
Predicting_new_friendships_in_social_networks
Predicting_new_friendships_in_social_networksPredicting_new_friendships_in_social_networks
Predicting_new_friendships_in_social_networks
 
COMMUNICATIONS OF THE ACM November 2004Vol. 47, No. 11 15.docx
COMMUNICATIONS OF THE ACM November  2004Vol. 47, No. 11 15.docxCOMMUNICATIONS OF THE ACM November  2004Vol. 47, No. 11 15.docx
COMMUNICATIONS OF THE ACM November 2004Vol. 47, No. 11 15.docx
 
IRJET- A Survey on Link Prediction Techniques
IRJET-  	  A Survey on Link Prediction TechniquesIRJET-  	  A Survey on Link Prediction Techniques
IRJET- A Survey on Link Prediction Techniques
 
002 20151019 interconnected_network
002 20151019 interconnected_network002 20151019 interconnected_network
002 20151019 interconnected_network
 
Network slicing-5g-beyond-networks
Network slicing-5g-beyond-networksNetwork slicing-5g-beyond-networks
Network slicing-5g-beyond-networks
 
LinkSUM: Using Link Analysis to Summarize Entity Data
LinkSUM: Using Link Analysis to Summarize Entity DataLinkSUM: Using Link Analysis to Summarize Entity Data
LinkSUM: Using Link Analysis to Summarize Entity Data
 
Trends in Information Management
Trends in Information ManagementTrends in Information Management
Trends in Information Management
 
Brema tarigan 09030581721015
Brema tarigan 09030581721015Brema tarigan 09030581721015
Brema tarigan 09030581721015
 
An information-theoretic, all-scales approach to comparing networks
An information-theoretic, all-scales approach to comparing networksAn information-theoretic, all-scales approach to comparing networks
An information-theoretic, all-scales approach to comparing networks
 
TOP 10 AD HOC NETWORKS PAPERS: RECOMMENDED READING – NETWORK RESEARCH
TOP 10 AD HOC NETWORKS PAPERS: RECOMMENDED READING – NETWORK RESEARCHTOP 10 AD HOC NETWORKS PAPERS: RECOMMENDED READING – NETWORK RESEARCH
TOP 10 AD HOC NETWORKS PAPERS: RECOMMENDED READING – NETWORK RESEARCH
 
TOP 10 AD HOC NETWORKS PAPERS: RECOMMENDED READING – NETWORK RESEARCH
TOP 10 AD HOC NETWORKS PAPERS: RECOMMENDED READING – NETWORK RESEARCHTOP 10 AD HOC NETWORKS PAPERS: RECOMMENDED READING – NETWORK RESEARCH
TOP 10 AD HOC NETWORKS PAPERS: RECOMMENDED READING – NETWORK RESEARCH
 
Detecting root of the rumor in social network using GSSS
Detecting root of the rumor in social network using GSSSDetecting root of the rumor in social network using GSSS
Detecting root of the rumor in social network using GSSS
 
IRJET- Link Prediction in Social Networks
IRJET- Link Prediction in Social NetworksIRJET- Link Prediction in Social Networks
IRJET- Link Prediction in Social Networks
 
Link Prediction Survey
Link Prediction SurveyLink Prediction Survey
Link Prediction Survey
 
Entropy and Similarity Measure Design for High Dimensional Data with Spatial ...
Entropy and Similarity Measure Design for High Dimensional Data with Spatial ...Entropy and Similarity Measure Design for High Dimensional Data with Spatial ...
Entropy and Similarity Measure Design for High Dimensional Data with Spatial ...
 
Graph Algorithm to Find Core Periphery Structures using Mutual K-nearest Neig...
Graph Algorithm to Find Core Periphery Structures using Mutual K-nearest Neig...Graph Algorithm to Find Core Periphery Structures using Mutual K-nearest Neig...
Graph Algorithm to Find Core Periphery Structures using Mutual K-nearest Neig...
 

More from Kyunghoon Kim

넥스트 노멀 - 인간과 AI의 협업
넥스트 노멀 - 인간과 AI의 협업넥스트 노멀 - 인간과 AI의 협업
넥스트 노멀 - 인간과 AI의 협업Kyunghoon Kim
 
토론하는 AI 김컴재와 AI 조향사 센트리아
토론하는 AI 김컴재와 AI 조향사 센트리아토론하는 AI 김컴재와 AI 조향사 센트리아
토론하는 AI 김컴재와 AI 조향사 센트리아Kyunghoon Kim
 
빅데이터의 다음 단계는 예측 분석이다
빅데이터의 다음 단계는 예측 분석이다빅데이터의 다음 단계는 예측 분석이다
빅데이터의 다음 단계는 예측 분석이다Kyunghoon Kim
 
중학생을 위한 4차 산업혁명 시대의 인공지능 이야기
중학생을 위한 4차 산업혁명 시대의 인공지능 이야기중학생을 위한 4차 산업혁명 시대의 인공지능 이야기
중학생을 위한 4차 산업혁명 시대의 인공지능 이야기Kyunghoon Kim
 
4차 산업혁명 시대의 진로와 진학
4차 산업혁명 시대의 진로와 진학4차 산업혁명 시대의 진로와 진학
4차 산업혁명 시대의 진로와 진학Kyunghoon Kim
 
20200620 신호와 소음 독서토론
20200620 신호와 소음 독서토론20200620 신호와 소음 독서토론
20200620 신호와 소음 독서토론Kyunghoon Kim
 
중학생을 위한 인공지능 이야기
중학생을 위한 인공지능 이야기중학생을 위한 인공지능 이야기
중학생을 위한 인공지능 이야기Kyunghoon Kim
 
슬쩍 해보는 선형대수학
슬쩍 해보는 선형대수학슬쩍 해보는 선형대수학
슬쩍 해보는 선형대수학Kyunghoon Kim
 
파이썬으로 해보는 이미지 처리
파이썬으로 해보는 이미지 처리파이썬으로 해보는 이미지 처리
파이썬으로 해보는 이미지 처리Kyunghoon Kim
 
기계가 선형대수학을 통해 한국어를 이해하는 방법
기계가 선형대수학을 통해 한국어를 이해하는 방법기계가 선형대수학을 통해 한국어를 이해하는 방법
기계가 선형대수학을 통해 한국어를 이해하는 방법Kyunghoon Kim
 
공공데이터 활용사례
공공데이터 활용사례공공데이터 활용사례
공공데이터 활용사례Kyunghoon Kim
 
기계학습, 딥러닝, 인공지능 사이의 차이점 이해하기
기계학습, 딥러닝, 인공지능 사이의 차이점 이해하기기계학습, 딥러닝, 인공지능 사이의 차이점 이해하기
기계학습, 딥러닝, 인공지능 사이의 차이점 이해하기Kyunghoon Kim
 
2018 인공지능에 대하여
2018 인공지능에 대하여2018 인공지능에 대하여
2018 인공지능에 대하여Kyunghoon Kim
 
Naive bayes Classification using Python3
Naive bayes Classification using Python3Naive bayes Classification using Python3
Naive bayes Classification using Python3Kyunghoon Kim
 
Basic statistics using Python3
Basic statistics using Python3Basic statistics using Python3
Basic statistics using Python3Kyunghoon Kim
 
[Term project] Junction-point process
[Term project] Junction-point process[Term project] Junction-point process
[Term project] Junction-point processKyunghoon Kim
 

More from Kyunghoon Kim (20)

넥스트 노멀 - 인간과 AI의 협업
넥스트 노멀 - 인간과 AI의 협업넥스트 노멀 - 인간과 AI의 협업
넥스트 노멀 - 인간과 AI의 협업
 
토론하는 AI 김컴재와 AI 조향사 센트리아
토론하는 AI 김컴재와 AI 조향사 센트리아토론하는 AI 김컴재와 AI 조향사 센트리아
토론하는 AI 김컴재와 AI 조향사 센트리아
 
빅데이터의 다음 단계는 예측 분석이다
빅데이터의 다음 단계는 예측 분석이다빅데이터의 다음 단계는 예측 분석이다
빅데이터의 다음 단계는 예측 분석이다
 
중학생을 위한 4차 산업혁명 시대의 인공지능 이야기
중학생을 위한 4차 산업혁명 시대의 인공지능 이야기중학생을 위한 4차 산업혁명 시대의 인공지능 이야기
중학생을 위한 4차 산업혁명 시대의 인공지능 이야기
 
업무 자동화
업무 자동화업무 자동화
업무 자동화
 
4차 산업혁명 시대의 진로와 진학
4차 산업혁명 시대의 진로와 진학4차 산업혁명 시대의 진로와 진학
4차 산업혁명 시대의 진로와 진학
 
20200620 신호와 소음 독서토론
20200620 신호와 소음 독서토론20200620 신호와 소음 독서토론
20200620 신호와 소음 독서토론
 
중학생을 위한 인공지능 이야기
중학생을 위한 인공지능 이야기중학생을 위한 인공지능 이야기
중학생을 위한 인공지능 이야기
 
슬쩍 해보는 선형대수학
슬쩍 해보는 선형대수학슬쩍 해보는 선형대수학
슬쩍 해보는 선형대수학
 
파이썬으로 해보는 이미지 처리
파이썬으로 해보는 이미지 처리파이썬으로 해보는 이미지 처리
파이썬으로 해보는 이미지 처리
 
기계가 선형대수학을 통해 한국어를 이해하는 방법
기계가 선형대수학을 통해 한국어를 이해하는 방법기계가 선형대수학을 통해 한국어를 이해하는 방법
기계가 선형대수학을 통해 한국어를 이해하는 방법
 
공공데이터 활용사례
공공데이터 활용사례공공데이터 활용사례
공공데이터 활용사례
 
기계학습, 딥러닝, 인공지능 사이의 차이점 이해하기
기계학습, 딥러닝, 인공지능 사이의 차이점 이해하기기계학습, 딥러닝, 인공지능 사이의 차이점 이해하기
기계학습, 딥러닝, 인공지능 사이의 차이점 이해하기
 
Korean Text mining
Korean Text miningKorean Text mining
Korean Text mining
 
2018 인공지능에 대하여
2018 인공지능에 대하여2018 인공지능에 대하여
2018 인공지능에 대하여
 
Naive bayes Classification using Python3
Naive bayes Classification using Python3Naive bayes Classification using Python3
Naive bayes Classification using Python3
 
Basic statistics using Python3
Basic statistics using Python3Basic statistics using Python3
Basic statistics using Python3
 
Welcome to python
Welcome to pythonWelcome to python
Welcome to python
 
Korean Word Network
Korean Word NetworkKorean Word Network
Korean Word Network
 
[Term project] Junction-point process
[Term project] Junction-point process[Term project] Junction-point process
[Term project] Junction-point process
 

Recently uploaded

Q4-W6-Restating Informational Text Grade 3
Q4-W6-Restating Informational Text Grade 3Q4-W6-Restating Informational Text Grade 3
Q4-W6-Restating Informational Text Grade 3JemimahLaneBuaron
 
POINT- BIOCHEMISTRY SEM 2 ENZYMES UNIT 5.pptx
POINT- BIOCHEMISTRY SEM 2 ENZYMES UNIT 5.pptxPOINT- BIOCHEMISTRY SEM 2 ENZYMES UNIT 5.pptx
POINT- BIOCHEMISTRY SEM 2 ENZYMES UNIT 5.pptxSayali Powar
 
Grant Readiness 101 TechSoup and Remy Consulting
Grant Readiness 101 TechSoup and Remy ConsultingGrant Readiness 101 TechSoup and Remy Consulting
Grant Readiness 101 TechSoup and Remy ConsultingTechSoup
 
How to Make a Pirate ship Primary Education.pptx
How to Make a Pirate ship Primary Education.pptxHow to Make a Pirate ship Primary Education.pptx
How to Make a Pirate ship Primary Education.pptxmanuelaromero2013
 
Presentation by Andreas Schleicher Tackling the School Absenteeism Crisis 30 ...
Presentation by Andreas Schleicher Tackling the School Absenteeism Crisis 30 ...Presentation by Andreas Schleicher Tackling the School Absenteeism Crisis 30 ...
Presentation by Andreas Schleicher Tackling the School Absenteeism Crisis 30 ...EduSkills OECD
 
Introduction to AI in Higher Education_draft.pptx
Introduction to AI in Higher Education_draft.pptxIntroduction to AI in Higher Education_draft.pptx
Introduction to AI in Higher Education_draft.pptxpboyjonauth
 
Organic Name Reactions for the students and aspirants of Chemistry12th.pptx
Organic Name Reactions  for the students and aspirants of Chemistry12th.pptxOrganic Name Reactions  for the students and aspirants of Chemistry12th.pptx
Organic Name Reactions for the students and aspirants of Chemistry12th.pptxVS Mahajan Coaching Centre
 
Mastering the Unannounced Regulatory Inspection
Mastering the Unannounced Regulatory InspectionMastering the Unannounced Regulatory Inspection
Mastering the Unannounced Regulatory InspectionSafetyChain Software
 
Separation of Lanthanides/ Lanthanides and Actinides
Separation of Lanthanides/ Lanthanides and ActinidesSeparation of Lanthanides/ Lanthanides and Actinides
Separation of Lanthanides/ Lanthanides and ActinidesFatimaKhan178732
 
Student login on Anyboli platform.helpin
Student login on Anyboli platform.helpinStudent login on Anyboli platform.helpin
Student login on Anyboli platform.helpinRaunakKeshri1
 
Call Girls in Dwarka Mor Delhi Contact Us 9654467111
Call Girls in Dwarka Mor Delhi Contact Us 9654467111Call Girls in Dwarka Mor Delhi Contact Us 9654467111
Call Girls in Dwarka Mor Delhi Contact Us 9654467111Sapana Sha
 
1029-Danh muc Sach Giao Khoa khoi 6.pdf
1029-Danh muc Sach Giao Khoa khoi  6.pdf1029-Danh muc Sach Giao Khoa khoi  6.pdf
1029-Danh muc Sach Giao Khoa khoi 6.pdfQucHHunhnh
 
URLs and Routing in the Odoo 17 Website App
URLs and Routing in the Odoo 17 Website AppURLs and Routing in the Odoo 17 Website App
URLs and Routing in the Odoo 17 Website AppCeline George
 
1029 - Danh muc Sach Giao Khoa 10 . pdf
1029 -  Danh muc Sach Giao Khoa 10 . pdf1029 -  Danh muc Sach Giao Khoa 10 . pdf
1029 - Danh muc Sach Giao Khoa 10 . pdfQucHHunhnh
 
Paris 2024 Olympic Geographies - an activity
Paris 2024 Olympic Geographies - an activityParis 2024 Olympic Geographies - an activity
Paris 2024 Olympic Geographies - an activityGeoBlogs
 
Web & Social Media Analytics Previous Year Question Paper.pdf
Web & Social Media Analytics Previous Year Question Paper.pdfWeb & Social Media Analytics Previous Year Question Paper.pdf
Web & Social Media Analytics Previous Year Question Paper.pdfJayanti Pande
 
18-04-UA_REPORT_MEDIALITERAСY_INDEX-DM_23-1-final-eng.pdf
18-04-UA_REPORT_MEDIALITERAСY_INDEX-DM_23-1-final-eng.pdf18-04-UA_REPORT_MEDIALITERAСY_INDEX-DM_23-1-final-eng.pdf
18-04-UA_REPORT_MEDIALITERAСY_INDEX-DM_23-1-final-eng.pdfssuser54595a
 
Measures of Central Tendency: Mean, Median and Mode
Measures of Central Tendency: Mean, Median and ModeMeasures of Central Tendency: Mean, Median and Mode
Measures of Central Tendency: Mean, Median and ModeThiyagu K
 
Accessible design: Minimum effort, maximum impact
Accessible design: Minimum effort, maximum impactAccessible design: Minimum effort, maximum impact
Accessible design: Minimum effort, maximum impactdawncurless
 

Recently uploaded (20)

Q4-W6-Restating Informational Text Grade 3
Q4-W6-Restating Informational Text Grade 3Q4-W6-Restating Informational Text Grade 3
Q4-W6-Restating Informational Text Grade 3
 
POINT- BIOCHEMISTRY SEM 2 ENZYMES UNIT 5.pptx
POINT- BIOCHEMISTRY SEM 2 ENZYMES UNIT 5.pptxPOINT- BIOCHEMISTRY SEM 2 ENZYMES UNIT 5.pptx
POINT- BIOCHEMISTRY SEM 2 ENZYMES UNIT 5.pptx
 
Grant Readiness 101 TechSoup and Remy Consulting
Grant Readiness 101 TechSoup and Remy ConsultingGrant Readiness 101 TechSoup and Remy Consulting
Grant Readiness 101 TechSoup and Remy Consulting
 
How to Make a Pirate ship Primary Education.pptx
How to Make a Pirate ship Primary Education.pptxHow to Make a Pirate ship Primary Education.pptx
How to Make a Pirate ship Primary Education.pptx
 
Presentation by Andreas Schleicher Tackling the School Absenteeism Crisis 30 ...
Presentation by Andreas Schleicher Tackling the School Absenteeism Crisis 30 ...Presentation by Andreas Schleicher Tackling the School Absenteeism Crisis 30 ...
Presentation by Andreas Schleicher Tackling the School Absenteeism Crisis 30 ...
 
Introduction to AI in Higher Education_draft.pptx
Introduction to AI in Higher Education_draft.pptxIntroduction to AI in Higher Education_draft.pptx
Introduction to AI in Higher Education_draft.pptx
 
Organic Name Reactions for the students and aspirants of Chemistry12th.pptx
Organic Name Reactions  for the students and aspirants of Chemistry12th.pptxOrganic Name Reactions  for the students and aspirants of Chemistry12th.pptx
Organic Name Reactions for the students and aspirants of Chemistry12th.pptx
 
Mastering the Unannounced Regulatory Inspection
Mastering the Unannounced Regulatory InspectionMastering the Unannounced Regulatory Inspection
Mastering the Unannounced Regulatory Inspection
 
Separation of Lanthanides/ Lanthanides and Actinides
Separation of Lanthanides/ Lanthanides and ActinidesSeparation of Lanthanides/ Lanthanides and Actinides
Separation of Lanthanides/ Lanthanides and Actinides
 
Student login on Anyboli platform.helpin
Student login on Anyboli platform.helpinStudent login on Anyboli platform.helpin
Student login on Anyboli platform.helpin
 
Call Girls in Dwarka Mor Delhi Contact Us 9654467111
Call Girls in Dwarka Mor Delhi Contact Us 9654467111Call Girls in Dwarka Mor Delhi Contact Us 9654467111
Call Girls in Dwarka Mor Delhi Contact Us 9654467111
 
1029-Danh muc Sach Giao Khoa khoi 6.pdf
1029-Danh muc Sach Giao Khoa khoi  6.pdf1029-Danh muc Sach Giao Khoa khoi  6.pdf
1029-Danh muc Sach Giao Khoa khoi 6.pdf
 
URLs and Routing in the Odoo 17 Website App
URLs and Routing in the Odoo 17 Website AppURLs and Routing in the Odoo 17 Website App
URLs and Routing in the Odoo 17 Website App
 
1029 - Danh muc Sach Giao Khoa 10 . pdf
1029 -  Danh muc Sach Giao Khoa 10 . pdf1029 -  Danh muc Sach Giao Khoa 10 . pdf
1029 - Danh muc Sach Giao Khoa 10 . pdf
 
Paris 2024 Olympic Geographies - an activity
Paris 2024 Olympic Geographies - an activityParis 2024 Olympic Geographies - an activity
Paris 2024 Olympic Geographies - an activity
 
Mattingly "AI & Prompt Design: Structured Data, Assistants, & RAG"
Mattingly "AI & Prompt Design: Structured Data, Assistants, & RAG"Mattingly "AI & Prompt Design: Structured Data, Assistants, & RAG"
Mattingly "AI & Prompt Design: Structured Data, Assistants, & RAG"
 
Web & Social Media Analytics Previous Year Question Paper.pdf
Web & Social Media Analytics Previous Year Question Paper.pdfWeb & Social Media Analytics Previous Year Question Paper.pdf
Web & Social Media Analytics Previous Year Question Paper.pdf
 
18-04-UA_REPORT_MEDIALITERAСY_INDEX-DM_23-1-final-eng.pdf
18-04-UA_REPORT_MEDIALITERAСY_INDEX-DM_23-1-final-eng.pdf18-04-UA_REPORT_MEDIALITERAСY_INDEX-DM_23-1-final-eng.pdf
18-04-UA_REPORT_MEDIALITERAСY_INDEX-DM_23-1-final-eng.pdf
 
Measures of Central Tendency: Mean, Median and Mode
Measures of Central Tendency: Mean, Median and ModeMeasures of Central Tendency: Mean, Median and Mode
Measures of Central Tendency: Mean, Median and Mode
 
Accessible design: Minimum effort, maximum impact
Accessible design: Minimum effort, maximum impactAccessible design: Minimum effort, maximum impact
Accessible design: Minimum effort, maximum impact
 

Link prediction 방법의 개념 및 활용

  • 1. Link Prediction 방법의 개념 및 활용 Kyunghoon Kim UNIST Mathematical Sciences kyunghoon@unist.ac.kr 2015. 9. 3. Kyunghoon Kim (UNIST) Network Link Prediction 2015. 9. 3. 1 / 86
  • 2. About me Speaker Kyunghoon Kim (Graduate Student) UNIST (Ulsan National Institute of Science and Technology) Mathematical Sciences, School of Natural Sciences Lab Adviser : Bongsoo Jang Homepage : http://amath.unist.ac.kr “Be the light that shines the world with science and technology.” Kyunghoon Kim (UNIST) Network Link Prediction 2015. 9. 3. 2 / 86
  • 3. 목차 1 Social Network 2 Link Prediction Research Trend Definition Framework Example Theory 3 Link Prediction with Python 4 데모 Kyunghoon Kim (UNIST) Network Link Prediction 2015. 9. 3. 3 / 86
  • 4. Social Network A social network is a social structure made up of a set of social actors (such as individuals or organizations) and a set of the dyadic ties (or interactions, relations) between these actors. Kyunghoon Kim (UNIST) Network Link Prediction 2015. 9. 3. 4 / 86
  • 5. Social Network : Internet Ref: http://supraliminalsolutions.com/ Kyunghoon Kim (UNIST) Network Link Prediction 2015. 9. 3. 5 / 86
  • 6. Social Network : Information exchange Ref: https://niftynotcool.files.wordpress.com/2013/12/internet-wallpaper-hd.jpg Kyunghoon Kim (UNIST) Network Link Prediction 2015. 9. 3. 6 / 86
  • 7. Social Network : Degree Centrality Kyunghoon Kim (UNIST) Network Link Prediction 2015. 9. 3. 7 / 86
  • 8. Social Network : Betweenness Centrality Kyunghoon Kim (UNIST) Network Link Prediction 2015. 9. 3. 8 / 86
  • 9. Social Network : IoT (Internet of Things) Ref: http://www-01.ibm.com/common/ssi/cgi-bin/ssialias?subtype=XB&infotype=PM&appname=GBSE_GB_TI_ USEN&htmlfid=GBE03620USEN&attachment=GBE03620USEN.PDF Kyunghoon Kim (UNIST) Network Link Prediction 2015. 9. 3. 9 / 86
  • 10. Social Network : Problem Non-trivial task incompletion dynamic Kyunghoon Kim (UNIST) Network Link Prediction 2015. 9. 3. 10 / 86
  • 11. Research Trend of Link Prediction Keyword “link prediction social network” Wang, Peng, et al. ”Link prediction in social networks: the state-of-the-art.” Science China Information Sciences 58.1 (2015): Kyunghoon Kim (UNIST) Network Link Prediction 2015. 9. 3. 11 / 86
  • 12. Application of Link Prediction 1 추천 시스템 (links) 친구 추천 (12’) 공동저자 추천 (07’) 온라인 쇼핑몰의 상품 추천 (11’) 특허 추천 (13’) 타분야 협력자 추천 (12’) 연락처 추천 (11’) Kyunghoon Kim (UNIST) Network Link Prediction 2015. 9. 3. 12 / 86
  • 13. Application of Link Prediction 2 복잡계 연구 (links) 네트워크 진화 연구 (02’) 웹사이트 링크 예측 (02’) Kyunghoon Kim (UNIST) Network Link Prediction 2015. 9. 3. 13 / 86
  • 14. Application of Link Prediction 3 다양한 분야에 적용 (links) 헬스케어 (12’) 단백질 네트워크 (12’) 비정상적 커뮤니케이션 확인 (09’) Kyunghoon Kim (UNIST) Network Link Prediction 2015. 9. 3. 14 / 86
  • 15. Research Trend of Link Prediction Wang, Peng, et al. ”Link prediction in social networks: the state-of-the-art.” Science China Information Sciences 58.1 (2015) Kyunghoon Kim (UNIST) Network Link Prediction 2015. 9. 3. 15 / 86
  • 16. Research Trend of Link Prediction Wang, Peng, et al. ”Link prediction in social networks: the state-of-the-art.” Science China Information Sciences 58.1 (2015) Kyunghoon Kim (UNIST) Network Link Prediction 2015. 9. 3. 16 / 86
  • 17. Research Trend of Link Prediction Wang, Peng, et al. ”Link prediction in social networks: the state-of-the-art.” Science China Information Sciences 58.1 (2015) Kyunghoon Kim (UNIST) Network Link Prediction 2015. 9. 3. 17 / 86
  • 18. Research Trend of Link Prediction Wang, Peng, et al. ”Link prediction in social networks: the state-of-the-art.” Science China Information Sciences 58.1 (2015) Kyunghoon Kim (UNIST) Network Link Prediction 2015. 9. 3. 18 / 86
  • 19. Research Trend of Link Prediction Wang, Peng, et al. ”Link prediction in social networks: the state-of-the-art.” Science China Information Sciences 58.1 (2015) Kyunghoon Kim (UNIST) Network Link Prediction 2015. 9. 3. 19 / 86
  • 20. Definition of Link Prediction 사회망(social networks)에서 링크 예측이란 지금의 네트워크에서 빠진 링크를 예측하는 것 미래의 네트워크에서 새롭게 나타나거나 사라질 링크를 예측하는 것 Kyunghoon Kim (UNIST) Network Link Prediction 2015. 9. 3. 20 / 86
  • 21. Definition of Link Prediction Kyunghoon Kim (UNIST) Network Link Prediction 2015. 9. 3. 21 / 86
  • 22. Definition of Link Prediction Kyunghoon Kim (UNIST) Network Link Prediction 2015. 9. 3. 22 / 86
  • 23. Definition of Link Prediction 사회망 G(V , E) at t 에 대해, 링크가 생기거나 사라지는 것을 (t′ > t) 빠진 링크나 관찰되지 않은 링크가 있는 것을 (at t) 찾아내는 것. Kyunghoon Kim (UNIST) Network Link Prediction 2015. 9. 3. 23 / 86
  • 24. Framework of Link Prediction Wang, Peng, et al. ”Link prediction in social networks: the state-of-the-art.” Science China Information Sciences 58.1 (2015): 1-38. Kyunghoon Kim (UNIST) Network Link Prediction 2015. 9. 3. 24 / 86
  • 25. Link Prediction Example : Terrorist Networks Kyunghoon Kim (UNIST) Network Link Prediction 2015. 9. 3. 25 / 86
  • 26. Link Prediction Example : Terrorist Networks Problems of criminal network analysis 1 Incompleteness - the inevitability of missing nodes and links that the investigators will not uncover. 2 Fuzzy boundaries - the difficulty in deciding who to include and who not to include. 3 Dynamic - these networks are not static, they are always changing. http://pear.accc.uic.edu/ojs/index.php/fm/article/view/941/863 Kyunghoon Kim (UNIST) Network Link Prediction 2015. 9. 3. 26 / 86
  • 27. Link Prediction Example : Terrorist Networks Several summaries of data about hijackers in major newspaper Sydney Morning Herald, 2001 Washington Post, 2001 From 2 to 6 weeks after the event, it appeared that a new relationship or node was added to the network on a daily basis. Kyunghoon Kim (UNIST) Network Link Prediction 2015. 9. 3. 27 / 86
  • 28. Link Prediction Example : Terrorist Networks Kyunghoon Kim (UNIST) Network Link Prediction 2015. 9. 3. 28 / 86
  • 29. Link Prediction Example : Terrorist Networks Kyunghoon Kim (UNIST) Network Link Prediction 2015. 9. 3. 29 / 86
  • 30. Link Prediction Example : Terrorist Networks Kyunghoon Kim (UNIST) Network Link Prediction 2015. 9. 3. 30 / 86
  • 31. Link Prediction Example : Terrorist Networks Kyunghoon Kim (UNIST) Network Link Prediction 2015. 9. 3. 31 / 86
  • 32. Link Prediction Example : Terrorist Networks Kyunghoon Kim (UNIST) Network Link Prediction 2015. 9. 3. 32 / 86
  • 33. Link Prediction Example : Terrorist Networks Kyunghoon Kim (UNIST) Network Link Prediction 2015. 9. 3. 33 / 86
  • 34. 링크 예측의 이론 https://www.cs.umd.edu/class/spring2008/cmsc828g/ Slides/link-prediction.pdf Liben‐Nowell, David, and Jon Kleinberg. “The link‐prediction problem for social networks.” Journal of the American society for information science and technology 58.7 (2007): 1019-1031. Kyunghoon Kim (UNIST) Network Link Prediction 2015. 9. 3. 34 / 86
  • 35. 링크 예측의 세분화 Wang, Peng, et al. ”Link prediction in social networks: the state-of-the-art.” Kyunghoon Kim (UNIST) Network Link Prediction 2015. 9. 3. 35 / 86
  • 36. 링크 예측의 세분화 Kyunghoon Kim (UNIST) Network Link Prediction 2015. 9. 3. 36 / 86
  • 37. Link Prediction with Python Contents Scikit-learn Large-scale Matrix Books NumPy & Pandas Morpheme Analyzer NetworkX IPython & D3.js Kyunghoon Kim (UNIST) Network Link Prediction 2015. 9. 3. 37 / 86
  • 38. K-means Algorithm Kyunghoon Kim (UNIST) Network Link Prediction 2015. 9. 3. 38 / 86
  • 39. K-means Algorithm from sklearn import cluster k = 2 kmeans = cluster.KMeans(n_clusters=k) kmeans.fit(data) Kyunghoon Kim (UNIST) Network Link Prediction 2015. 9. 3. 39 / 86
  • 41. 얼마나 큰 행렬을 다룰 수 있나요? NetworkX는 기본 네트워크 구조로 “dictionary of dictionaries of dictionaries”를 사용 dict-of-dicts-of-dicts 자료 구조의 장점: Find edges and remove edges with two dictionary look-ups. Prefer to “lists” because of fast lookup with sparse storage. Prefer to “sets” since data can be attached to edge. G[u][v] returns the edge attribute dictionary. n in G tests if node n is in graph G. for n in G: iterates through the graph. for nbr in G[n]: iterates through neighbors. https://networkx.github.io/documentation/latest/reference/introduction.html Kyunghoon Kim (UNIST) Network Link Prediction 2015. 9. 3. 41 / 86
  • 42. 얼마나 큰 행렬을 다룰 수 있나요? Kyunghoon Kim (UNIST) Network Link Prediction 2015. 9. 3. 42 / 86
  • 43. 얼마나 큰 행렬을 다룰 수 있나요? Million-scale Graphs Analytic Frameworks SNAP : http://snap.stanford.edu/snappy/index.html Billion-scale Graphs Analytic Frameworks Apache Hama : https://hama.apache.org/ (소개글) Pegasus : http://www.cs.cmu.edu/~pegasus/ s2graph : https://github.com/daumkakao/s2graph (슬라이드) Graph Database Neo4j : http://neo4j.com/ OrientDB : http://orientdb.com/ Kyunghoon Kim (UNIST) Network Link Prediction 2015. 9. 3. 43 / 86
  • 44. 네트워크 공부를 위한 기본 서적 1 Networks: An Introduction by Mark Newman 2 링크 : 21세기를 지배하는 네트워크 과학 LINKED The New Science of Networks Kyunghoon Kim (UNIST) Network Link Prediction 2015. 9. 3. 44 / 86
  • 45. 링크를 예측하기 위한 준비 운동 1 NumPy : 계산 속도에 최적화된 모듈 2 Pandas : 데이터 구조 Kyunghoon Kim (UNIST) Network Link Prediction 2015. 9. 3. 45 / 86
  • 46. NumPy: Numerical Python 다차원 배열 1 근접 메모리를 사용하고, C언어로 구성됨 2 하나의 데이터 타입 3 연산이 한 번에 배열 내의 모든 요소에 적용됨 http://www.numpy.org/ Kyunghoon Kim (UNIST) Network Link Prediction 2015. 9. 3. 46 / 86
  • 47. NumPy: Numerical Python tic = timeit.default_timer() for index, value in enumerate(b): b[index] = value*1.1 toc = timeit.default_timer() print toc-tic 1.82178592682 Kyunghoon Kim (UNIST) Network Link Prediction 2015. 9. 3. 47 / 86
  • 48. NumPy: Numerical Python import numpy as np import timeit a = np.arange(1e7) b = list(a) tic = timeit.default_timer() a = a*1.1 toc = timeit.default_timer() print toc-tic 0.029629945755 사용 방법에 따라, ndarray의 연산 속도는 list()보다 훨씬 빠름. Kyunghoon Kim (UNIST) Network Link Prediction 2015. 9. 3. 48 / 86
  • 49. Pandas: Python Data Analysis Library Kyunghoon Kim (UNIST) Network Link Prediction 2015. 9. 3. 49 / 86
  • 50. Pandas / get data yahoo %pylab inline import pandas as pd import pandas.io.data import datetime start=datetime.datetime(2015,1,1); end=datetime.datetime(2015,8,26) text = """A, AAPL, AMCC, AMD, AMGN, AMKR, AMNT.OB, AMZN, APC, ASOG.P text = text.replace(’ ’, ’’).split(’,’) corps = [] for t in text: if ’.’ not in t: corps.append(t) Code : https://goo.gl/8ddrnS Kyunghoon Kim (UNIST) Network Link Prediction 2015. 9. 3. 50 / 86
  • 51. Pandas / get data yahoo df = pd.io.data.get_data_yahoo(corps, start=start, end=end) df[’Adj Close’].head() Kyunghoon Kim (UNIST) Network Link Prediction 2015. 9. 3. 51 / 86
  • 52. Pandas / Return Value returns = df[’Adj Close’].pct_change() corr = returns.corr() corr Kyunghoon Kim (UNIST) Network Link Prediction 2015. 9. 3. 52 / 86
  • 53. Pandas / Correlation bm = corr>0.5 bm.astype(int) Kyunghoon Kim (UNIST) Network Link Prediction 2015. 9. 3. 53 / 86
  • 54. Pandas / Convert to array mat = bm.astype(int).values mat Kyunghoon Kim (UNIST) Network Link Prediction 2015. 9. 3. 54 / 86
  • 55. NetworkX / from numpy matrix import networkx as nx graph = nx.from_numpy_matrix(mat) graph = nx.relabel_nodes(graph, dict(enumerate(bm.columns))) nx.draw(graph, with_labels=True) Kyunghoon Kim (UNIST) Network Link Prediction 2015. 9. 3. 55 / 86
  • 56. NetworkX / figsize plt.figure(figsize=(20, 20)) nx.draw_spring(graph, with_labels=True) Kyunghoon Kim (UNIST) Network Link Prediction 2015. 9. 3. 56 / 86
  • 57. NetworkX / figsize first = sorted(nx.connected_components(graph), key=len, reverse=True)[0] G = graph.subgraph(first) nx.draw(G, with_labels=True) Kyunghoon Kim (UNIST) Network Link Prediction 2015. 9. 3. 57 / 86
  • 58. NetworkX / 결국 Gephi에서 작업? nx.write_gexf(G, ’graph.gexf’) Gephi에서 gexf 열기 Kyunghoon Kim (UNIST) Network Link Prediction 2015. 9. 3. 58 / 86
  • 59. KoNLPy Kyunghoon Kim (UNIST) Network Link Prediction 2015. 9. 3. 59 / 86
  • 60. mecab-ko 은전한닢 프로젝트( http://eunjeon.blogspot.kr/ ) 검색에서 쓸만한 오픈소스 한국어 형태소 분석기를 만들자! by 이용운, 유영호 $ sudo docker pull koorukuroo/mecab-ko $ sudo docker run -i -t koorukuroo/mecab-ko:0.1 안녕하세요 안녕 NNG,*,T,안녕,*,*,*,* 하 XSV,*,F,하,*,*,*,* 세요 EP+EF,*,F,세요,Inflect,EP,EF,시/EP/*+어요/EF/* EOS https://github.com/koorukuroo/mecab-ko Kyunghoon Kim (UNIST) Network Link Prediction 2015. 9. 3. 60 / 86
  • 61. mecab-ko Kyunghoon Kim (UNIST) Network Link Prediction 2015. 9. 3. 61 / 86
  • 62. mecab-ko-web $ sudo docker pull koorukuroo/mecab-ko-web $ sudo docker run -i -t koorukuroo/mecab-ko-web:0.1 172.17.0.43 (Docker Container IP) 127.0.0.1 * Running on http://0.0.0.0:5000/ (Press CTRL+C to quit) >>> import urllib2 >>> response = urllib2.urlopen(’http://172.17.0.43:5000/?text=안녕’) >>> text = response.read() >>> print text 안녕 NNG,*,T,안녕,*,*,*,* EOS https://github.com/koorukuroo/mecab-ko-web Kyunghoon Kim (UNIST) Network Link Prediction 2015. 9. 3. 62 / 86
  • 64. mecab api import Umorpheme.morpheme as um from collections import OrderedDict s = ’유니스트는 울산에 있습니다’ server = ’http://information.center/api/korean’ apikey = ’’ # Register at http://information.center/korean data = um.analyzer(s, server, apikey, ’유니스트,UNIST’, 1) temp = for key, value in data.items(): temp[int(key)] = value data = OrderedDict(sorted(temp.items())) for i, j in data.iteritems(): print i, j[’data’], j[’feature’] 0 유니스트 CUSTOM 1 는 JX 2 울산 NNP 3 에 JKB 4 있 VV 5 습니다 EC Kyunghoon Kim (UNIST) Network Link Prediction 2015. 9. 3. 64 / 86
  • 65. Pandas에 대한 자세한 내용은.. Kyunghoon Kim (UNIST) Network Link Prediction 2015. 9. 3. 65 / 86
  • 66. 링크 예측의 기본 정의 Γ(x) : 점 x의 이웃들의 집합 |Γ(x)| : 점 x의 이웃들의 개수 Kyunghoon Kim (UNIST) Network Link Prediction 2015. 9. 3. 66 / 86
  • 67. 공통 이웃들 공통 이웃들(Common Neighbors): CN(u, v) = |Γ(u) ∩ Γ(v)| 본 그래프는 실제가 아닌 가상으로 설정된 상황임을 알려드립니다 Kyunghoon Kim (UNIST) Network Link Prediction 2015. 9. 3. 67 / 86
  • 68. 리소스 할당 지수 리소스 할당 지수(Resource Allocation Index): w∈Γ(u)∩Γ(v) 1 |Γ(w)| Kyunghoon Kim (UNIST) Network Link Prediction 2015. 9. 3. 68 / 86
  • 69. 리소스 할당 지수 리소스 할당 지수(Resource Allocation Index): w∈Γ(u)∩Γ(v) 1 |Γ(w)| preds = nx.resource_allocation_index(G) for u, v, p in preds: print ’(%s, %s) -> %.8f’ % (u, v, p) Kyunghoon Kim (UNIST) Network Link Prediction 2015. 9. 3. 69 / 86
  • 70. 리소스 할당 지수 (수지, 혜리) -> 0.33333333 (수지, 경훈) -> 0.83333333 (아이유, 민호) -> 1.00000000 (혜리, 민호) -> 0.00000000 (혜리, 경훈) -> 0.33333333 Kyunghoon Kim (UNIST) Network Link Prediction 2015. 9. 3. 70 / 86
  • 71. 리소스 할당 지수 w∈Γ(u)∩Γ(v) 1 |Γ(w)| (수지, 혜리) -> 0.33333333 (수지, 경훈) -> 0.83333333 (아이유, 민호) -> 1.00000000 (혜리, 민호) -> 0.00000000 (혜리, 경훈) -> 0.33333333 Kyunghoon Kim (UNIST) Network Link Prediction 2015. 9. 3. 71 / 86
  • 72. 한국어 표시하기 pip install --upgrade git+https://github.com/koorukuroo/networkx_for_unicode import matplotlib.font_manager as fm fp1 = fm.FontProperties(fname="./NotoSansKR-Regular.otf") nx.set_fontproperties(fp1) G = nx.Graph() G.add_edge(u’한국어’,u’영어’) nx.draw(G, with_labels=True) Kyunghoon Kim (UNIST) Network Link Prediction 2015. 9. 3. 72 / 86
  • 73. 선호적 연결 선호적 연결(Preferential attachment): |Γ(u)||Γ(v)| Kyunghoon Kim (UNIST) Network Link Prediction 2015. 9. 3. 73 / 86
  • 74. 선호적 연결 nx.draw_networkx_nodes(G, pos, node_size=500, node_color=’yellow’) nx.draw_networkx_edges(G, pos, alpha=0.2) nx.draw_networkx_labels(G, pos, font_size=20); selected_lines = [] for u in G.nodes_iter(): preds = nx.preferential_attachment(G, [(u, v) for v in nx.non_neighbors(G, u)]) largest = heapq.nlargest(5, preds, key = lambda x: x[2]) for l in largest: selected_lines.append(l) subG = nx.Graph() for line in selected_lines: print line[0], line[1], line[2] if line[2]>1: subG.add_edge(line[0], line[1]) pos_subG = dict() for s in subG.nodes(): pos_subG[s] = pos[s] nx.draw_networkx_edges(subG, pos_subG, edge_color=’red’) Kyunghoon Kim (UNIST) Network Link Prediction 2015. 9. 3. 74 / 86
  • 75. 선호적 연결 Kyunghoon Kim (UNIST) Network Link Prediction 2015. 9. 3. 75 / 86
  • 76. 선호적 연결 degree = nx.degree_centrality(G) nx.draw_networkx_nodes(G, pos, node_color=’yellow’, nodelist=degree.keys(), node_size=np.array(degree.values())*10000) nx.draw_networkx_edges(G, pos, alpha=0.2) nx.draw_networkx_labels(G, pos, font_size=20); selected_lines = [] for u in G.nodes_iter(): preds = nx.preferential_attachment(G, [(u, v) for v in nx.non_neighbors(G, u)]) largest = heapq.nlargest(5, preds, key = lambda x: x[2]) for l in largest: selected_lines.append(l) subG = nx.Graph() for line in selected_lines: print line[0], line[1], line[2] if line[2]>1: subG.add_edge(line[0], line[1]) pos_subG = dict() for s in subG.nodes(): pos_subG[s] = pos[s] nx.draw_networkx_edges(subG, pos_subG, edge_color=’red’) Kyunghoon Kim (UNIST) Network Link Prediction 2015. 9. 3. 76 / 86
  • 77. 선호적 연결 Kyunghoon Kim (UNIST) Network Link Prediction 2015. 9. 3. 77 / 86
  • 78. NetworkX의 Link Prediction 함수들 Kyunghoon Kim (UNIST) Network Link Prediction 2015. 9. 3. 78 / 86
  • 79. LPmade https://github.com/rlichtenwalter/LPmade Kyunghoon Kim (UNIST) Network Link Prediction 2015. 9. 3. 79 / 86
  • 80. 데모 matplotlib ipython과 d3.js Kyunghoon Kim (UNIST) Network Link Prediction 2015. 9. 3. 80 / 86
  • 81. ipython과 d3.js from IPython.display import display, HTML Kyunghoon Kim (UNIST) Network Link Prediction 2015. 9. 3. 81 / 86
  • 82. d3.js (Data-Driven Documents) Kyunghoon Kim (UNIST) Network Link Prediction 2015. 9. 3. 82 / 86
  • 83. ipython에서 파일 쓰기 Kyunghoon Kim (UNIST) Network Link Prediction 2015. 9. 3. 83 / 86
  • 84. ipython에서 d3.js 가동하기 코드 https://goo.gl/LpxsKc Kyunghoon Kim (UNIST) Network Link Prediction 2015. 9. 3. 84 / 86
  • 85. ipython과 d3.js edges = d3_graph(G) make_html_graph(edges, 1000, 500) # make_html_graph(edges) %%HTML <iframe src="d3.html" width=100% height=500 frameborder=0></iframe> Demo 화면 : http://i.imgur.com/FeQ9kii.gif Kyunghoon Kim (UNIST) Network Link Prediction 2015. 9. 3. 85 / 86
  • 86. The End Kyunghoon Kim (UNIST) Network Link Prediction 2015. 9. 3. 86 / 86