Skip to content

Instantly share code, notes, and snippets.

@alexander-wei
Last active October 26, 2022 08:20
Show Gist options
  • Save alexander-wei/550dfddae216eecb8cbd3647b8f594a0 to your computer and use it in GitHub Desktop.
Save alexander-wei/550dfddae216eecb8cbd3647b8f594a0 to your computer and use it in GitHub Desktop.
hacker news titles, word embedding
"""
association_model() class-> module for word clusterings
"""
import re
import pickle as pk
import numpy as np
import pandas as pd
from matplotlib import pyplot as plt
import tensorflow as tf
from scipy.sparse import coo_matrix
from sklearn.feature_extraction.text import CountVectorizer
from sklearn.preprocessing import KBinsDiscretizer
from sklearn.cluster import KMeans
from time import time
# association_model class
class association_model():
"""
association_model()
construct and train a word association model
usage:
AM = association_model()
AM.build_run()
AM.predict()
AM.cluster()
"""
def __init__(self):
self.TransformedWords = None
# getk, helper fct
def getk(self,k):
""" getk(k), helper function to produce a k-index unit vector in R1 """
return (np.arange(500) == k).astype(np.float64)
# getk, generate statistical correlations
def create_ATA(self, from_file=True):
""" create_ATA, generate the cooccurrence matrix """
# do some minor cleaning, ie. nan's
_X = pd.read_csv("./workspace/archive/HN_posts_year_to_Sep_26_2016.csv")
_X.title = _X.title.apply(lambda s: s.lower())
_X = _X.dropna()
all_times = list(_X['created_at'])
# **Sample and sort the categories**
# label by times
Times = \
[sum(np.array([60,1]) * np.array(
[_.split('/') for _ in x.split(' ')][1][0].split(':'))\
.astype(np.float64))
for x in all_times]
Times=np.array(Times)
binme = KBinsDiscretizer(10,encode="ordinal",strategy="uniform")
binme.fit(Times.reshape(-1,1))
Times_ = binme.transform(Times.reshape(-1,1))
_X['timebin'] = Times_
_X['log_comments'] = np.log1p(_X['num_comments'])
# search by 1000 entries at a time
t,s = 0,1000; i=0
bigun = {''}
listem = []
returns = False
while not returns:
t+= 1000; s+=1000
if s > _X.shape[0]:
s = _X.shape[0]
returns = True
Q = _X.title.loc[_X.index[t:s]].str.lower().str.split()
V = {''}
l = []
# filter alphanumeric
for q in Q:
for b in q:
x = re.sub("[^a-zA-Z]",' ',b)
l.extend(x.split())
# extend a list, then concat into a set to get only unique entries
listem.extend(l)
for q in l:
V.update({q})
bigun.update(V)
bigun.remove('')
# get the counts
wordcounts = {}.fromkeys(bigun,0)
for l in listem:
wordcounts[l]+=1
wordcounts = \
{k: v for k, v in sorted(wordcounts.items(),
key=lambda item: item[1],reverse=True)}
# top 500 words
I100 = list(wordcounts.keys())[:500]
self.Itup = [(i,wordcounts[i]) for i in I100]
Imap = {''}
i = 0
for v in I100:
Imap.update({v: i})
i+=1
Imap.remove('')
# sklearn ---> counts per word
self.countme = CountVectorizer(vocabulary=Imap)
self.word_legend = self.countme.get_feature_names_out()
self.ATA = 0
global TransformedWords
TransformedWords = self.countme.fit_transform(_X.title)
self.TransformedWords=TransformedWords.toarray().copy()
print (1232)
if not from_file:
""" enable this segment for generation of ATA matrix """
# TransformedWords = TransformedWords.tocoo()
# TransformedWords = self.countme.fit_transform(_X.title)
# TransformedWords_0 = \
# tf.sparse.SparseTensor(indices=np.vstack(
# [TransformedWords.row,TransformedWords.col]).T\
# .reshape(-1,2),
# values=tf.constant(TransformedWords.data),
# dense_shape=[279256,500])
# TransformedWords_0T = tf.sparse.transpose(TransformedWords_0)
# ATA = tf.sparse.sparse_dense_matmul(
# TransformedWords_0T, tf.sparse.to_dense(TransformedWords_0))
# ATA = np.log1p(ATA)
# ATA = ATA.astype(np.float32)
""" pk.dump(ATA, open('500x500Association.pk', 'wb'))"""
assert True
with open("./workspace/clustering/500x500Association.pk", 'rb') as file:
self.ATA = pk.load(file)
else:
with open("./workspace/clustering/500x500Association.pk", 'rb') as file:
self.ATA = pk.load(file)
# generate sparse representation
self.coo = coo_matrix(self.ATA).astype(np.float32)
def define_model(self):
"""
define_model()
define the neural network
"""
# Dense layer Neural Network encoder
D = 10**-10
R = 10**-5
inputs = tf.keras.layers.Input(shape=(1001,))
x = inputs[:,:-1]
x1 = tf.keras.layers.Reshape((500,))(x[:,:500])
x2 = tf.keras.layers.Reshape((500,))(x[:,500:])
D1 = tf.keras.layers.Dense(
250, kernel_regularizer=tf.keras.regularizers.l2(R),
activity_regularizer=tf.keras.regularizers.l2(R))
x1 = D1(x1)
x2 = D1(x2)
D1d = tf.keras.layers.Dropout(D)
x1 = D1d(x1)
x2 = D1d(x2)
D2 = tf.keras.layers.Dense(
120, kernel_regularizer=tf.keras.regularizers.l2(R),
activity_regularizer=tf.keras.regularizers.l2(R))
D2d = tf.keras.layers.Dropout(D)
x1 = D2(x1); x1 = D2d(x1)
x2 = D2(x2); x2 = D2d(x2)
D3 = tf.keras.layers.Dense(
60, kernel_regularizer=tf.keras.regularizers.l2(R),
activity_regularizer=tf.keras.regularizers.l2(R))
D3d = tf.keras.layers.Dropout(D)
x1 = D3(x1); x1 = D3d(x1)
x2 = D3(x2); x2 = D3d(x2)
D4 = tf.keras.layers.Dense(
2, kernel_regularizer=tf.keras.regularizers.l2(R),
activity_regularizer=tf.keras.regularizers.l2(R))
x1 = D4(x1)
x2 = D4(x2)
R1 = tf.keras.layers.Reshape((2,1))
x1 = R1(x1); x2 = R1(x2)
y = tf.keras.layers.Concatenate(axis=-1)([x1, x2])
Model = tf.keras.models.Model(inputs = inputs, outputs= y)
return Model
def build_run(self, verbose=False):
"""
build_run( verbose bool)
build and run the neural network to produce embeddings (and graphics)
"""
def embed_loss_plain_association(x,y):
return tf.keras.backend.sum(
tf.keras.backend.pow((x[0]-x[1]) * y,2))
self.create_ATA()
self.Model = self.define_model()
self.Model.build(input_shape=(1001,))
if verbose:
self.Model.summary()
self.Model.compile(loss=embed_loss_plain_association,
optimizer=tf.keras.optimizers.Adam(
tf.keras.optimizers.schedules.ExponentialDecay(
1.,50,.5,staircase=False)))
# generate training data
Z = list(zip(self.coo.row, self.coo.col, self.coo.data))
train_x = np.array(
[np.hstack([self.getk(z[0]), self.getk(z[1]), z[2]])\
for z in Z])
self.Model.fit(train_x.reshape(-1,1001,1), self.coo.data.reshape(-1,1),
epochs=30, batch_size=4096, verbose=verbose)
def predict(self):
"""
predict()
generate predictions
"""
retrieve_x = np.array(
[ np.hstack([self.getk(z), np.zeros(501)]) for z in range(500)]
)
self.YY = self.Model.predict(retrieve_x.reshape(-1,1001,1))
return self.YY
def cluster(self,show=True):
"""
cluster( bool show)
produce clusterings
"""
# visualize_test predictions
KM = KMeans(n_clusters=3)
YY = self.YY
Itup = self.Itup
labels = KM.fit_predict(YY[:,:,0])
score = KM.score(YY[:,:,0])
STAMP = str(time())
print(STAMP)
if show:
_ = np.log(np.array(Itup[:])[:,1].astype(np.float32))
_ = _/np.max(_); _ = _**1.5
plt.figure(figsize=(16,10))
plt.scatter(YY[:,0,0], YY[:,1,0],c=labels,alpha=_**1.3)
plt.colorbar(ticks=np.arange(4))
plt.show()
labeled500Words = pd.DataFrame(np.squeeze([self.word_legend,labels]).T,
columns=['word', 'label'])
labeled500Words = labeled500Words.groupby('label').apply(np.array)
appendix_of_words =\
[labeled500Words[i][:,0] for i in range(len(labeled500Words))]
with open("appendix/appendix." + STAMP + ".pk",'wb') as file:
pk.dump(appendix_of_words,file)
log_word_count_in_corpus = \
np.log(np.array(Itup[:])[:,1].astype(np.float32))
DF = pd.DataFrame(np.vstack([YY[:,0,0],YY[:,1,0], self.word_legend,
labels, log_word_count_in_corpus]).T,
columns=['x','y','word', 'cluster', 'log_count'])
with open('appendix/predicted_DF.' + STAMP + '.pk', 'wb') as file:
pk.dump(DF, file)
if show:
print(appendix_of_words)
counts = [len(k) for k in appendix_of_words]
print(counts)
return counts, score, appendix_of_words
Display the source blob
Display the rendered blob
Raw
Loading
Sorry, something went wrong. Reload?
Sorry, we cannot display this file.
Sorry, this file is invalid so it cannot be displayed.
Display the source blob
Display the rendered blob
Raw
{
"cells": [
{
"cell_type": "code",
"execution_count": 116,
"id": "53e7964d-47a6-4219-9984-d7f936c6ed3d",
"metadata": {},
"outputs": [
{
"name": "stdout",
"output_type": "stream",
"text": [
"** clustering 0 ***\n",
"| | 0 | 1 | 2 |\n",
"|----:|:-------------|:-------------|:------------|\n",
"| 0 | a | ad | access |\n",
"| 1 | about | after | ads |\n",
"| 2 | all | against | again |\n",
"| 3 | american | age | ai |\n",
"| 4 | an | amazon | algorithm |\n",
"| 5 | analytics | analysis | america |\n",
"| 6 | any | angular | and |\n",
"| 7 | apple | apache | android |\n",
"| 8 | application | app | api |\n",
"| 9 | applications | available | at |\n",
"| 10 | apps | bad | aws |\n",
"| 11 | are | become | back |\n",
"| 12 | art | been | be |\n",
"| 13 | artificial | behind | before |\n",
"| 14 | as | beta | being |\n",
"| 15 | attack | bill | bitcoin |\n",
"| 16 | b | black | blockchain |\n",
"| 17 | based | book | brain |\n",
"| 18 | best | bot | browser |\n",
"| 19 | better | building | build |\n",
"| 20 | between | built | but |\n",
"| 21 | big | case | change |\n",
"| 22 | books | ceo | chinese |\n",
"| 23 | business | client | community |\n",
"| 24 | by | cloud | companies |\n",
"| 25 | c | coding | company |\n",
"| 26 | can | coming | computer |\n",
"| 27 | car | data | computing |\n",
"| 28 | cars | dead | core |\n",
"| 29 | china | deal | cost |\n",
"| 30 | chrome | deep | could |\n",
"| 31 | city | design | creating |\n",
"| 32 | code | development | day |\n",
"| 33 | com | dont | death |\n",
"| 34 | command | down | developers |\n",
"| 35 | content | experience | did |\n",
"| 36 | control | fast | digital |\n",
"| 37 | court | file | distributed |\n",
"| 38 | create | files | does |\n",
"| 39 | css | find | drone |\n",
"| 40 | d | founder | earth |\n",
"| 41 | database | framework | economy |\n",
"| 42 | developer | from | encryption |\n",
"| 43 | devices | full | end |\n",
"| 44 | do | future | energy |\n",
"| 45 | docker | gets | every |\n",
"| 46 | don | getting | everything |\n",
"| 47 | driving | git | for |\n",
"| 48 | e | global | game |\n",
"| 49 | easy | going | games |\n",
"| 50 | email | good | generation |\n",
"| 51 | engine | got | go |\n",
"| 52 | engineering | growth | google |\n",
"| 53 | ever | guide | hacker |\n",
"| 54 | f | hack | hackers |\n",
"| 55 | facebook | hard | have |\n",
"| 56 | faster | has | here |\n",
"| 57 | fbi | health | high |\n",
"| 58 | first | help | his |\n",
"| 59 | found | hn | history |\n",
"| 60 | free | how | home |\n",
"| 61 | get | human | if |\n",
"| 62 | github | images | image |\n",
"| 63 | government | india | in |\n",
"| 64 | great | industry | inside |\n",
"| 65 | hacking | intel | interview |\n",
"| 66 | html | intelligence | into |\n",
"| 67 | http | interactive | io |\n",
"| 68 | i | introducing | java |\n",
"| 69 | internet | iot | job |\n",
"| 70 | introduction | iphone | just |\n",
"| 71 | ios | is | launches |\n",
"| 72 | its | it | learned |\n",
"| 73 | jobs | javascript | learning |\n",
"| 74 | js | keep | lessons |\n",
"| 75 | k | last | long |\n",
"| 76 | key | launch | look |\n",
"| 77 | know | law | love |\n",
"| 78 | language | learn | making |\n",
"| 79 | less | let | manager |\n",
"| 80 | lets | like | market |\n",
"| 81 | library | line | me |\n",
"| 82 | life | linux | meet |\n",
"| 83 | light | live | memory |\n",
"| 84 | list | made | mobile |\n",
"| 85 | m | makes | model |\n",
"| 86 | mac | management | money |\n",
"| 87 | machine | modern | most |\n",
"| 88 | make | more | my |\n",
"| 89 | man | music | nasa |\n",
"| 90 | many | net | native |\n",
"| 91 | map | networks | need |\n",
"| 92 | marketing | news | neural |\n",
"| 93 | may | node | new |\n",
"| 94 | media | now | no |\n",
"| 95 | microsoft | office | not |\n",
"| 96 | much | on | of |\n",
"| 97 | network | os | old |\n",
"| 98 | never | phone | own |\n",
"| 99 | next | police | page |\n",
"| 100 | off | post | part |\n",
"| 101 | one | privacy | pay |\n",
"| 102 | online | private | pi |\n",
"| 103 | only | problem | play |\n",
"| 104 | open | programming | product |\n",
"| 105 | or | project | program |\n",
"| 106 | other | projects | public |\n",
"| 107 | our | real | python |\n",
"| 108 | out | reality | re |\n",
"| 109 | over | really | released |\n",
"| 110 | pdf | robots | remote |\n",
"| 111 | people | running | review |\n",
"| 112 | performance | science | right |\n",
"| 113 | php | scientists | robot |\n",
"| 114 | plan | security | run |\n",
"| 115 | platform | self | rust |\n",
"| 116 | power | server | school |\n",
"| 117 | quantum | service | see |\n",
"| 118 | r | set | series |\n",
"| 119 | rails | should | services |\n",
"| 120 | raises | show | sharing |\n",
"| 121 | react | shows | small |\n",
"| 122 | read | side | software |\n",
"| 123 | release | silicon | solar |\n",
"| 124 | report | simple | some |\n",
"| 125 | research | site | space |\n",
"| 126 | rise | slack | stack |\n",
"| 127 | ruby | smart | start |\n",
"| 128 | rules | so | story |\n",
"| 129 | s | star | systems |\n",
"| 130 | san | startup | take |\n",
"| 131 | save | still | team |\n",
"| 132 | say | support | them |\n",
"| 133 | says | swift | three |\n",
"| 134 | scale | system | time |\n",
"| 135 | search | technology | to |\n",
"| 136 | secret | than | tools |\n",
"| 137 | secure | that | top |\n",
"| 138 | social | their | tv |\n",
"| 139 | source | there | ui |\n",
"| 140 | speed | think | uk |\n",
"| 141 | startups | this | used |\n",
"| 142 | state | through | user |\n",
"| 143 | stop | today | users |\n",
"| 144 | storage | too | valley |\n",
"| 145 | store | two | via |\n",
"| 146 | study | update | war |\n",
"| 147 | t | us | we |\n",
"| 148 | tech | visual | web |\n",
"| 149 | tesla | vr | who |\n",
"| 150 | test | vs | with |\n",
"| 151 | testing | was | work |\n",
"| 152 | text | watch | working |\n",
"| 153 | the | way | write |\n",
"| 154 | they | ways | your |\n",
"| 155 | things | week | |\n",
"| 156 | tips | were | |\n",
"| 157 | tool | what | |\n",
"| 158 | twitter | where | |\n",
"| 159 | u | why | |\n",
"| 160 | uber | without | |\n",
"| 161 | under | women | |\n",
"| 162 | up | would | |\n",
"| 163 | use | wrong | |\n",
"| 164 | using | year | |\n",
"| 165 | v | you | |\n",
"| 166 | version | | |\n",
"| 167 | video | | |\n",
"| 168 | virtual | | |\n",
"| 169 | want | | |\n",
"| 170 | wants | | |\n",
"| 171 | website | | |\n",
"| 172 | when | | |\n",
"| 173 | will | | |\n",
"| 174 | windows | | |\n",
"| 175 | world | | |\n",
"| 176 | writing | | |\n",
"| 177 | x | | |\n",
"| 178 | years | | |\n",
"\n",
"\n",
"\n",
"** clustering 1 ***\n",
"| | 0 | 1 | 2 |\n",
"|----:|:-------------|:-------------|:-------------|\n",
"| 0 | about | a | ad |\n",
"| 1 | access | ads | all |\n",
"| 2 | again | after | american |\n",
"| 3 | against | age | analytics |\n",
"| 4 | android | ai | application |\n",
"| 5 | apache | algorithm | artificial |\n",
"| 6 | api | amazon | as |\n",
"| 7 | app | america | aws |\n",
"| 8 | back | an | become |\n",
"| 9 | bad | analysis | behind |\n",
"| 10 | based | and | being |\n",
"| 11 | be | angular | black |\n",
"| 12 | been | any | bot |\n",
"| 13 | best | apple | car |\n",
"| 14 | better | applications | case |\n",
"| 15 | big | apps | chinese |\n",
"| 16 | bill | are | city |\n",
"| 17 | bitcoin | art | computer |\n",
"| 18 | blockchain | at | could |\n",
"| 19 | books | attack | court |\n",
"| 20 | build | available | creating |\n",
"| 21 | building | b | deal |\n",
"| 22 | built | before | death |\n",
"| 23 | business | beta | development |\n",
"| 24 | by | between | devices |\n",
"| 25 | can | book | digital |\n",
"| 26 | change | brain | distributed |\n",
"| 27 | china | browser | docker |\n",
"| 28 | chrome | but | don |\n",
"| 29 | com | c | easy |\n",
"| 30 | community | cars | ever |\n",
"| 31 | companies | ceo | files |\n",
"| 32 | company | client | framework |\n",
"| 33 | control | cloud | from |\n",
"| 34 | core | code | future |\n",
"| 35 | database | coding | game |\n",
"| 36 | dead | coming | getting |\n",
"| 37 | developer | command | hacker |\n",
"| 38 | developers | computing | images |\n",
"| 39 | did | content | interview |\n",
"| 40 | down | cost | introduction |\n",
"| 41 | driving | create | io |\n",
"| 42 | drone | css | key |\n",
"| 43 | earth | d | last |\n",
"| 44 | email | data | launches |\n",
"| 45 | encryption | day | lessons |\n",
"| 46 | energy | deep | lets |\n",
"| 47 | engineering | design | list |\n",
"| 48 | every | do | live |\n",
"| 49 | experience | does | machine |\n",
"| 50 | faster | dont | make |\n",
"| 51 | fbi | e | making |\n",
"| 52 | file | economy | many |\n",
"| 53 | find | end | memory |\n",
"| 54 | first | engine | microsoft |\n",
"| 55 | for | everything | music |\n",
"| 56 | found | f | need |\n",
"| 57 | founder | facebook | neural |\n",
"| 58 | free | fast | news |\n",
"| 59 | generation | full | next |\n",
"| 60 | get | games | old |\n",
"| 61 | github | gets | one |\n",
"| 62 | global | git | online |\n",
"| 63 | going | go | or |\n",
"| 64 | good | google | over |\n",
"| 65 | got | growth | page |\n",
"| 66 | government | guide | phone |\n",
"| 67 | great | hack | php |\n",
"| 68 | hacking | hackers | pi |\n",
"| 69 | has | hard | private |\n",
"| 70 | have | health | programming |\n",
"| 71 | help | his | read |\n",
"| 72 | here | how | reality |\n",
"| 73 | high | i | remote |\n",
"| 74 | history | image | rise |\n",
"| 75 | hn | india | rust |\n",
"| 76 | home | industry | san |\n",
"| 77 | html | inside | says |\n",
"| 78 | http | interactive | search |\n",
"| 79 | human | internet | software |\n",
"| 80 | if | into | startups |\n",
"| 81 | in | ios | still |\n",
"| 82 | intel | it | store |\n",
"| 83 | intelligence | java | story |\n",
"| 84 | introducing | job | study |\n",
"| 85 | iot | js | support |\n",
"| 86 | iphone | k | team |\n",
"| 87 | is | learn | tech |\n",
"| 88 | its | library | testing |\n",
"| 89 | javascript | line | their |\n",
"| 90 | jobs | linux | them |\n",
"| 91 | just | long | time |\n",
"| 92 | keep | look | too |\n",
"| 93 | know | m | uber |\n",
"| 94 | language | made | use |\n",
"| 95 | launch | makes | virtual |\n",
"| 96 | law | man | vs |\n",
"| 97 | learned | may | was |\n",
"| 98 | learning | media | way |\n",
"| 99 | less | meet | were |\n",
"| 100 | let | mobile | when |\n",
"| 101 | life | most | who |\n",
"| 102 | light | much | years |\n",
"| 103 | like | nasa | |\n",
"| 104 | love | native | |\n",
"| 105 | mac | no | |\n",
"| 106 | management | now | |\n",
"| 107 | manager | of | |\n",
"| 108 | map | our | |\n",
"| 109 | market | own | |\n",
"| 110 | marketing | people | |\n",
"| 111 | me | performance | |\n",
"| 112 | model | platform | |\n",
"| 113 | modern | play | |\n",
"| 114 | money | police | |\n",
"| 115 | more | power | |\n",
"| 116 | my | problem | |\n",
"| 117 | net | program | |\n",
"| 118 | network | projects | |\n",
"| 119 | networks | quantum | |\n",
"| 120 | never | r | |\n",
"| 121 | new | rails | |\n",
"| 122 | node | react | |\n",
"| 123 | not | real | |\n",
"| 124 | off | research | |\n",
"| 125 | office | robot | |\n",
"| 126 | on | robots | |\n",
"| 127 | only | rules | |\n",
"| 128 | open | s | |\n",
"| 129 | os | scale | |\n",
"| 130 | other | scientists | |\n",
"| 131 | out | secure | |\n",
"| 132 | part | self | |\n",
"| 133 | pay | sharing | |\n",
"| 134 | pdf | should | |\n",
"| 135 | plan | side | |\n",
"| 136 | post | simple | |\n",
"| 137 | privacy | site | |\n",
"| 138 | product | slack | |\n",
"| 139 | project | small | |\n",
"| 140 | public | so | |\n",
"| 141 | python | solar | |\n",
"| 142 | raises | source | |\n",
"| 143 | re | space | |\n",
"| 144 | really | start | |\n",
"| 145 | release | startup | |\n",
"| 146 | released | storage | |\n",
"| 147 | report | t | |\n",
"| 148 | review | take | |\n",
"| 149 | right | tesla | |\n",
"| 150 | ruby | test | |\n",
"| 151 | run | than | |\n",
"| 152 | running | the | |\n",
"| 153 | save | this | |\n",
"| 154 | say | three | |\n",
"| 155 | school | through | |\n",
"| 156 | science | tv | |\n",
"| 157 | secret | two | |\n",
"| 158 | security | u | |\n",
"| 159 | see | us | |\n",
"| 160 | series | used | |\n",
"| 161 | server | users | |\n",
"| 162 | service | v | |\n",
"| 163 | services | version | |\n",
"| 164 | set | via | |\n",
"| 165 | show | video | |\n",
"| 166 | shows | visual | |\n",
"| 167 | silicon | want | |\n",
"| 168 | smart | war | |\n",
"| 169 | social | watch | |\n",
"| 170 | some | ways | |\n",
"| 171 | speed | we | |\n",
"| 172 | stack | web | |\n",
"| 173 | star | website | |\n",
"| 174 | state | week | |\n",
"| 175 | stop | what | |\n",
"| 176 | swift | will | |\n",
"| 177 | system | women | |\n",
"| 178 | systems | work | |\n",
"| 179 | technology | writing | |\n",
"| 180 | text | wrong | |\n",
"| 181 | that | x | |\n",
"| 182 | there | you | |\n",
"| 183 | they | | |\n",
"| 184 | things | | |\n",
"| 185 | think | | |\n",
"| 186 | tips | | |\n",
"| 187 | to | | |\n",
"| 188 | today | | |\n",
"| 189 | tool | | |\n",
"| 190 | tools | | |\n",
"| 191 | top | | |\n",
"| 192 | twitter | | |\n",
"| 193 | ui | | |\n",
"| 194 | uk | | |\n",
"| 195 | under | | |\n",
"| 196 | up | | |\n",
"| 197 | update | | |\n",
"| 198 | user | | |\n",
"| 199 | using | | |\n",
"| 200 | valley | | |\n",
"| 201 | vr | | |\n",
"| 202 | wants | | |\n",
"| 203 | where | | |\n",
"| 204 | why | | |\n",
"| 205 | windows | | |\n",
"| 206 | with | | |\n",
"| 207 | without | | |\n",
"| 208 | working | | |\n",
"| 209 | world | | |\n",
"| 210 | would | | |\n",
"| 211 | write | | |\n",
"| 212 | year | | |\n",
"| 213 | your | | |\n",
"\n",
"\n",
"\n",
"** clustering 2 ***\n",
"| | 0 | 1 | 2 |\n",
"|----:|:------------|:-----------|:-------------|\n",
"| 0 | about | a | access |\n",
"| 1 | against | ad | after |\n",
"| 2 | all | ads | again |\n",
"| 3 | amazon | age | algorithm |\n",
"| 4 | and | ai | america |\n",
"| 5 | application | american | android |\n",
"| 6 | artificial | an | angular |\n",
"| 7 | become | analysis | any |\n",
"| 8 | best | analytics | apache |\n",
"| 9 | between | api | app |\n",
"| 10 | black | apple | applications |\n",
"| 11 | book | are | apps |\n",
"| 12 | building | art | as |\n",
"| 13 | but | available | at |\n",
"| 14 | car | aws | attack |\n",
"| 15 | cars | b | been |\n",
"| 16 | client | back | before |\n",
"| 17 | cloud | bad | behind |\n",
"| 18 | community | based | being |\n",
"| 19 | companies | be | beta |\n",
"| 20 | core | brain | better |\n",
"| 21 | could | build | big |\n",
"| 22 | development | by | bill |\n",
"| 23 | did | c | bitcoin |\n",
"| 24 | docker | can | blockchain |\n",
"| 25 | encryption | china | books |\n",
"| 26 | engineering | chrome | bot |\n",
"| 27 | faster | city | browser |\n",
"| 28 | generation | com | built |\n",
"| 29 | going | command | business |\n",
"| 30 | hackers | company | case |\n",
"| 31 | hard | computing | ceo |\n",
"| 32 | has | creating | change |\n",
"| 33 | here | css | chinese |\n",
"| 34 | how | d | code |\n",
"| 35 | http | day | coding |\n",
"| 36 | human | death | coming |\n",
"| 37 | image | design | computer |\n",
"| 38 | india | developers | content |\n",
"| 39 | industry | digital | control |\n",
"| 40 | introducing | do | cost |\n",
"| 41 | iot | don | court |\n",
"| 42 | iphone | down | create |\n",
"| 43 | language | driving | data |\n",
"| 44 | last | e | database |\n",
"| 45 | let | email | dead |\n",
"| 46 | lets | energy | deal |\n",
"| 47 | life | engine | deep |\n",
"| 48 | love | every | developer |\n",
"| 49 | management | f | devices |\n",
"| 50 | much | facebook | distributed |\n",
"| 51 | music | fbi | does |\n",
"| 52 | network | files | dont |\n",
"| 53 | next | find | drone |\n",
"| 54 | not | free | earth |\n",
"| 55 | on | get | easy |\n",
"| 56 | only | git | economy |\n",
"| 57 | our | github | end |\n",
"| 58 | out | global | ever |\n",
"| 59 | over | google | everything |\n",
"| 60 | platform | hacker | experience |\n",
"| 61 | play | home | fast |\n",
"| 62 | program | i | file |\n",
"| 63 | programming | images | first |\n",
"| 64 | python | in | for |\n",
"| 65 | really | interview | found |\n",
"| 66 | release | just | founder |\n",
"| 67 | released | k | framework |\n",
"| 68 | robot | keep | from |\n",
"| 69 | ruby | key | full |\n",
"| 70 | say | launch | future |\n",
"| 71 | school | launches | game |\n",
"| 72 | science | learning | games |\n",
"| 73 | scientists | light | gets |\n",
"| 74 | secure | like | getting |\n",
"| 75 | set | live | go |\n",
"| 76 | site | look | good |\n",
"| 77 | social | m | got |\n",
"| 78 | software | machine | government |\n",
"| 79 | star | made | great |\n",
"| 80 | state | manager | growth |\n",
"| 81 | storage | map | guide |\n",
"| 82 | store | marketing | hack |\n",
"| 83 | support | may | hacking |\n",
"| 84 | system | me | have |\n",
"| 85 | tech | media | health |\n",
"| 86 | than | meet | help |\n",
"| 87 | they | memory | high |\n",
"| 88 | things | model | his |\n",
"| 89 | three | modern | history |\n",
"| 90 | through | my | hn |\n",
"| 91 | tool | nasa | html |\n",
"| 92 | tools | native | if |\n",
"| 93 | top | need | inside |\n",
"| 94 | uk | neural | intel |\n",
"| 95 | us | news | intelligence |\n",
"| 96 | used | off | interactive |\n",
"| 97 | using | old | internet |\n",
"| 98 | version | open | into |\n",
"| 99 | visual | pdf | introduction |\n",
"| 100 | want | people | io |\n",
"| 101 | web | phone | ios |\n",
"| 102 | were | pi | is |\n",
"| 103 | where | police | it |\n",
"| 104 | why | problem | its |\n",
"| 105 | windows | product | java |\n",
"| 106 | women | project | javascript |\n",
"| 107 | working | public | job |\n",
"| 108 | | quantum | jobs |\n",
"| 109 | | r | js |\n",
"| 110 | | rails | know |\n",
"| 111 | | read | law |\n",
"| 112 | | reality | learn |\n",
"| 113 | | research | learned |\n",
"| 114 | | right | less |\n",
"| 115 | | rules | lessons |\n",
"| 116 | | running | library |\n",
"| 117 | | s | line |\n",
"| 118 | | san | linux |\n",
"| 119 | | scale | list |\n",
"| 120 | | see | long |\n",
"| 121 | | series | mac |\n",
"| 122 | | server | make |\n",
"| 123 | | service | makes |\n",
"| 124 | | sharing | making |\n",
"| 125 | | should | man |\n",
"| 126 | | side | many |\n",
"| 127 | | silicon | market |\n",
"| 128 | | simple | microsoft |\n",
"| 129 | | small | mobile |\n",
"| 130 | | smart | money |\n",
"| 131 | | source | more |\n",
"| 132 | | speed | most |\n",
"| 133 | | stack | net |\n",
"| 134 | | start | networks |\n",
"| 135 | | story | never |\n",
"| 136 | | t | new |\n",
"| 137 | | take | no |\n",
"| 138 | | team | node |\n",
"| 139 | | the | now |\n",
"| 140 | | their | of |\n",
"| 141 | | them | office |\n",
"| 142 | | there | one |\n",
"| 143 | | think | online |\n",
"| 144 | | today | or |\n",
"| 145 | | u | os |\n",
"| 146 | | uber | other |\n",
"| 147 | | ui | own |\n",
"| 148 | | up | page |\n",
"| 149 | | use | part |\n",
"| 150 | | user | pay |\n",
"| 151 | | users | performance |\n",
"| 152 | | v | php |\n",
"| 153 | | video | plan |\n",
"| 154 | | was | post |\n",
"| 155 | | ways | power |\n",
"| 156 | | we | privacy |\n",
"| 157 | | week | private |\n",
"| 158 | | who | projects |\n",
"| 159 | | work | raises |\n",
"| 160 | | world | re |\n",
"| 161 | | write | react |\n",
"| 162 | | x | real |\n",
"| 163 | | year | remote |\n",
"| 164 | | | report |\n",
"| 165 | | | review |\n",
"| 166 | | | rise |\n",
"| 167 | | | robots |\n",
"| 168 | | | run |\n",
"| 169 | | | rust |\n",
"| 170 | | | save |\n",
"| 171 | | | says |\n",
"| 172 | | | search |\n",
"| 173 | | | secret |\n",
"| 174 | | | security |\n",
"| 175 | | | self |\n",
"| 176 | | | services |\n",
"| 177 | | | show |\n",
"| 178 | | | shows |\n",
"| 179 | | | slack |\n",
"| 180 | | | so |\n",
"| 181 | | | solar |\n",
"| 182 | | | some |\n",
"| 183 | | | space |\n",
"| 184 | | | startup |\n",
"| 185 | | | startups |\n",
"| 186 | | | still |\n",
"| 187 | | | stop |\n",
"| 188 | | | study |\n",
"| 189 | | | swift |\n",
"| 190 | | | systems |\n",
"| 191 | | | technology |\n",
"| 192 | | | tesla |\n",
"| 193 | | | test |\n",
"| 194 | | | testing |\n",
"| 195 | | | text |\n",
"| 196 | | | that |\n",
"| 197 | | | this |\n",
"| 198 | | | time |\n",
"| 199 | | | tips |\n",
"| 200 | | | to |\n",
"| 201 | | | too |\n",
"| 202 | | | tv |\n",
"| 203 | | | twitter |\n",
"| 204 | | | two |\n",
"| 205 | | | under |\n",
"| 206 | | | update |\n",
"| 207 | | | valley |\n",
"| 208 | | | via |\n",
"| 209 | | | virtual |\n",
"| 210 | | | vr |\n",
"| 211 | | | vs |\n",
"| 212 | | | wants |\n",
"| 213 | | | war |\n",
"| 214 | | | watch |\n",
"| 215 | | | way |\n",
"| 216 | | | website |\n",
"| 217 | | | what |\n",
"| 218 | | | when |\n",
"| 219 | | | will |\n",
"| 220 | | | with |\n",
"| 221 | | | without |\n",
"| 222 | | | would |\n",
"| 223 | | | writing |\n",
"| 224 | | | wrong |\n",
"| 225 | | | years |\n",
"| 226 | | | you |\n",
"| 227 | | | your |\n",
"\n",
"\n",
"\n",
"** clustering 3 ***\n",
"| | 0 | 1 | 2 |\n",
"|----:|:------------|:-------------|:------------|\n",
"| 0 | a | ads | about |\n",
"| 1 | ad | again | access |\n",
"| 2 | after | against | america |\n",
"| 3 | age | ai | at |\n",
"| 4 | algorithm | all | attack |\n",
"| 5 | analysis | amazon | aws |\n",
"| 6 | analytics | american | beta |\n",
"| 7 | api | an | black |\n",
"| 8 | apple | and | blockchain |\n",
"| 9 | are | android | book |\n",
"| 10 | art | angular | brain |\n",
"| 11 | b | any | built |\n",
"| 12 | be | apache | client |\n",
"| 13 | behind | app | coding |\n",
"| 14 | being | application | companies |\n",
"| 15 | better | applications | company |\n",
"| 16 | books | apps | computer |\n",
"| 17 | browser | artificial | computing |\n",
"| 18 | build | as | database |\n",
"| 19 | by | available | death |\n",
"| 20 | c | back | deep |\n",
"| 21 | can | bad | don |\n",
"| 22 | cars | based | down |\n",
"| 23 | change | become | driving |\n",
"| 24 | community | been | engine |\n",
"| 25 | css | before | files |\n",
"| 26 | d | best | for |\n",
"| 27 | day | between | full |\n",
"| 28 | dead | big | future |\n",
"| 29 | deal | bill | game |\n",
"| 30 | developer | bitcoin | get |\n",
"| 31 | developers | bot | gets |\n",
"| 32 | devices | building | going |\n",
"| 33 | distributed | business | guide |\n",
"| 34 | docker | but | has |\n",
"| 35 | e | car | health |\n",
"| 36 | end | case | high |\n",
"| 37 | everything | ceo | http |\n",
"| 38 | experience | china | images |\n",
"| 39 | f | chinese | in |\n",
"| 40 | fast | chrome | io |\n",
"| 41 | faster | city | job |\n",
"| 42 | fbi | cloud | js |\n",
"| 43 | find | code | know |\n",
"| 44 | first | com | lessons |\n",
"| 45 | founder | coming | library |\n",
"| 46 | framework | command | linux |\n",
"| 47 | generation | content | love |\n",
"| 48 | getting | control | many |\n",
"| 49 | google | core | may |\n",
"| 50 | government | cost | media |\n",
"| 51 | great | could | memory |\n",
"| 52 | hacker | court | money |\n",
"| 53 | hackers | create | nasa |\n",
"| 54 | hacking | creating | need |\n",
"| 55 | hard | data | neural |\n",
"| 56 | have | design | never |\n",
"| 57 | his | development | no |\n",
"| 58 | history | did | off |\n",
"| 59 | home | digital | office |\n",
"| 60 | how | do | one |\n",
"| 61 | human | does | over |\n",
"| 62 | i | dont | part |\n",
"| 63 | image | drone | php |\n",
"| 64 | into | earth | product |\n",
"| 65 | introducing | easy | programming |\n",
"| 66 | iot | economy | projects |\n",
"| 67 | is | email | rails |\n",
"| 68 | it | encryption | react |\n",
"| 69 | java | energy | remote |\n",
"| 70 | javascript | engineering | report |\n",
"| 71 | k | ever | running |\n",
"| 72 | key | every | san |\n",
"| 73 | language | facebook | science |\n",
"| 74 | launches | file | security |\n",
"| 75 | less | found | see |\n",
"| 76 | let | free | self |\n",
"| 77 | list | from | server |\n",
"| 78 | long | games | sharing |\n",
"| 79 | look | git | shows |\n",
"| 80 | m | github | simple |\n",
"| 81 | mac | global | space |\n",
"| 82 | makes | go | star |\n",
"| 83 | making | good | storage |\n",
"| 84 | man | got | team |\n",
"| 85 | management | growth | tech |\n",
"| 86 | manager | hack | their |\n",
"| 87 | meet | help | things |\n",
"| 88 | mobile | here | think |\n",
"| 89 | more | hn | ui |\n",
"| 90 | most | html | used |\n",
"| 91 | much | if | user |\n",
"| 92 | networks | india | using |\n",
"| 93 | news | industry | via |\n",
"| 94 | next | inside | website |\n",
"| 95 | on | intel | week |\n",
"| 96 | other | intelligence | were |\n",
"| 97 | pay | interactive | what |\n",
"| 98 | pi | internet | who |\n",
"| 99 | play | interview | working |\n",
"| 100 | police | introduction | would |\n",
"| 101 | post | ios | writing |\n",
"| 102 | privacy | iphone | years |\n",
"| 103 | problem | its | |\n",
"| 104 | python | jobs | |\n",
"| 105 | r | just | |\n",
"| 106 | raises | keep | |\n",
"| 107 | research | last | |\n",
"| 108 | review | launch | |\n",
"| 109 | robots | law | |\n",
"| 110 | run | learn | |\n",
"| 111 | s | learned | |\n",
"| 112 | say | learning | |\n",
"| 113 | says | lets | |\n",
"| 114 | school | life | |\n",
"| 115 | search | light | |\n",
"| 116 | secret | like | |\n",
"| 117 | set | line | |\n",
"| 118 | should | live | |\n",
"| 119 | silicon | machine | |\n",
"| 120 | site | made | |\n",
"| 121 | smart | make | |\n",
"| 122 | software | map | |\n",
"| 123 | source | market | |\n",
"| 124 | speed | marketing | |\n",
"| 125 | startup | me | |\n",
"| 126 | startups | microsoft | |\n",
"| 127 | state | model | |\n",
"| 128 | support | modern | |\n",
"| 129 | systems | music | |\n",
"| 130 | t | my | |\n",
"| 131 | test | native | |\n",
"| 132 | testing | net | |\n",
"| 133 | than | network | |\n",
"| 134 | there | new | |\n",
"| 135 | this | node | |\n",
"| 136 | three | not | |\n",
"| 137 | through | now | |\n",
"| 138 | today | of | |\n",
"| 139 | tools | old | |\n",
"| 140 | tv | online | |\n",
"| 141 | u | only | |\n",
"| 142 | under | open | |\n",
"| 143 | v | or | |\n",
"| 144 | valley | os | |\n",
"| 145 | version | our | |\n",
"| 146 | video | out | |\n",
"| 147 | virtual | own | |\n",
"| 148 | visual | page | |\n",
"| 149 | vs | pdf | |\n",
"| 150 | war | people | |\n",
"| 151 | watch | performance | |\n",
"| 152 | we | phone | |\n",
"| 153 | web | plan | |\n",
"| 154 | when | platform | |\n",
"| 155 | where | power | |\n",
"| 156 | with | private | |\n",
"| 157 | without | program | |\n",
"| 158 | women | project | |\n",
"| 159 | work | public | |\n",
"| 160 | world | quantum | |\n",
"| 161 | write | re | |\n",
"| 162 | wrong | read | |\n",
"| 163 | x | real | |\n",
"| 164 | your | reality | |\n",
"| 165 | | really | |\n",
"| 166 | | release | |\n",
"| 167 | | released | |\n",
"| 168 | | right | |\n",
"| 169 | | rise | |\n",
"| 170 | | robot | |\n",
"| 171 | | ruby | |\n",
"| 172 | | rules | |\n",
"| 173 | | rust | |\n",
"| 174 | | save | |\n",
"| 175 | | scale | |\n",
"| 176 | | scientists | |\n",
"| 177 | | secure | |\n",
"| 178 | | series | |\n",
"| 179 | | service | |\n",
"| 180 | | services | |\n",
"| 181 | | show | |\n",
"| 182 | | side | |\n",
"| 183 | | slack | |\n",
"| 184 | | small | |\n",
"| 185 | | so | |\n",
"| 186 | | social | |\n",
"| 187 | | solar | |\n",
"| 188 | | some | |\n",
"| 189 | | stack | |\n",
"| 190 | | start | |\n",
"| 191 | | still | |\n",
"| 192 | | stop | |\n",
"| 193 | | store | |\n",
"| 194 | | story | |\n",
"| 195 | | study | |\n",
"| 196 | | swift | |\n",
"| 197 | | system | |\n",
"| 198 | | take | |\n",
"| 199 | | technology | |\n",
"| 200 | | tesla | |\n",
"| 201 | | text | |\n",
"| 202 | | that | |\n",
"| 203 | | the | |\n",
"| 204 | | them | |\n",
"| 205 | | they | |\n",
"| 206 | | time | |\n",
"| 207 | | tips | |\n",
"| 208 | | to | |\n",
"| 209 | | too | |\n",
"| 210 | | tool | |\n",
"| 211 | | top | |\n",
"| 212 | | twitter | |\n",
"| 213 | | two | |\n",
"| 214 | | uber | |\n",
"| 215 | | uk | |\n",
"| 216 | | up | |\n",
"| 217 | | update | |\n",
"| 218 | | us | |\n",
"| 219 | | use | |\n",
"| 220 | | users | |\n",
"| 221 | | vr | |\n",
"| 222 | | want | |\n",
"| 223 | | wants | |\n",
"| 224 | | was | |\n",
"| 225 | | way | |\n",
"| 226 | | ways | |\n",
"| 227 | | why | |\n",
"| 228 | | will | |\n",
"| 229 | | windows | |\n",
"| 230 | | year | |\n",
"| 231 | | you | |\n",
"\n",
"\n",
"\n",
"** clustering 4 ***\n",
"| | 0 | 1 | 2 |\n",
"|----:|:------------|:-----------|:-------------|\n",
"| 0 | about | a | access |\n",
"| 1 | against | ad | after |\n",
"| 2 | all | ads | again |\n",
"| 3 | amazon | age | algorithm |\n",
"| 4 | and | ai | america |\n",
"| 5 | application | american | android |\n",
"| 6 | artificial | an | angular |\n",
"| 7 | become | analysis | any |\n",
"| 8 | best | analytics | apache |\n",
"| 9 | between | api | app |\n",
"| 10 | black | apple | applications |\n",
"| 11 | book | are | apps |\n",
"| 12 | building | art | as |\n",
"| 13 | but | available | at |\n",
"| 14 | car | aws | attack |\n",
"| 15 | cars | b | been |\n",
"| 16 | client | back | before |\n",
"| 17 | cloud | bad | behind |\n",
"| 18 | community | based | being |\n",
"| 19 | companies | be | beta |\n",
"| 20 | core | brain | better |\n",
"| 21 | could | build | big |\n",
"| 22 | development | by | bill |\n",
"| 23 | did | c | bitcoin |\n",
"| 24 | docker | can | blockchain |\n",
"| 25 | encryption | china | books |\n",
"| 26 | engineering | chrome | bot |\n",
"| 27 | faster | city | browser |\n",
"| 28 | generation | com | built |\n",
"| 29 | going | command | business |\n",
"| 30 | hackers | company | case |\n",
"| 31 | hard | computing | ceo |\n",
"| 32 | has | creating | change |\n",
"| 33 | here | css | chinese |\n",
"| 34 | how | d | code |\n",
"| 35 | http | day | coding |\n",
"| 36 | human | death | coming |\n",
"| 37 | image | design | computer |\n",
"| 38 | india | developers | content |\n",
"| 39 | industry | digital | control |\n",
"| 40 | introducing | do | cost |\n",
"| 41 | iot | don | court |\n",
"| 42 | iphone | down | create |\n",
"| 43 | language | driving | data |\n",
"| 44 | last | e | database |\n",
"| 45 | let | email | dead |\n",
"| 46 | lets | energy | deal |\n",
"| 47 | life | engine | deep |\n",
"| 48 | love | every | developer |\n",
"| 49 | management | f | devices |\n",
"| 50 | much | facebook | distributed |\n",
"| 51 | music | fbi | does |\n",
"| 52 | network | files | dont |\n",
"| 53 | next | find | drone |\n",
"| 54 | not | free | earth |\n",
"| 55 | on | get | easy |\n",
"| 56 | only | git | economy |\n",
"| 57 | our | github | end |\n",
"| 58 | out | global | ever |\n",
"| 59 | over | google | everything |\n",
"| 60 | platform | hacker | experience |\n",
"| 61 | play | home | fast |\n",
"| 62 | program | i | file |\n",
"| 63 | programming | images | first |\n",
"| 64 | python | in | for |\n",
"| 65 | really | interview | found |\n",
"| 66 | release | just | founder |\n",
"| 67 | released | k | framework |\n",
"| 68 | robot | keep | from |\n",
"| 69 | ruby | key | full |\n",
"| 70 | say | launch | future |\n",
"| 71 | school | launches | game |\n",
"| 72 | science | learning | games |\n",
"| 73 | scientists | light | gets |\n",
"| 74 | secure | like | getting |\n",
"| 75 | set | live | go |\n",
"| 76 | site | look | good |\n",
"| 77 | social | m | got |\n",
"| 78 | software | machine | government |\n",
"| 79 | star | made | great |\n",
"| 80 | state | manager | growth |\n",
"| 81 | storage | map | guide |\n",
"| 82 | store | marketing | hack |\n",
"| 83 | support | may | hacking |\n",
"| 84 | system | me | have |\n",
"| 85 | tech | media | health |\n",
"| 86 | than | meet | help |\n",
"| 87 | they | memory | high |\n",
"| 88 | things | model | his |\n",
"| 89 | three | modern | history |\n",
"| 90 | through | my | hn |\n",
"| 91 | tool | nasa | html |\n",
"| 92 | tools | native | if |\n",
"| 93 | top | need | inside |\n",
"| 94 | uk | neural | intel |\n",
"| 95 | us | news | intelligence |\n",
"| 96 | used | off | interactive |\n",
"| 97 | using | old | internet |\n",
"| 98 | version | open | into |\n",
"| 99 | visual | pdf | introduction |\n",
"| 100 | want | people | io |\n",
"| 101 | web | phone | ios |\n",
"| 102 | were | pi | is |\n",
"| 103 | where | police | it |\n",
"| 104 | why | problem | its |\n",
"| 105 | windows | product | java |\n",
"| 106 | women | project | javascript |\n",
"| 107 | working | public | job |\n",
"| 108 | | quantum | jobs |\n",
"| 109 | | r | js |\n",
"| 110 | | rails | know |\n",
"| 111 | | read | law |\n",
"| 112 | | reality | learn |\n",
"| 113 | | research | learned |\n",
"| 114 | | right | less |\n",
"| 115 | | rules | lessons |\n",
"| 116 | | running | library |\n",
"| 117 | | s | line |\n",
"| 118 | | san | linux |\n",
"| 119 | | scale | list |\n",
"| 120 | | see | long |\n",
"| 121 | | series | mac |\n",
"| 122 | | server | make |\n",
"| 123 | | service | makes |\n",
"| 124 | | sharing | making |\n",
"| 125 | | should | man |\n",
"| 126 | | side | many |\n",
"| 127 | | silicon | market |\n",
"| 128 | | simple | microsoft |\n",
"| 129 | | small | mobile |\n",
"| 130 | | smart | money |\n",
"| 131 | | source | more |\n",
"| 132 | | speed | most |\n",
"| 133 | | stack | net |\n",
"| 134 | | start | networks |\n",
"| 135 | | story | never |\n",
"| 136 | | t | new |\n",
"| 137 | | take | no |\n",
"| 138 | | team | node |\n",
"| 139 | | the | now |\n",
"| 140 | | their | of |\n",
"| 141 | | them | office |\n",
"| 142 | | there | one |\n",
"| 143 | | think | online |\n",
"| 144 | | today | or |\n",
"| 145 | | u | os |\n",
"| 146 | | uber | other |\n",
"| 147 | | ui | own |\n",
"| 148 | | up | page |\n",
"| 149 | | use | part |\n",
"| 150 | | user | pay |\n",
"| 151 | | users | performance |\n",
"| 152 | | v | php |\n",
"| 153 | | video | plan |\n",
"| 154 | | was | post |\n",
"| 155 | | ways | power |\n",
"| 156 | | we | privacy |\n",
"| 157 | | week | private |\n",
"| 158 | | who | projects |\n",
"| 159 | | work | raises |\n",
"| 160 | | world | re |\n",
"| 161 | | write | react |\n",
"| 162 | | x | real |\n",
"| 163 | | year | remote |\n",
"| 164 | | | report |\n",
"| 165 | | | review |\n",
"| 166 | | | rise |\n",
"| 167 | | | robots |\n",
"| 168 | | | run |\n",
"| 169 | | | rust |\n",
"| 170 | | | save |\n",
"| 171 | | | says |\n",
"| 172 | | | search |\n",
"| 173 | | | secret |\n",
"| 174 | | | security |\n",
"| 175 | | | self |\n",
"| 176 | | | services |\n",
"| 177 | | | show |\n",
"| 178 | | | shows |\n",
"| 179 | | | slack |\n",
"| 180 | | | so |\n",
"| 181 | | | solar |\n",
"| 182 | | | some |\n",
"| 183 | | | space |\n",
"| 184 | | | startup |\n",
"| 185 | | | startups |\n",
"| 186 | | | still |\n",
"| 187 | | | stop |\n",
"| 188 | | | study |\n",
"| 189 | | | swift |\n",
"| 190 | | | systems |\n",
"| 191 | | | technology |\n",
"| 192 | | | tesla |\n",
"| 193 | | | test |\n",
"| 194 | | | testing |\n",
"| 195 | | | text |\n",
"| 196 | | | that |\n",
"| 197 | | | this |\n",
"| 198 | | | time |\n",
"| 199 | | | tips |\n",
"| 200 | | | to |\n",
"| 201 | | | too |\n",
"| 202 | | | tv |\n",
"| 203 | | | twitter |\n",
"| 204 | | | two |\n",
"| 205 | | | under |\n",
"| 206 | | | update |\n",
"| 207 | | | valley |\n",
"| 208 | | | via |\n",
"| 209 | | | virtual |\n",
"| 210 | | | vr |\n",
"| 211 | | | vs |\n",
"| 212 | | | wants |\n",
"| 213 | | | war |\n",
"| 214 | | | watch |\n",
"| 215 | | | way |\n",
"| 216 | | | website |\n",
"| 217 | | | what |\n",
"| 218 | | | when |\n",
"| 219 | | | will |\n",
"| 220 | | | with |\n",
"| 221 | | | without |\n",
"| 222 | | | would |\n",
"| 223 | | | writing |\n",
"| 224 | | | wrong |\n",
"| 225 | | | years |\n",
"| 226 | | | you |\n",
"| 227 | | | your |\n",
"\n",
"\n",
"\n",
"** clustering 5 ***\n",
"| | 0 | 1 | 2 |\n",
"|----:|:------------|:-------------|:------------|\n",
"| 0 | a | ads | about |\n",
"| 1 | ad | again | access |\n",
"| 2 | after | against | america |\n",
"| 3 | age | ai | at |\n",
"| 4 | algorithm | all | attack |\n",
"| 5 | analysis | amazon | aws |\n",
"| 6 | analytics | american | beta |\n",
"| 7 | api | an | black |\n",
"| 8 | apple | and | blockchain |\n",
"| 9 | are | android | book |\n",
"| 10 | art | angular | brain |\n",
"| 11 | b | any | built |\n",
"| 12 | be | apache | client |\n",
"| 13 | behind | app | coding |\n",
"| 14 | being | application | companies |\n",
"| 15 | better | applications | company |\n",
"| 16 | books | apps | computer |\n",
"| 17 | browser | artificial | computing |\n",
"| 18 | build | as | database |\n",
"| 19 | by | available | death |\n",
"| 20 | c | back | deep |\n",
"| 21 | can | bad | don |\n",
"| 22 | cars | based | down |\n",
"| 23 | change | become | driving |\n",
"| 24 | community | been | engine |\n",
"| 25 | css | before | files |\n",
"| 26 | d | best | for |\n",
"| 27 | day | between | full |\n",
"| 28 | dead | big | future |\n",
"| 29 | deal | bill | game |\n",
"| 30 | developer | bitcoin | get |\n",
"| 31 | developers | bot | gets |\n",
"| 32 | devices | building | going |\n",
"| 33 | distributed | business | guide |\n",
"| 34 | docker | but | has |\n",
"| 35 | e | car | health |\n",
"| 36 | end | case | high |\n",
"| 37 | everything | ceo | http |\n",
"| 38 | experience | china | images |\n",
"| 39 | f | chinese | in |\n",
"| 40 | fast | chrome | io |\n",
"| 41 | faster | city | job |\n",
"| 42 | fbi | cloud | js |\n",
"| 43 | find | code | know |\n",
"| 44 | first | com | lessons |\n",
"| 45 | founder | coming | library |\n",
"| 46 | framework | command | linux |\n",
"| 47 | generation | content | love |\n",
"| 48 | getting | control | many |\n",
"| 49 | google | core | may |\n",
"| 50 | government | cost | media |\n",
"| 51 | great | could | memory |\n",
"| 52 | hacker | court | money |\n",
"| 53 | hackers | create | nasa |\n",
"| 54 | hacking | creating | need |\n",
"| 55 | hard | data | neural |\n",
"| 56 | have | design | never |\n",
"| 57 | his | development | no |\n",
"| 58 | history | did | off |\n",
"| 59 | home | digital | office |\n",
"| 60 | how | do | one |\n",
"| 61 | human | does | over |\n",
"| 62 | i | dont | part |\n",
"| 63 | image | drone | php |\n",
"| 64 | into | earth | product |\n",
"| 65 | introducing | easy | programming |\n",
"| 66 | iot | economy | projects |\n",
"| 67 | is | email | rails |\n",
"| 68 | it | encryption | react |\n",
"| 69 | java | energy | remote |\n",
"| 70 | javascript | engineering | report |\n",
"| 71 | k | ever | running |\n",
"| 72 | key | every | san |\n",
"| 73 | language | facebook | science |\n",
"| 74 | launches | file | security |\n",
"| 75 | less | found | see |\n",
"| 76 | let | free | self |\n",
"| 77 | list | from | server |\n",
"| 78 | long | games | sharing |\n",
"| 79 | look | git | shows |\n",
"| 80 | m | github | simple |\n",
"| 81 | mac | global | space |\n",
"| 82 | makes | go | star |\n",
"| 83 | making | good | storage |\n",
"| 84 | man | got | team |\n",
"| 85 | management | growth | tech |\n",
"| 86 | manager | hack | their |\n",
"| 87 | meet | help | things |\n",
"| 88 | mobile | here | think |\n",
"| 89 | more | hn | ui |\n",
"| 90 | most | html | used |\n",
"| 91 | much | if | user |\n",
"| 92 | networks | india | using |\n",
"| 93 | news | industry | via |\n",
"| 94 | next | inside | website |\n",
"| 95 | on | intel | week |\n",
"| 96 | other | intelligence | were |\n",
"| 97 | pay | interactive | what |\n",
"| 98 | pi | internet | who |\n",
"| 99 | play | interview | working |\n",
"| 100 | police | introduction | would |\n",
"| 101 | post | ios | writing |\n",
"| 102 | privacy | iphone | years |\n",
"| 103 | problem | its | |\n",
"| 104 | python | jobs | |\n",
"| 105 | r | just | |\n",
"| 106 | raises | keep | |\n",
"| 107 | research | last | |\n",
"| 108 | review | launch | |\n",
"| 109 | robots | law | |\n",
"| 110 | run | learn | |\n",
"| 111 | s | learned | |\n",
"| 112 | say | learning | |\n",
"| 113 | says | lets | |\n",
"| 114 | school | life | |\n",
"| 115 | search | light | |\n",
"| 116 | secret | like | |\n",
"| 117 | set | line | |\n",
"| 118 | should | live | |\n",
"| 119 | silicon | machine | |\n",
"| 120 | site | made | |\n",
"| 121 | smart | make | |\n",
"| 122 | software | map | |\n",
"| 123 | source | market | |\n",
"| 124 | speed | marketing | |\n",
"| 125 | startup | me | |\n",
"| 126 | startups | microsoft | |\n",
"| 127 | state | model | |\n",
"| 128 | support | modern | |\n",
"| 129 | systems | music | |\n",
"| 130 | t | my | |\n",
"| 131 | test | native | |\n",
"| 132 | testing | net | |\n",
"| 133 | than | network | |\n",
"| 134 | there | new | |\n",
"| 135 | this | node | |\n",
"| 136 | three | not | |\n",
"| 137 | through | now | |\n",
"| 138 | today | of | |\n",
"| 139 | tools | old | |\n",
"| 140 | tv | online | |\n",
"| 141 | u | only | |\n",
"| 142 | under | open | |\n",
"| 143 | v | or | |\n",
"| 144 | valley | os | |\n",
"| 145 | version | our | |\n",
"| 146 | video | out | |\n",
"| 147 | virtual | own | |\n",
"| 148 | visual | page | |\n",
"| 149 | vs | pdf | |\n",
"| 150 | war | people | |\n",
"| 151 | watch | performance | |\n",
"| 152 | we | phone | |\n",
"| 153 | web | plan | |\n",
"| 154 | when | platform | |\n",
"| 155 | where | power | |\n",
"| 156 | with | private | |\n",
"| 157 | without | program | |\n",
"| 158 | women | project | |\n",
"| 159 | work | public | |\n",
"| 160 | world | quantum | |\n",
"| 161 | write | re | |\n",
"| 162 | wrong | read | |\n",
"| 163 | x | real | |\n",
"| 164 | your | reality | |\n",
"| 165 | | really | |\n",
"| 166 | | release | |\n",
"| 167 | | released | |\n",
"| 168 | | right | |\n",
"| 169 | | rise | |\n",
"| 170 | | robot | |\n",
"| 171 | | ruby | |\n",
"| 172 | | rules | |\n",
"| 173 | | rust | |\n",
"| 174 | | save | |\n",
"| 175 | | scale | |\n",
"| 176 | | scientists | |\n",
"| 177 | | secure | |\n",
"| 178 | | series | |\n",
"| 179 | | service | |\n",
"| 180 | | services | |\n",
"| 181 | | show | |\n",
"| 182 | | side | |\n",
"| 183 | | slack | |\n",
"| 184 | | small | |\n",
"| 185 | | so | |\n",
"| 186 | | social | |\n",
"| 187 | | solar | |\n",
"| 188 | | some | |\n",
"| 189 | | stack | |\n",
"| 190 | | start | |\n",
"| 191 | | still | |\n",
"| 192 | | stop | |\n",
"| 193 | | store | |\n",
"| 194 | | story | |\n",
"| 195 | | study | |\n",
"| 196 | | swift | |\n",
"| 197 | | system | |\n",
"| 198 | | take | |\n",
"| 199 | | technology | |\n",
"| 200 | | tesla | |\n",
"| 201 | | text | |\n",
"| 202 | | that | |\n",
"| 203 | | the | |\n",
"| 204 | | them | |\n",
"| 205 | | they | |\n",
"| 206 | | time | |\n",
"| 207 | | tips | |\n",
"| 208 | | to | |\n",
"| 209 | | too | |\n",
"| 210 | | tool | |\n",
"| 211 | | top | |\n",
"| 212 | | twitter | |\n",
"| 213 | | two | |\n",
"| 214 | | uber | |\n",
"| 215 | | uk | |\n",
"| 216 | | up | |\n",
"| 217 | | update | |\n",
"| 218 | | us | |\n",
"| 219 | | use | |\n",
"| 220 | | users | |\n",
"| 221 | | vr | |\n",
"| 222 | | want | |\n",
"| 223 | | wants | |\n",
"| 224 | | was | |\n",
"| 225 | | way | |\n",
"| 226 | | ways | |\n",
"| 227 | | why | |\n",
"| 228 | | will | |\n",
"| 229 | | windows | |\n",
"| 230 | | year | |\n",
"| 231 | | you | |\n",
"\n",
"\n",
"\n",
"** clustering 6 ***\n",
"| | 0 | 1 | 2 |\n",
"|----:|:-------------|:-------------|:-------------|\n",
"| 0 | about | access | a |\n",
"| 1 | ad | age | ads |\n",
"| 2 | after | algorithm | again |\n",
"| 3 | ai | american | against |\n",
"| 4 | america | any | all |\n",
"| 5 | an | attack | amazon |\n",
"| 6 | analysis | bad | analytics |\n",
"| 7 | apache | based | and |\n",
"| 8 | apple | be | android |\n",
"| 9 | application | become | angular |\n",
"| 10 | apps | blockchain | api |\n",
"| 11 | are | bot | app |\n",
"| 12 | available | brain | applications |\n",
"| 13 | aws | car | art |\n",
"| 14 | being | client | artificial |\n",
"| 15 | beta | coding | as |\n",
"| 16 | better | com | at |\n",
"| 17 | books | computing | b |\n",
"| 18 | browser | day | back |\n",
"| 19 | build | developers | been |\n",
"| 20 | building | do | before |\n",
"| 21 | business | does | behind |\n",
"| 22 | but | earth | best |\n",
"| 23 | case | engine | between |\n",
"| 24 | china | engineering | big |\n",
"| 25 | chinese | faster | bill |\n",
"| 26 | city | find | bitcoin |\n",
"| 27 | cloud | first | black |\n",
"| 28 | companies | for | book |\n",
"| 29 | computer | git | built |\n",
"| 30 | control | hacker | by |\n",
"| 31 | core | health | c |\n",
"| 32 | court | his | can |\n",
"| 33 | css | images | cars |\n",
"| 34 | database | introduction | ceo |\n",
"| 35 | deal | io | change |\n",
"| 36 | design | ios | chrome |\n",
"| 37 | developer | iphone | code |\n",
"| 38 | development | its | coming |\n",
"| 39 | did | javascript | command |\n",
"| 40 | ever | keep | community |\n",
"| 41 | facebook | launches | company |\n",
"| 42 | fast | learned | content |\n",
"| 43 | fbi | less | cost |\n",
"| 44 | files | library | could |\n",
"| 45 | framework | line | create |\n",
"| 46 | games | machine | creating |\n",
"| 47 | generation | make | d |\n",
"| 48 | get | many | data |\n",
"| 49 | gets | market | dead |\n",
"| 50 | getting | microsoft | death |\n",
"| 51 | global | mobile | deep |\n",
"| 52 | google | modern | devices |\n",
"| 53 | great | music | digital |\n",
"| 54 | guide | net | distributed |\n",
"| 55 | hack | neural | docker |\n",
"| 56 | has | never | don |\n",
"| 57 | help | new | dont |\n",
"| 58 | high | no | down |\n",
"| 59 | history | now | driving |\n",
"| 60 | hn | of | drone |\n",
"| 61 | human | one | e |\n",
"| 62 | image | online | easy |\n",
"| 63 | inside | open | economy |\n",
"| 64 | intel | php | email |\n",
"| 65 | intelligence | problem | encryption |\n",
"| 66 | it | programming | end |\n",
"| 67 | js | python | energy |\n",
"| 68 | just | quantum | every |\n",
"| 69 | launch | raises | everything |\n",
"| 70 | lessons | right | experience |\n",
"| 71 | let | robot | f |\n",
"| 72 | lets | ruby | file |\n",
"| 73 | light | science | found |\n",
"| 74 | look | series | founder |\n",
"| 75 | love | set | free |\n",
"| 76 | made | slack | from |\n",
"| 77 | making | stack | full |\n",
"| 78 | management | systems | future |\n",
"| 79 | marketing | test | game |\n",
"| 80 | meet | testing | github |\n",
"| 81 | memory | than | go |\n",
"| 82 | money | there | going |\n",
"| 83 | more | think | good |\n",
"| 84 | much | too | got |\n",
"| 85 | my | tools | government |\n",
"| 86 | nasa | tv | growth |\n",
"| 87 | native | video | hackers |\n",
"| 88 | need | vr | hacking |\n",
"| 89 | not | want | hard |\n",
"| 90 | office | wants | have |\n",
"| 91 | on | where | here |\n",
"| 92 | out | who | home |\n",
"| 93 | performance | windows | how |\n",
"| 94 | phone | women | html |\n",
"| 95 | pi | years | http |\n",
"| 96 | play | your | i |\n",
"| 97 | private | | if |\n",
"| 98 | rails | | in |\n",
"| 99 | reality | | india |\n",
"| 100 | really | | industry |\n",
"| 101 | remote | | interactive |\n",
"| 102 | rise | | internet |\n",
"| 103 | run | | interview |\n",
"| 104 | running | | into |\n",
"| 105 | rust | | introducing |\n",
"| 106 | san | | iot |\n",
"| 107 | say | | is |\n",
"| 108 | says | | java |\n",
"| 109 | scale | | job |\n",
"| 110 | scientists | | jobs |\n",
"| 111 | search | | k |\n",
"| 112 | secret | | key |\n",
"| 113 | secure | | know |\n",
"| 114 | server | | language |\n",
"| 115 | service | | last |\n",
"| 116 | services | | law |\n",
"| 117 | sharing | | learn |\n",
"| 118 | simple | | learning |\n",
"| 119 | site | | life |\n",
"| 120 | smart | | like |\n",
"| 121 | social | | linux |\n",
"| 122 | software | | list |\n",
"| 123 | solar | | live |\n",
"| 124 | space | | long |\n",
"| 125 | speed | | m |\n",
"| 126 | start | | mac |\n",
"| 127 | startup | | makes |\n",
"| 128 | startups | | man |\n",
"| 129 | state | | manager |\n",
"| 130 | still | | map |\n",
"| 131 | story | | may |\n",
"| 132 | study | | me |\n",
"| 133 | swift | | media |\n",
"| 134 | take | | model |\n",
"| 135 | team | | most |\n",
"| 136 | technology | | network |\n",
"| 137 | tesla | | networks |\n",
"| 138 | their | | news |\n",
"| 139 | things | | next |\n",
"| 140 | today | | node |\n",
"| 141 | tool | | off |\n",
"| 142 | two | | old |\n",
"| 143 | uber | | only |\n",
"| 144 | ui | | or |\n",
"| 145 | up | | os |\n",
"| 146 | use | | other |\n",
"| 147 | user | | our |\n",
"| 148 | version | | over |\n",
"| 149 | virtual | | own |\n",
"| 150 | vs | | page |\n",
"| 151 | war | | part |\n",
"| 152 | ways | | pay |\n",
"| 153 | we | | pdf |\n",
"| 154 | were | | people |\n",
"| 155 | when | | plan |\n",
"| 156 | will | | platform |\n",
"| 157 | with | | police |\n",
"| 158 | without | | post |\n",
"| 159 | | | power |\n",
"| 160 | | | privacy |\n",
"| 161 | | | product |\n",
"| 162 | | | program |\n",
"| 163 | | | project |\n",
"| 164 | | | projects |\n",
"| 165 | | | public |\n",
"| 166 | | | r |\n",
"| 167 | | | re |\n",
"| 168 | | | react |\n",
"| 169 | | | read |\n",
"| 170 | | | real |\n",
"| 171 | | | release |\n",
"| 172 | | | released |\n",
"| 173 | | | report |\n",
"| 174 | | | research |\n",
"| 175 | | | review |\n",
"| 176 | | | robots |\n",
"| 177 | | | rules |\n",
"| 178 | | | s |\n",
"| 179 | | | save |\n",
"| 180 | | | school |\n",
"| 181 | | | security |\n",
"| 182 | | | see |\n",
"| 183 | | | self |\n",
"| 184 | | | should |\n",
"| 185 | | | show |\n",
"| 186 | | | shows |\n",
"| 187 | | | side |\n",
"| 188 | | | silicon |\n",
"| 189 | | | small |\n",
"| 190 | | | so |\n",
"| 191 | | | some |\n",
"| 192 | | | source |\n",
"| 193 | | | star |\n",
"| 194 | | | stop |\n",
"| 195 | | | storage |\n",
"| 196 | | | store |\n",
"| 197 | | | support |\n",
"| 198 | | | system |\n",
"| 199 | | | t |\n",
"| 200 | | | tech |\n",
"| 201 | | | text |\n",
"| 202 | | | that |\n",
"| 203 | | | the |\n",
"| 204 | | | them |\n",
"| 205 | | | they |\n",
"| 206 | | | this |\n",
"| 207 | | | three |\n",
"| 208 | | | through |\n",
"| 209 | | | time |\n",
"| 210 | | | tips |\n",
"| 211 | | | to |\n",
"| 212 | | | top |\n",
"| 213 | | | twitter |\n",
"| 214 | | | u |\n",
"| 215 | | | uk |\n",
"| 216 | | | under |\n",
"| 217 | | | update |\n",
"| 218 | | | us |\n",
"| 219 | | | used |\n",
"| 220 | | | users |\n",
"| 221 | | | using |\n",
"| 222 | | | v |\n",
"| 223 | | | valley |\n",
"| 224 | | | via |\n",
"| 225 | | | visual |\n",
"| 226 | | | was |\n",
"| 227 | | | watch |\n",
"| 228 | | | way |\n",
"| 229 | | | web |\n",
"| 230 | | | website |\n",
"| 231 | | | week |\n",
"| 232 | | | what |\n",
"| 233 | | | why |\n",
"| 234 | | | work |\n",
"| 235 | | | working |\n",
"| 236 | | | world |\n",
"| 237 | | | would |\n",
"| 238 | | | write |\n",
"| 239 | | | writing |\n",
"| 240 | | | wrong |\n",
"| 241 | | | x |\n",
"| 242 | | | year |\n",
"| 243 | | | you |\n",
"\n",
"\n",
"\n",
"** clustering 7 ***\n",
"| | 0 | 1 | 2 |\n",
"|----:|:-------------|:-------------|:------------|\n",
"| 0 | ad | a | access |\n",
"| 1 | ads | about | after |\n",
"| 2 | against | again | all |\n",
"| 3 | age | ai | analytics |\n",
"| 4 | algorithm | america | android |\n",
"| 5 | amazon | american | api |\n",
"| 6 | applications | an | are |\n",
"| 7 | apps | analysis | as |\n",
"| 8 | artificial | and | bad |\n",
"| 9 | attack | angular | be |\n",
"| 10 | aws | any | before |\n",
"| 11 | been | apache | best |\n",
"| 12 | beta | app | better |\n",
"| 13 | big | apple | books |\n",
"| 14 | book | application | brain |\n",
"| 15 | built | art | car |\n",
"| 16 | business | at | change |\n",
"| 17 | but | available | client |\n",
"| 18 | china | b | code |\n",
"| 19 | chinese | back | coding |\n",
"| 20 | cloud | based | command |\n",
"| 21 | core | become | companies |\n",
"| 22 | cost | behind | creating |\n",
"| 23 | could | being | death |\n",
"| 24 | court | between | deep |\n",
"| 25 | data | bill | developer |\n",
"| 26 | database | bitcoin | development |\n",
"| 27 | day | black | digital |\n",
"| 28 | dead | blockchain | earth |\n",
"| 29 | devices | bot | easy |\n",
"| 30 | did | browser | email |\n",
"| 31 | distributed | build | engine |\n",
"| 32 | docker | building | every |\n",
"| 33 | does | by | free |\n",
"| 34 | don | c | game |\n",
"| 35 | down | can | git |\n",
"| 36 | driving | cars | got |\n",
"| 37 | drone | case | hacking |\n",
"| 38 | encryption | ceo | health |\n",
"| 39 | engineering | chrome | how |\n",
"| 40 | everything | city | image |\n",
"| 41 | experience | com | in |\n",
"| 42 | facebook | coming | interview |\n",
"| 43 | fbi | community | ios |\n",
"| 44 | files | company | jobs |\n",
"| 45 | find | computer | js |\n",
"| 46 | for | computing | language |\n",
"| 47 | found | content | less |\n",
"| 48 | framework | control | lets |\n",
"| 49 | full | create | mac |\n",
"| 50 | future | css | make |\n",
"| 51 | generation | d | management |\n",
"| 52 | google | deal | market |\n",
"| 53 | government | design | microsoft |\n",
"| 54 | growth | developers | model |\n",
"| 55 | guide | do | much |\n",
"| 56 | hacker | dont | my |\n",
"| 57 | have | e | native |\n",
"| 58 | help | economy | neural |\n",
"| 59 | high | end | node |\n",
"| 60 | his | energy | out |\n",
"| 61 | history | ever | over |\n",
"| 62 | html | f | part |\n",
"| 63 | http | fast | phone |\n",
"| 64 | human | faster | play |\n",
"| 65 | intelligence | file | post |\n",
"| 66 | interactive | first | product |\n",
"| 67 | iot | founder | rails |\n",
"| 68 | iphone | from | re |\n",
"| 69 | it | games | read |\n",
"| 70 | javascript | get | robot |\n",
"| 71 | job | gets | says |\n",
"| 72 | know | getting | school |\n",
"| 73 | last | github | self |\n",
"| 74 | launch | global | social |\n",
"| 75 | launches | go | solar |\n",
"| 76 | learned | going | stack |\n",
"| 77 | let | good | still |\n",
"| 78 | life | great | store |\n",
"| 79 | like | hack | story |\n",
"| 80 | linux | hackers | system |\n",
"| 81 | list | hard | take |\n",
"| 82 | machine | has | text |\n",
"| 83 | made | here | too |\n",
"| 84 | making | hn | top |\n",
"| 85 | man | home | twitter |\n",
"| 86 | map | i | uber |\n",
"| 87 | media | if | ui |\n",
"| 88 | meet | images | uk |\n",
"| 89 | more | india | update |\n",
"| 90 | music | industry | use |\n",
"| 91 | never | inside | using |\n",
"| 92 | news | intel | via |\n",
"| 93 | next | internet | video |\n",
"| 94 | now | into | watch |\n",
"| 95 | of | introducing | ways |\n",
"| 96 | old | introduction | were |\n",
"| 97 | on | io | without |\n",
"| 98 | online | is | world |\n",
"| 99 | only | its | write |\n",
"| 100 | or | java | wrong |\n",
"| 101 | os | just | |\n",
"| 102 | other | k | |\n",
"| 103 | pay | keep | |\n",
"| 104 | performance | key | |\n",
"| 105 | php | law | |\n",
"| 106 | pi | learn | |\n",
"| 107 | platform | learning | |\n",
"| 108 | police | lessons | |\n",
"| 109 | power | library | |\n",
"| 110 | private | light | |\n",
"| 111 | programming | line | |\n",
"| 112 | project | live | |\n",
"| 113 | projects | long | |\n",
"| 114 | public | look | |\n",
"| 115 | python | love | |\n",
"| 116 | quantum | m | |\n",
"| 117 | raises | makes | |\n",
"| 118 | react | manager | |\n",
"| 119 | reality | many | |\n",
"| 120 | released | marketing | |\n",
"| 121 | review | may | |\n",
"| 122 | right | me | |\n",
"| 123 | robots | memory | |\n",
"| 124 | ruby | mobile | |\n",
"| 125 | run | modern | |\n",
"| 126 | rust | money | |\n",
"| 127 | save | most | |\n",
"| 128 | science | nasa | |\n",
"| 129 | secret | need | |\n",
"| 130 | secure | net | |\n",
"| 131 | security | network | |\n",
"| 132 | see | networks | |\n",
"| 133 | services | new | |\n",
"| 134 | sharing | no | |\n",
"| 135 | site | not | |\n",
"| 136 | small | off | |\n",
"| 137 | so | office | |\n",
"| 138 | software | one | |\n",
"| 139 | some | open | |\n",
"| 140 | source | our | |\n",
"| 141 | speed | own | |\n",
"| 142 | star | page | |\n",
"| 143 | startup | pdf | |\n",
"| 144 | startups | people | |\n",
"| 145 | state | plan | |\n",
"| 146 | stop | privacy | |\n",
"| 147 | team | problem | |\n",
"| 148 | tech | program | |\n",
"| 149 | technology | r | |\n",
"| 150 | them | real | |\n",
"| 151 | there | really | |\n",
"| 152 | they | release | |\n",
"| 153 | things | remote | |\n",
"| 154 | think | report | |\n",
"| 155 | time | research | |\n",
"| 156 | tips | rise | |\n",
"| 157 | tools | rules | |\n",
"| 158 | tv | running | |\n",
"| 159 | up | s | |\n",
"| 160 | us | san | |\n",
"| 161 | user | say | |\n",
"| 162 | valley | scale | |\n",
"| 163 | vs | scientists | |\n",
"| 164 | wants | search | |\n",
"| 165 | war | series | |\n",
"| 166 | was | server | |\n",
"| 167 | way | service | |\n",
"| 168 | web | set | |\n",
"| 169 | week | should | |\n",
"| 170 | what | show | |\n",
"| 171 | when | shows | |\n",
"| 172 | why | side | |\n",
"| 173 | working | silicon | |\n",
"| 174 | would | simple | |\n",
"| 175 | year | slack | |\n",
"| 176 | you | smart | |\n",
"| 177 | | space | |\n",
"| 178 | | start | |\n",
"| 179 | | storage | |\n",
"| 180 | | study | |\n",
"| 181 | | support | |\n",
"| 182 | | swift | |\n",
"| 183 | | systems | |\n",
"| 184 | | t | |\n",
"| 185 | | tesla | |\n",
"| 186 | | test | |\n",
"| 187 | | testing | |\n",
"| 188 | | than | |\n",
"| 189 | | that | |\n",
"| 190 | | the | |\n",
"| 191 | | their | |\n",
"| 192 | | this | |\n",
"| 193 | | three | |\n",
"| 194 | | through | |\n",
"| 195 | | to | |\n",
"| 196 | | today | |\n",
"| 197 | | tool | |\n",
"| 198 | | two | |\n",
"| 199 | | u | |\n",
"| 200 | | under | |\n",
"| 201 | | used | |\n",
"| 202 | | users | |\n",
"| 203 | | v | |\n",
"| 204 | | version | |\n",
"| 205 | | virtual | |\n",
"| 206 | | visual | |\n",
"| 207 | | vr | |\n",
"| 208 | | want | |\n",
"| 209 | | we | |\n",
"| 210 | | website | |\n",
"| 211 | | where | |\n",
"| 212 | | who | |\n",
"| 213 | | will | |\n",
"| 214 | | windows | |\n",
"| 215 | | with | |\n",
"| 216 | | women | |\n",
"| 217 | | work | |\n",
"| 218 | | writing | |\n",
"| 219 | | x | |\n",
"| 220 | | years | |\n",
"| 221 | | your | |\n",
"\n",
"\n",
"\n",
"** clustering 8 ***\n",
"| | 0 | 1 | 2 |\n",
"|----:|:-------------|:------------|:-------------|\n",
"| 0 | about | a | access |\n",
"| 1 | ad | ads | again |\n",
"| 2 | against | after | ai |\n",
"| 3 | algorithm | age | an |\n",
"| 4 | all | amazon | angular |\n",
"| 5 | analytics | america | app |\n",
"| 6 | application | american | applications |\n",
"| 7 | art | analysis | are |\n",
"| 8 | as | and | at |\n",
"| 9 | available | android | aws |\n",
"| 10 | bad | any | based |\n",
"| 11 | better | apache | been |\n",
"| 12 | between | api | behind |\n",
"| 13 | bitcoin | apple | beta |\n",
"| 14 | book | apps | code |\n",
"| 15 | brain | artificial | com |\n",
"| 16 | built | attack | computing |\n",
"| 17 | business | b | control |\n",
"| 18 | car | back | core |\n",
"| 19 | chrome | be | create |\n",
"| 20 | could | become | database |\n",
"| 21 | court | before | development |\n",
"| 22 | day | being | did |\n",
"| 23 | dead | best | do |\n",
"| 24 | deal | big | docker |\n",
"| 25 | death | bill | driving |\n",
"| 26 | developers | black | economy |\n",
"| 27 | digital | blockchain | end |\n",
"| 28 | does | books | every |\n",
"| 29 | down | bot | files |\n",
"| 30 | drone | browser | framework |\n",
"| 31 | email | build | game |\n",
"| 32 | encryption | building | github |\n",
"| 33 | engineering | but | hack |\n",
"| 34 | everything | by | hackers |\n",
"| 35 | experience | c | here |\n",
"| 36 | founder | can | history |\n",
"| 37 | full | cars | how |\n",
"| 38 | git | case | if |\n",
"| 39 | great | ceo | image |\n",
"| 40 | health | change | india |\n",
"| 41 | high | china | interactive |\n",
"| 42 | hn | chinese | internet |\n",
"| 43 | home | city | ios |\n",
"| 44 | images | client | iot |\n",
"| 45 | in | cloud | its |\n",
"| 46 | intel | coding | java |\n",
"| 47 | intelligence | coming | javascript |\n",
"| 48 | interview | command | key |\n",
"| 49 | introduction | community | know |\n",
"| 50 | is | companies | learn |\n",
"| 51 | it | company | learned |\n",
"| 52 | js | computer | library |\n",
"| 53 | let | content | life |\n",
"| 54 | light | cost | linux |\n",
"| 55 | like | creating | long |\n",
"| 56 | market | css | love |\n",
"| 57 | me | d | machine |\n",
"| 58 | microsoft | data | made |\n",
"| 59 | more | deep | make |\n",
"| 60 | nasa | design | manager |\n",
"| 61 | now | developer | many |\n",
"| 62 | of | devices | modern |\n",
"| 63 | office | distributed | money |\n",
"| 64 | os | don | much |\n",
"| 65 | other | dont | my |\n",
"| 66 | over | e | native |\n",
"| 67 | pdf | earth | networks |\n",
"| 68 | performance | easy | next |\n",
"| 69 | plan | energy | node |\n",
"| 70 | police | engine | not |\n",
"| 71 | post | ever | page |\n",
"| 72 | privacy | f | phone |\n",
"| 73 | projects | facebook | product |\n",
"| 74 | quantum | fast | program |\n",
"| 75 | re | faster | programming |\n",
"| 76 | released | fbi | project |\n",
"| 77 | robot | file | read |\n",
"| 78 | robots | find | really |\n",
"| 79 | running | first | remote |\n",
"| 80 | say | for | report |\n",
"| 81 | scale | found | research |\n",
"| 82 | secure | free | right |\n",
"| 83 | security | from | ruby |\n",
"| 84 | self | future | run |\n",
"| 85 | series | games | rust |\n",
"| 86 | service | generation | school |\n",
"| 87 | sharing | get | should |\n",
"| 88 | show | gets | silicon |\n",
"| 89 | shows | getting | slack |\n",
"| 90 | side | global | so |\n",
"| 91 | software | go | solar |\n",
"| 92 | source | going | store |\n",
"| 93 | space | good | support |\n",
"| 94 | speed | google | swift |\n",
"| 95 | stack | got | systems |\n",
"| 96 | start | government | they |\n",
"| 97 | startups | growth | tips |\n",
"| 98 | state | guide | two |\n",
"| 99 | stop | hacker | uber |\n",
"| 100 | system | hacking | used |\n",
"| 101 | team | hard | via |\n",
"| 102 | tesla | has | virtual |\n",
"| 103 | test | have | vr |\n",
"| 104 | text | help | watch |\n",
"| 105 | than | his | where |\n",
"| 106 | the | html | work |\n",
"| 107 | them | http | years |\n",
"| 108 | time | human | your |\n",
"| 109 | today | i | |\n",
"| 110 | too | industry | |\n",
"| 111 | tools | inside | |\n",
"| 112 | top | into | |\n",
"| 113 | uk | introducing | |\n",
"| 114 | up | io | |\n",
"| 115 | update | iphone | |\n",
"| 116 | us | job | |\n",
"| 117 | valley | jobs | |\n",
"| 118 | visual | just | |\n",
"| 119 | want | k | |\n",
"| 120 | web | keep | |\n",
"| 121 | who | language | |\n",
"| 122 | will | last | |\n",
"| 123 | windows | launch | |\n",
"| 124 | without | launches | |\n",
"| 125 | women | law | |\n",
"| 126 | working | learning | |\n",
"| 127 | write | less | |\n",
"| 128 | | lessons | |\n",
"| 129 | | lets | |\n",
"| 130 | | line | |\n",
"| 131 | | list | |\n",
"| 132 | | live | |\n",
"| 133 | | look | |\n",
"| 134 | | m | |\n",
"| 135 | | mac | |\n",
"| 136 | | makes | |\n",
"| 137 | | making | |\n",
"| 138 | | man | |\n",
"| 139 | | management | |\n",
"| 140 | | map | |\n",
"| 141 | | marketing | |\n",
"| 142 | | may | |\n",
"| 143 | | media | |\n",
"| 144 | | meet | |\n",
"| 145 | | memory | |\n",
"| 146 | | mobile | |\n",
"| 147 | | model | |\n",
"| 148 | | most | |\n",
"| 149 | | music | |\n",
"| 150 | | need | |\n",
"| 151 | | net | |\n",
"| 152 | | network | |\n",
"| 153 | | neural | |\n",
"| 154 | | never | |\n",
"| 155 | | new | |\n",
"| 156 | | news | |\n",
"| 157 | | no | |\n",
"| 158 | | off | |\n",
"| 159 | | old | |\n",
"| 160 | | on | |\n",
"| 161 | | one | |\n",
"| 162 | | online | |\n",
"| 163 | | only | |\n",
"| 164 | | open | |\n",
"| 165 | | or | |\n",
"| 166 | | our | |\n",
"| 167 | | out | |\n",
"| 168 | | own | |\n",
"| 169 | | part | |\n",
"| 170 | | pay | |\n",
"| 171 | | people | |\n",
"| 172 | | php | |\n",
"| 173 | | pi | |\n",
"| 174 | | platform | |\n",
"| 175 | | play | |\n",
"| 176 | | power | |\n",
"| 177 | | private | |\n",
"| 178 | | problem | |\n",
"| 179 | | public | |\n",
"| 180 | | python | |\n",
"| 181 | | r | |\n",
"| 182 | | rails | |\n",
"| 183 | | raises | |\n",
"| 184 | | react | |\n",
"| 185 | | real | |\n",
"| 186 | | reality | |\n",
"| 187 | | release | |\n",
"| 188 | | review | |\n",
"| 189 | | rise | |\n",
"| 190 | | rules | |\n",
"| 191 | | s | |\n",
"| 192 | | san | |\n",
"| 193 | | save | |\n",
"| 194 | | says | |\n",
"| 195 | | science | |\n",
"| 196 | | scientists | |\n",
"| 197 | | search | |\n",
"| 198 | | secret | |\n",
"| 199 | | see | |\n",
"| 200 | | server | |\n",
"| 201 | | services | |\n",
"| 202 | | set | |\n",
"| 203 | | simple | |\n",
"| 204 | | site | |\n",
"| 205 | | small | |\n",
"| 206 | | smart | |\n",
"| 207 | | social | |\n",
"| 208 | | some | |\n",
"| 209 | | star | |\n",
"| 210 | | startup | |\n",
"| 211 | | still | |\n",
"| 212 | | storage | |\n",
"| 213 | | story | |\n",
"| 214 | | study | |\n",
"| 215 | | t | |\n",
"| 216 | | take | |\n",
"| 217 | | tech | |\n",
"| 218 | | technology | |\n",
"| 219 | | testing | |\n",
"| 220 | | that | |\n",
"| 221 | | their | |\n",
"| 222 | | there | |\n",
"| 223 | | things | |\n",
"| 224 | | think | |\n",
"| 225 | | this | |\n",
"| 226 | | three | |\n",
"| 227 | | through | |\n",
"| 228 | | to | |\n",
"| 229 | | tool | |\n",
"| 230 | | tv | |\n",
"| 231 | | twitter | |\n",
"| 232 | | u | |\n",
"| 233 | | ui | |\n",
"| 234 | | under | |\n",
"| 235 | | use | |\n",
"| 236 | | user | |\n",
"| 237 | | users | |\n",
"| 238 | | using | |\n",
"| 239 | | v | |\n",
"| 240 | | version | |\n",
"| 241 | | video | |\n",
"| 242 | | vs | |\n",
"| 243 | | wants | |\n",
"| 244 | | war | |\n",
"| 245 | | was | |\n",
"| 246 | | way | |\n",
"| 247 | | ways | |\n",
"| 248 | | we | |\n",
"| 249 | | website | |\n",
"| 250 | | week | |\n",
"| 251 | | were | |\n",
"| 252 | | what | |\n",
"| 253 | | when | |\n",
"| 254 | | why | |\n",
"| 255 | | with | |\n",
"| 256 | | world | |\n",
"| 257 | | would | |\n",
"| 258 | | writing | |\n",
"| 259 | | wrong | |\n",
"| 260 | | x | |\n",
"| 261 | | year | |\n",
"| 262 | | you | |\n",
"\n",
"\n",
"\n",
"** clustering 9 ***\n",
"| | 0 | 1 | 2 |\n",
"|----:|:-------------|:------------|:-------------|\n",
"| 0 | age | about | a |\n",
"| 1 | algorithm | after | access |\n",
"| 2 | amazon | against | ad |\n",
"| 3 | an | all | ads |\n",
"| 4 | api | america | again |\n",
"| 5 | app | american | ai |\n",
"| 6 | apple | analysis | analytics |\n",
"| 7 | apps | and | android |\n",
"| 8 | attack | any | angular |\n",
"| 9 | available | apache | applications |\n",
"| 10 | based | application | are |\n",
"| 11 | beta | art | artificial |\n",
"| 12 | better | as | aws |\n",
"| 13 | black | at | b |\n",
"| 14 | business | back | bad |\n",
"| 15 | can | be | best |\n",
"| 16 | chinese | become | big |\n",
"| 17 | chrome | been | book |\n",
"| 18 | coding | before | books |\n",
"| 19 | computer | behind | brain |\n",
"| 20 | content | being | browser |\n",
"| 21 | cost | between | build |\n",
"| 22 | create | bill | built |\n",
"| 23 | css | bitcoin | by |\n",
"| 24 | day | blockchain | c |\n",
"| 25 | devices | bot | cars |\n",
"| 26 | digital | building | case |\n",
"| 27 | distributed | but | client |\n",
"| 28 | does | car | cloud |\n",
"| 29 | dont | ceo | code |\n",
"| 30 | driving | change | com |\n",
"| 31 | drone | china | coming |\n",
"| 32 | earth | city | command |\n",
"| 33 | easy | community | company |\n",
"| 34 | email | companies | computing |\n",
"| 35 | energy | control | core |\n",
"| 36 | engineering | database | could |\n",
"| 37 | ever | deal | court |\n",
"| 38 | experience | death | creating |\n",
"| 39 | facebook | deep | d |\n",
"| 40 | find | developers | data |\n",
"| 41 | free | development | dead |\n",
"| 42 | get | did | design |\n",
"| 43 | git | don | developer |\n",
"| 44 | go | encryption | do |\n",
"| 45 | government | engine | docker |\n",
"| 46 | guide | faster | down |\n",
"| 47 | hackers | file | e |\n",
"| 48 | has | full | economy |\n",
"| 49 | have | future | end |\n",
"| 50 | his | game | every |\n",
"| 51 | http | generation | everything |\n",
"| 52 | image | gets | f |\n",
"| 53 | images | going | fast |\n",
"| 54 | india | good | fbi |\n",
"| 55 | intel | google | files |\n",
"| 56 | intelligence | hacker | first |\n",
"| 57 | internet | hacking | for |\n",
"| 58 | interview | health | found |\n",
"| 59 | into | help | founder |\n",
"| 60 | introducing | here | framework |\n",
"| 61 | introduction | history | from |\n",
"| 62 | iot | html | games |\n",
"| 63 | job | human | getting |\n",
"| 64 | jobs | in | github |\n",
"| 65 | know | industry | global |\n",
"| 66 | launch | inside | got |\n",
"| 67 | less | interactive | great |\n",
"| 68 | lessons | is | growth |\n",
"| 69 | let | it | hack |\n",
"| 70 | life | its | hard |\n",
"| 71 | light | java | high |\n",
"| 72 | line | javascript | hn |\n",
"| 73 | linux | just | home |\n",
"| 74 | live | key | how |\n",
"| 75 | long | last | i |\n",
"| 76 | map | launches | if |\n",
"| 77 | may | law | io |\n",
"| 78 | me | learning | ios |\n",
"| 79 | microsoft | lets | iphone |\n",
"| 80 | mobile | library | js |\n",
"| 81 | money | list | k |\n",
"| 82 | nasa | look | keep |\n",
"| 83 | net | machine | language |\n",
"| 84 | networks | make | learn |\n",
"| 85 | news | many | learned |\n",
"| 86 | next | media | like |\n",
"| 87 | no | meet | love |\n",
"| 88 | node | modern | m |\n",
"| 89 | off | most | mac |\n",
"| 90 | on | music | made |\n",
"| 91 | only | my | makes |\n",
"| 92 | open | neural | making |\n",
"| 93 | our | never | man |\n",
"| 94 | out | now | management |\n",
"| 95 | own | of | manager |\n",
"| 96 | pdf | office | market |\n",
"| 97 | pi | old | marketing |\n",
"| 98 | privacy | online | memory |\n",
"| 99 | product | or | model |\n",
"| 100 | program | other | more |\n",
"| 101 | raises | over | much |\n",
"| 102 | read | page | native |\n",
"| 103 | release | pay | need |\n",
"| 104 | remote | people | network |\n",
"| 105 | review | performance | new |\n",
"| 106 | robot | php | not |\n",
"| 107 | ruby | plan | one |\n",
"| 108 | run | platform | os |\n",
"| 109 | running | play | part |\n",
"| 110 | rust | power | phone |\n",
"| 111 | san | quantum | police |\n",
"| 112 | scale | re | post |\n",
"| 113 | school | react | private |\n",
"| 114 | scientists | real | problem |\n",
"| 115 | search | really | programming |\n",
"| 116 | security | report | project |\n",
"| 117 | self | right | projects |\n",
"| 118 | service | robots | public |\n",
"| 119 | shows | say | python |\n",
"| 120 | silicon | says | r |\n",
"| 121 | simple | science | rails |\n",
"| 122 | site | secure | reality |\n",
"| 123 | slack | server | released |\n",
"| 124 | software | services | research |\n",
"| 125 | some | set | rise |\n",
"| 126 | source | sharing | rules |\n",
"| 127 | speed | show | s |\n",
"| 128 | stack | smart | save |\n",
"| 129 | star | so | secret |\n",
"| 130 | startup | social | see |\n",
"| 131 | stop | startups | series |\n",
"| 132 | support | state | should |\n",
"| 133 | systems | still | side |\n",
"| 134 | take | storage | small |\n",
"| 135 | technology | store | solar |\n",
"| 136 | tesla | study | space |\n",
"| 137 | text | system | start |\n",
"| 138 | their | than | story |\n",
"| 139 | there | that | swift |\n",
"| 140 | think | them | t |\n",
"| 141 | through | three | team |\n",
"| 142 | time | to | tech |\n",
"| 143 | today | tool | test |\n",
"| 144 | tools | two | testing |\n",
"| 145 | twitter | ui | the |\n",
"| 146 | uber | uk | they |\n",
"| 147 | up | update | things |\n",
"| 148 | us | use | this |\n",
"| 149 | used | users | tips |\n",
"| 150 | version | using | too |\n",
"| 151 | video | valley | top |\n",
"| 152 | visual | virtual | tv |\n",
"| 153 | war | want | u |\n",
"| 154 | ways | wants | under |\n",
"| 155 | web | was | user |\n",
"| 156 | website | watch | v |\n",
"| 157 | what | were | via |\n",
"| 158 | where | when | vr |\n",
"| 159 | who | why | vs |\n",
"| 160 | wrong | will | way |\n",
"| 161 | year | with | we |\n",
"| 162 | you | working | week |\n",
"| 163 | your | world | windows |\n",
"| 164 | | write | without |\n",
"| 165 | | years | women |\n",
"| 166 | | | work |\n",
"| 167 | | | would |\n",
"| 168 | | | writing |\n",
"| 169 | | | x |\n",
"\n",
"\n",
"\n",
"** clustering 10 ***\n",
"| | 0 | 1 | 2 |\n",
"|----:|:-------------|:------------|:-------------|\n",
"| 0 | a | access | age |\n",
"| 1 | about | against | algorithm |\n",
"| 2 | ad | all | analysis |\n",
"| 3 | ads | amazon | analytics |\n",
"| 4 | after | america | application |\n",
"| 5 | again | an | applications |\n",
"| 6 | ai | android | are |\n",
"| 7 | american | angular | artificial |\n",
"| 8 | and | any | at |\n",
"| 9 | apple | apache | aws |\n",
"| 10 | as | api | been |\n",
"| 11 | attack | app | beta |\n",
"| 12 | available | apps | big |\n",
"| 13 | b | art | books |\n",
"| 14 | bad | back | business |\n",
"| 15 | based | become | by |\n",
"| 16 | be | before | case |\n",
"| 17 | better | behind | ceo |\n",
"| 18 | between | being | cloud |\n",
"| 19 | building | best | coming |\n",
"| 20 | c | bill | community |\n",
"| 21 | car | bitcoin | computing |\n",
"| 22 | china | black | content |\n",
"| 23 | client | blockchain | creating |\n",
"| 24 | coding | book | day |\n",
"| 25 | com | bot | deep |\n",
"| 26 | computer | brain | devices |\n",
"| 27 | cost | browser | distributed |\n",
"| 28 | d | build | does |\n",
"| 29 | dead | built | down |\n",
"| 30 | developers | but | driving |\n",
"| 31 | do | can | drone |\n",
"| 32 | e | cars | earth |\n",
"| 33 | engine | change | email |\n",
"| 34 | f | chinese | engineering |\n",
"| 35 | facebook | chrome | game |\n",
"| 36 | fbi | city | global |\n",
"| 37 | first | code | google |\n",
"| 38 | for | command | guide |\n",
"| 39 | full | companies | have |\n",
"| 40 | generation | company | here |\n",
"| 41 | get | control | home |\n",
"| 42 | gets | core | how |\n",
"| 43 | getting | could | human |\n",
"| 44 | going | court | india |\n",
"| 45 | good | create | inside |\n",
"| 46 | growth | css | intelligence |\n",
"| 47 | hacker | data | into |\n",
"| 48 | hackers | database | ios |\n",
"| 49 | help | deal | know |\n",
"| 50 | his | death | launches |\n",
"| 51 | hn | design | line |\n",
"| 52 | html | developer | look |\n",
"| 53 | http | development | made |\n",
"| 54 | i | did | make |\n",
"| 55 | if | digital | map |\n",
"| 56 | image | docker | market |\n",
"| 57 | images | don | most |\n",
"| 58 | industry | dont | music |\n",
"| 59 | intel | easy | nasa |\n",
"| 60 | interview | economy | native |\n",
"| 61 | introduction | encryption | networks |\n",
"| 62 | iot | end | new |\n",
"| 63 | is | energy | of |\n",
"| 64 | it | ever | one |\n",
"| 65 | jobs | every | out |\n",
"| 66 | js | everything | over |\n",
"| 67 | k | experience | part |\n",
"| 68 | last | fast | plan |\n",
"| 69 | launch | faster | programming |\n",
"| 70 | lets | file | project |\n",
"| 71 | like | files | public |\n",
"| 72 | linux | find | released |\n",
"| 73 | list | found | report |\n",
"| 74 | m | founder | research |\n",
"| 75 | making | framework | review |\n",
"| 76 | man | free | robots |\n",
"| 77 | many | from | ruby |\n",
"| 78 | marketing | future | running |\n",
"| 79 | may | games | save |\n",
"| 80 | meet | git | says |\n",
"| 81 | memory | github | secret |\n",
"| 82 | model | go | secure |\n",
"| 83 | modern | got | series |\n",
"| 84 | need | government | server |\n",
"| 85 | news | great | small |\n",
"| 86 | no | hack | so |\n",
"| 87 | off | hacking | solar |\n",
"| 88 | or | hard | source |\n",
"| 89 | other | has | space |\n",
"| 90 | page | health | speed |\n",
"| 91 | performance | high | store |\n",
"| 92 | platform | history | systems |\n",
"| 93 | privacy | in | test |\n",
"| 94 | private | interactive | that |\n",
"| 95 | problem | internet | them |\n",
"| 96 | product | introducing | things |\n",
"| 97 | quantum | io | think |\n",
"| 98 | r | iphone | to |\n",
"| 99 | rails | its | today |\n",
"| 100 | react | java | update |\n",
"| 101 | really | javascript | use |\n",
"| 102 | right | job | user |\n",
"| 103 | run | just | users |\n",
"| 104 | s | keep | using |\n",
"| 105 | scientists | key | version |\n",
"| 106 | security | language | visual |\n",
"| 107 | self | law | vr |\n",
"| 108 | set | learn | war |\n",
"| 109 | sharing | learned | way |\n",
"| 110 | side | learning | were |\n",
"| 111 | silicon | less | write |\n",
"| 112 | stack | lessons | writing |\n",
"| 113 | star | let | year |\n",
"| 114 | startups | library | you |\n",
"| 115 | still | life | |\n",
"| 116 | storage | light | |\n",
"| 117 | story | live | |\n",
"| 118 | system | long | |\n",
"| 119 | t | love | |\n",
"| 120 | team | mac | |\n",
"| 121 | tech | machine | |\n",
"| 122 | tesla | makes | |\n",
"| 123 | there | management | |\n",
"| 124 | they | manager | |\n",
"| 125 | tv | me | |\n",
"| 126 | twitter | media | |\n",
"| 127 | u | microsoft | |\n",
"| 128 | under | mobile | |\n",
"| 129 | v | money | |\n",
"| 130 | valley | more | |\n",
"| 131 | virtual | much | |\n",
"| 132 | watch | my | |\n",
"| 133 | we | net | |\n",
"| 134 | week | network | |\n",
"| 135 | what | neural | |\n",
"| 136 | who | never | |\n",
"| 137 | windows | next | |\n",
"| 138 | x | node | |\n",
"| 139 | your | not | |\n",
"| 140 | | now | |\n",
"| 141 | | office | |\n",
"| 142 | | old | |\n",
"| 143 | | on | |\n",
"| 144 | | online | |\n",
"| 145 | | only | |\n",
"| 146 | | open | |\n",
"| 147 | | os | |\n",
"| 148 | | our | |\n",
"| 149 | | own | |\n",
"| 150 | | pay | |\n",
"| 151 | | pdf | |\n",
"| 152 | | people | |\n",
"| 153 | | phone | |\n",
"| 154 | | php | |\n",
"| 155 | | pi | |\n",
"| 156 | | play | |\n",
"| 157 | | police | |\n",
"| 158 | | post | |\n",
"| 159 | | power | |\n",
"| 160 | | program | |\n",
"| 161 | | projects | |\n",
"| 162 | | python | |\n",
"| 163 | | raises | |\n",
"| 164 | | re | |\n",
"| 165 | | read | |\n",
"| 166 | | real | |\n",
"| 167 | | reality | |\n",
"| 168 | | release | |\n",
"| 169 | | remote | |\n",
"| 170 | | rise | |\n",
"| 171 | | robot | |\n",
"| 172 | | rules | |\n",
"| 173 | | rust | |\n",
"| 174 | | san | |\n",
"| 175 | | say | |\n",
"| 176 | | scale | |\n",
"| 177 | | school | |\n",
"| 178 | | science | |\n",
"| 179 | | search | |\n",
"| 180 | | see | |\n",
"| 181 | | service | |\n",
"| 182 | | services | |\n",
"| 183 | | should | |\n",
"| 184 | | show | |\n",
"| 185 | | shows | |\n",
"| 186 | | simple | |\n",
"| 187 | | site | |\n",
"| 188 | | slack | |\n",
"| 189 | | smart | |\n",
"| 190 | | social | |\n",
"| 191 | | software | |\n",
"| 192 | | some | |\n",
"| 193 | | start | |\n",
"| 194 | | startup | |\n",
"| 195 | | state | |\n",
"| 196 | | stop | |\n",
"| 197 | | study | |\n",
"| 198 | | support | |\n",
"| 199 | | swift | |\n",
"| 200 | | take | |\n",
"| 201 | | technology | |\n",
"| 202 | | testing | |\n",
"| 203 | | text | |\n",
"| 204 | | than | |\n",
"| 205 | | the | |\n",
"| 206 | | their | |\n",
"| 207 | | this | |\n",
"| 208 | | three | |\n",
"| 209 | | through | |\n",
"| 210 | | time | |\n",
"| 211 | | tips | |\n",
"| 212 | | too | |\n",
"| 213 | | tool | |\n",
"| 214 | | tools | |\n",
"| 215 | | top | |\n",
"| 216 | | two | |\n",
"| 217 | | uber | |\n",
"| 218 | | ui | |\n",
"| 219 | | uk | |\n",
"| 220 | | up | |\n",
"| 221 | | us | |\n",
"| 222 | | used | |\n",
"| 223 | | via | |\n",
"| 224 | | video | |\n",
"| 225 | | vs | |\n",
"| 226 | | want | |\n",
"| 227 | | wants | |\n",
"| 228 | | was | |\n",
"| 229 | | ways | |\n",
"| 230 | | web | |\n",
"| 231 | | website | |\n",
"| 232 | | when | |\n",
"| 233 | | where | |\n",
"| 234 | | why | |\n",
"| 235 | | will | |\n",
"| 236 | | with | |\n",
"| 237 | | without | |\n",
"| 238 | | women | |\n",
"| 239 | | work | |\n",
"| 240 | | working | |\n",
"| 241 | | world | |\n",
"| 242 | | would | |\n",
"| 243 | | wrong | |\n",
"| 244 | | years | |\n",
"\n",
"\n",
"\n",
"** clustering 11 ***\n",
"| | 0 | 1 | 2 |\n",
"|----:|:-------------|:------------|:-------------|\n",
"| 0 | a | access | ad |\n",
"| 1 | about | all | ads |\n",
"| 2 | after | american | again |\n",
"| 3 | age | angular | against |\n",
"| 4 | ai | apps | algorithm |\n",
"| 5 | amazon | art | america |\n",
"| 6 | an | based | android |\n",
"| 7 | analysis | be | api |\n",
"| 8 | analytics | been | apple |\n",
"| 9 | and | being | applications |\n",
"| 10 | any | better | are |\n",
"| 11 | apache | books | artificial |\n",
"| 12 | app | bot | as |\n",
"| 13 | application | building | aws |\n",
"| 14 | at | built | back |\n",
"| 15 | attack | but | before |\n",
"| 16 | available | cars | best |\n",
"| 17 | b | ceo | between |\n",
"| 18 | bad | change | book |\n",
"| 19 | become | china | brain |\n",
"| 20 | behind | city | browser |\n",
"| 21 | beta | coding | by |\n",
"| 22 | big | coming | can |\n",
"| 23 | bill | community | car |\n",
"| 24 | bitcoin | computer | cloud |\n",
"| 25 | black | cost | companies |\n",
"| 26 | blockchain | could | computing |\n",
"| 27 | build | court | content |\n",
"| 28 | business | deep | database |\n",
"| 29 | c | development | dead |\n",
"| 30 | case | devices | developer |\n",
"| 31 | chinese | did | developers |\n",
"| 32 | chrome | docker | do |\n",
"| 33 | client | earth | does |\n",
"| 34 | code | engine | dont |\n",
"| 35 | com | facebook | down |\n",
"| 36 | command | fbi | driving |\n",
"| 37 | company | files | drone |\n",
"| 38 | control | framework | easy |\n",
"| 39 | core | future | everything |\n",
"| 40 | create | game | fast |\n",
"| 41 | creating | games | file |\n",
"| 42 | css | getting | find |\n",
"| 43 | d | great | first |\n",
"| 44 | data | guide | founder |\n",
"| 45 | day | hacking | from |\n",
"| 46 | deal | here | full |\n",
"| 47 | death | his | github |\n",
"| 48 | design | http | global |\n",
"| 49 | digital | if | going |\n",
"| 50 | distributed | images | good |\n",
"| 51 | don | india | google |\n",
"| 52 | e | inside | got |\n",
"| 53 | economy | introducing | growth |\n",
"| 54 | email | its | hackers |\n",
"| 55 | encryption | know | have |\n",
"| 56 | end | learned | health |\n",
"| 57 | energy | made | help |\n",
"| 58 | engineering | marketing | history |\n",
"| 59 | ever | me | home |\n",
"| 60 | every | memory | how |\n",
"| 61 | experience | mobile | human |\n",
"| 62 | f | more | image |\n",
"| 63 | faster | news | industry |\n",
"| 64 | for | no | intel |\n",
"| 65 | found | of | interactive |\n",
"| 66 | free | or | introduction |\n",
"| 67 | generation | other | io |\n",
"| 68 | get | out | iot |\n",
"| 69 | gets | own | iphone |\n",
"| 70 | git | plan | job |\n",
"| 71 | go | police | jobs |\n",
"| 72 | government | post | js |\n",
"| 73 | hack | power | key |\n",
"| 74 | hacker | program | language |\n",
"| 75 | hard | public | launches |\n",
"| 76 | has | rails | learn |\n",
"| 77 | high | react | learning |\n",
"| 78 | hn | read | lessons |\n",
"| 79 | html | real | let |\n",
"| 80 | i | reality | lets |\n",
"| 81 | in | really | library |\n",
"| 82 | intelligence | release | life |\n",
"| 83 | internet | released | light |\n",
"| 84 | interview | remote | like |\n",
"| 85 | into | ruby | list |\n",
"| 86 | ios | school | live |\n",
"| 87 | is | scientists | long |\n",
"| 88 | it | self | look |\n",
"| 89 | java | server | machine |\n",
"| 90 | javascript | set | make |\n",
"| 91 | just | should | man |\n",
"| 92 | k | silicon | map |\n",
"| 93 | keep | simple | may |\n",
"| 94 | last | smart | meet |\n",
"| 95 | launch | star | music |\n",
"| 96 | law | storage | my |\n",
"| 97 | less | support | native |\n",
"| 98 | line | system | need |\n",
"| 99 | linux | team | network |\n",
"| 100 | love | that | networks |\n",
"| 101 | m | there | never |\n",
"| 102 | mac | things | next |\n",
"| 103 | makes | three | node |\n",
"| 104 | making | twitter | now |\n",
"| 105 | management | uk | office |\n",
"| 106 | manager | under | old |\n",
"| 107 | many | use | one |\n",
"| 108 | market | using | open |\n",
"| 109 | media | valley | os |\n",
"| 110 | microsoft | version | our |\n",
"| 111 | model | virtual | over |\n",
"| 112 | modern | vs | page |\n",
"| 113 | money | want | people |\n",
"| 114 | most | wants | php |\n",
"| 115 | much | watch | platform |\n",
"| 116 | nasa | ways | private |\n",
"| 117 | net | we | product |\n",
"| 118 | neural | web | project |\n",
"| 119 | new | website | raises |\n",
"| 120 | not | what | report |\n",
"| 121 | off | where | research |\n",
"| 122 | on | without | review |\n",
"| 123 | online | year | rise |\n",
"| 124 | only | years | robots |\n",
"| 125 | part | you | running |\n",
"| 126 | pay | your | rust |\n",
"| 127 | pdf | | san |\n",
"| 128 | performance | | say |\n",
"| 129 | phone | | says |\n",
"| 130 | pi | | scale |\n",
"| 131 | play | | science |\n",
"| 132 | privacy | | secret |\n",
"| 133 | problem | | secure |\n",
"| 134 | programming | | series |\n",
"| 135 | projects | | sharing |\n",
"| 136 | python | | shows |\n",
"| 137 | quantum | | side |\n",
"| 138 | r | | site |\n",
"| 139 | re | | small |\n",
"| 140 | right | | solar |\n",
"| 141 | robot | | startups |\n",
"| 142 | rules | | state |\n",
"| 143 | run | | still |\n",
"| 144 | s | | take |\n",
"| 145 | save | | tech |\n",
"| 146 | search | | technology |\n",
"| 147 | security | | tesla |\n",
"| 148 | see | | test |\n",
"| 149 | service | | testing |\n",
"| 150 | services | | text |\n",
"| 151 | show | | them |\n",
"| 152 | slack | | they |\n",
"| 153 | so | | time |\n",
"| 154 | social | | tips |\n",
"| 155 | software | | today |\n",
"| 156 | some | | tool |\n",
"| 157 | source | | tv |\n",
"| 158 | space | | uber |\n",
"| 159 | speed | | us |\n",
"| 160 | stack | | used |\n",
"| 161 | start | | user |\n",
"| 162 | startup | | via |\n",
"| 163 | stop | | video |\n",
"| 164 | store | | vr |\n",
"| 165 | story | | war |\n",
"| 166 | study | | was |\n",
"| 167 | swift | | way |\n",
"| 168 | systems | | were |\n",
"| 169 | t | | when |\n",
"| 170 | than | | will |\n",
"| 171 | the | | world |\n",
"| 172 | their | | would |\n",
"| 173 | think | | |\n",
"| 174 | this | | |\n",
"| 175 | through | | |\n",
"| 176 | to | | |\n",
"| 177 | too | | |\n",
"| 178 | tools | | |\n",
"| 179 | top | | |\n",
"| 180 | two | | |\n",
"| 181 | u | | |\n",
"| 182 | ui | | |\n",
"| 183 | up | | |\n",
"| 184 | update | | |\n",
"| 185 | users | | |\n",
"| 186 | v | | |\n",
"| 187 | visual | | |\n",
"| 188 | week | | |\n",
"| 189 | who | | |\n",
"| 190 | why | | |\n",
"| 191 | windows | | |\n",
"| 192 | with | | |\n",
"| 193 | women | | |\n",
"| 194 | work | | |\n",
"| 195 | working | | |\n",
"| 196 | write | | |\n",
"| 197 | writing | | |\n",
"| 198 | wrong | | |\n",
"| 199 | x | | |\n",
"\n",
"\n",
"\n",
"** clustering 12 ***\n",
"| | 0 | 1 | 2 |\n",
"|----:|:-------------|:-------------|:-------------|\n",
"| 0 | about | against | a |\n",
"| 1 | access | algorithm | android |\n",
"| 2 | ad | amazon | application |\n",
"| 3 | ads | american | applications |\n",
"| 4 | after | an | apps |\n",
"| 5 | again | analytics | artificial |\n",
"| 6 | age | apple | b |\n",
"| 7 | ai | as | based |\n",
"| 8 | all | at | behind |\n",
"| 9 | america | available | beta |\n",
"| 10 | analysis | aws | big |\n",
"| 11 | and | back | bill |\n",
"| 12 | angular | been | bitcoin |\n",
"| 13 | any | before | bot |\n",
"| 14 | apache | best | but |\n",
"| 15 | api | between | c |\n",
"| 16 | app | black | can |\n",
"| 17 | are | case | car |\n",
"| 18 | art | cloud | cars |\n",
"| 19 | attack | computing | china |\n",
"| 20 | bad | content | chrome |\n",
"| 21 | be | control | code |\n",
"| 22 | become | core | command |\n",
"| 23 | being | court | community |\n",
"| 24 | better | data | companies |\n",
"| 25 | blockchain | dead | cost |\n",
"| 26 | book | developers | creating |\n",
"| 27 | books | docker | d |\n",
"| 28 | brain | earth | deal |\n",
"| 29 | browser | energy | death |\n",
"| 30 | build | engine | design |\n",
"| 31 | building | every | developer |\n",
"| 32 | built | experience | distributed |\n",
"| 33 | business | facebook | dont |\n",
"| 34 | by | files | e |\n",
"| 35 | ceo | first | engineering |\n",
"| 36 | change | for | ever |\n",
"| 37 | chinese | found | f |\n",
"| 38 | city | framework | fbi |\n",
"| 39 | client | from | file |\n",
"| 40 | coding | github | free |\n",
"| 41 | com | google | game |\n",
"| 42 | coming | guide | get |\n",
"| 43 | company | hacker | gets |\n",
"| 44 | computer | hackers | going |\n",
"| 45 | could | hard | good |\n",
"| 46 | create | has | hacking |\n",
"| 47 | css | html | have |\n",
"| 48 | database | india | high |\n",
"| 49 | day | intel | history |\n",
"| 50 | deep | introduction | hn |\n",
"| 51 | development | ios | home |\n",
"| 52 | devices | keep | human |\n",
"| 53 | did | language | i |\n",
"| 54 | digital | learned | inside |\n",
"| 55 | do | let | interview |\n",
"| 56 | does | library | iphone |\n",
"| 57 | don | like | is |\n",
"| 58 | down | live | its |\n",
"| 59 | driving | long | java |\n",
"| 60 | drone | machine | jobs |\n",
"| 61 | easy | make | k |\n",
"| 62 | economy | man | last |\n",
"| 63 | email | many | law |\n",
"| 64 | encryption | microsoft | less |\n",
"| 65 | end | net | look |\n",
"| 66 | everything | network | m |\n",
"| 67 | fast | networks | making |\n",
"| 68 | faster | neural | management |\n",
"| 69 | find | news | market |\n",
"| 70 | founder | node | marketing |\n",
"| 71 | full | now | modern |\n",
"| 72 | future | off | most |\n",
"| 73 | games | one | music |\n",
"| 74 | generation | other | my |\n",
"| 75 | getting | our | nasa |\n",
"| 76 | git | own | never |\n",
"| 77 | global | part | not |\n",
"| 78 | go | performance | out |\n",
"| 79 | got | phone | pi |\n",
"| 80 | government | php | play |\n",
"| 81 | great | plan | product |\n",
"| 82 | growth | power | program |\n",
"| 83 | hack | public | project |\n",
"| 84 | health | quantum | python |\n",
"| 85 | help | re | r |\n",
"| 86 | here | react | real |\n",
"| 87 | his | read | report |\n",
"| 88 | how | reality | right |\n",
"| 89 | http | remote | rise |\n",
"| 90 | if | robots | robot |\n",
"| 91 | image | ruby | rules |\n",
"| 92 | images | say | s |\n",
"| 93 | in | sharing | san |\n",
"| 94 | industry | side | says |\n",
"| 95 | intelligence | software | service |\n",
"| 96 | interactive | source | should |\n",
"| 97 | internet | speed | shows |\n",
"| 98 | into | star | silicon |\n",
"| 99 | introducing | systems | slack |\n",
"| 100 | io | than | solar |\n",
"| 101 | iot | their | some |\n",
"| 102 | it | things | space |\n",
"| 103 | javascript | think | stack |\n",
"| 104 | job | this | startup |\n",
"| 105 | js | three | system |\n",
"| 106 | just | tools | t |\n",
"| 107 | key | twitter | take |\n",
"| 108 | know | uk | team |\n",
"| 109 | launch | up | tech |\n",
"| 110 | launches | via | tesla |\n",
"| 111 | learn | wants | testing |\n",
"| 112 | learning | were | that |\n",
"| 113 | lessons | who | them |\n",
"| 114 | lets | why | tips |\n",
"| 115 | life | will | today |\n",
"| 116 | light | working | u |\n",
"| 117 | line | would | us |\n",
"| 118 | linux | writing | used |\n",
"| 119 | list | | users |\n",
"| 120 | love | | v |\n",
"| 121 | mac | | war |\n",
"| 122 | made | | was |\n",
"| 123 | makes | | watch |\n",
"| 124 | manager | | ways |\n",
"| 125 | map | | week |\n",
"| 126 | may | | what |\n",
"| 127 | me | | windows |\n",
"| 128 | media | | women |\n",
"| 129 | meet | | write |\n",
"| 130 | memory | | wrong |\n",
"| 131 | mobile | | x |\n",
"| 132 | model | | year |\n",
"| 133 | money | | your |\n",
"| 134 | more | | |\n",
"| 135 | much | | |\n",
"| 136 | native | | |\n",
"| 137 | need | | |\n",
"| 138 | new | | |\n",
"| 139 | next | | |\n",
"| 140 | no | | |\n",
"| 141 | of | | |\n",
"| 142 | office | | |\n",
"| 143 | old | | |\n",
"| 144 | on | | |\n",
"| 145 | online | | |\n",
"| 146 | only | | |\n",
"| 147 | open | | |\n",
"| 148 | or | | |\n",
"| 149 | os | | |\n",
"| 150 | over | | |\n",
"| 151 | page | | |\n",
"| 152 | pay | | |\n",
"| 153 | pdf | | |\n",
"| 154 | people | | |\n",
"| 155 | platform | | |\n",
"| 156 | police | | |\n",
"| 157 | post | | |\n",
"| 158 | privacy | | |\n",
"| 159 | private | | |\n",
"| 160 | problem | | |\n",
"| 161 | programming | | |\n",
"| 162 | projects | | |\n",
"| 163 | rails | | |\n",
"| 164 | raises | | |\n",
"| 165 | really | | |\n",
"| 166 | release | | |\n",
"| 167 | released | | |\n",
"| 168 | research | | |\n",
"| 169 | review | | |\n",
"| 170 | run | | |\n",
"| 171 | running | | |\n",
"| 172 | rust | | |\n",
"| 173 | save | | |\n",
"| 174 | scale | | |\n",
"| 175 | school | | |\n",
"| 176 | science | | |\n",
"| 177 | scientists | | |\n",
"| 178 | search | | |\n",
"| 179 | secret | | |\n",
"| 180 | secure | | |\n",
"| 181 | security | | |\n",
"| 182 | see | | |\n",
"| 183 | self | | |\n",
"| 184 | series | | |\n",
"| 185 | server | | |\n",
"| 186 | services | | |\n",
"| 187 | set | | |\n",
"| 188 | show | | |\n",
"| 189 | simple | | |\n",
"| 190 | site | | |\n",
"| 191 | small | | |\n",
"| 192 | smart | | |\n",
"| 193 | so | | |\n",
"| 194 | social | | |\n",
"| 195 | start | | |\n",
"| 196 | startups | | |\n",
"| 197 | state | | |\n",
"| 198 | still | | |\n",
"| 199 | stop | | |\n",
"| 200 | storage | | |\n",
"| 201 | store | | |\n",
"| 202 | story | | |\n",
"| 203 | study | | |\n",
"| 204 | support | | |\n",
"| 205 | swift | | |\n",
"| 206 | technology | | |\n",
"| 207 | test | | |\n",
"| 208 | text | | |\n",
"| 209 | the | | |\n",
"| 210 | there | | |\n",
"| 211 | they | | |\n",
"| 212 | through | | |\n",
"| 213 | time | | |\n",
"| 214 | to | | |\n",
"| 215 | too | | |\n",
"| 216 | tool | | |\n",
"| 217 | top | | |\n",
"| 218 | tv | | |\n",
"| 219 | two | | |\n",
"| 220 | uber | | |\n",
"| 221 | ui | | |\n",
"| 222 | under | | |\n",
"| 223 | update | | |\n",
"| 224 | use | | |\n",
"| 225 | user | | |\n",
"| 226 | using | | |\n",
"| 227 | valley | | |\n",
"| 228 | version | | |\n",
"| 229 | video | | |\n",
"| 230 | virtual | | |\n",
"| 231 | visual | | |\n",
"| 232 | vr | | |\n",
"| 233 | vs | | |\n",
"| 234 | want | | |\n",
"| 235 | way | | |\n",
"| 236 | we | | |\n",
"| 237 | web | | |\n",
"| 238 | website | | |\n",
"| 239 | when | | |\n",
"| 240 | where | | |\n",
"| 241 | with | | |\n",
"| 242 | without | | |\n",
"| 243 | work | | |\n",
"| 244 | world | | |\n",
"| 245 | years | | |\n",
"| 246 | you | | |\n",
"\n",
"\n",
"\n",
"** clustering 13 ***\n",
"| | 0 | 1 | 2 |\n",
"|----:|:-------------|:------------|:-------------|\n",
"| 0 | about | a | after |\n",
"| 1 | again | access | against |\n",
"| 2 | an | ad | age |\n",
"| 3 | and | ads | ai |\n",
"| 4 | android | amazon | algorithm |\n",
"| 5 | any | america | all |\n",
"| 6 | application | analysis | american |\n",
"| 7 | art | analytics | angular |\n",
"| 8 | artificial | apache | api |\n",
"| 9 | as | app | apple |\n",
"| 10 | be | are | applications |\n",
"| 11 | before | available | apps |\n",
"| 12 | beta | aws | at |\n",
"| 13 | bill | b | attack |\n",
"| 14 | build | back | bad |\n",
"| 15 | built | become | based |\n",
"| 16 | but | been | blockchain |\n",
"| 17 | car | behind | books |\n",
"| 18 | china | being | building |\n",
"| 19 | client | best | business |\n",
"| 20 | code | better | ceo |\n",
"| 21 | com | between | chinese |\n",
"| 22 | coming | big | community |\n",
"| 23 | cost | bitcoin | company |\n",
"| 24 | court | black | computing |\n",
"| 25 | create | book | content |\n",
"| 26 | creating | bot | css |\n",
"| 27 | day | brain | database |\n",
"| 28 | deal | browser | dead |\n",
"| 29 | deep | by | developer |\n",
"| 30 | does | c | devices |\n",
"| 31 | down | can | distributed |\n",
"| 32 | drone | cars | docker |\n",
"| 33 | engine | case | earth |\n",
"| 34 | ever | change | economy |\n",
"| 35 | everything | chrome | email |\n",
"| 36 | full | city | encryption |\n",
"| 37 | game | cloud | end |\n",
"| 38 | generation | coding | energy |\n",
"| 39 | get | command | engineering |\n",
"| 40 | global | companies | every |\n",
"| 41 | good | computer | facebook |\n",
"| 42 | google | control | faster |\n",
"| 43 | government | core | fbi |\n",
"| 44 | growth | could | file |\n",
"| 45 | hacker | d | files |\n",
"| 46 | has | data | find |\n",
"| 47 | health | death | first |\n",
"| 48 | help | design | found |\n",
"| 49 | high | developers | founder |\n",
"| 50 | his | development | framework |\n",
"| 51 | history | did | future |\n",
"| 52 | hn | digital | gets |\n",
"| 53 | how | do | getting |\n",
"| 54 | human | don | git |\n",
"| 55 | images | dont | got |\n",
"| 56 | in | driving | hack |\n",
"| 57 | india | e | hackers |\n",
"| 58 | intelligence | easy | hard |\n",
"| 59 | into | experience | have |\n",
"| 60 | io | f | home |\n",
"| 61 | ios | fast | http |\n",
"| 62 | iot | for | image |\n",
"| 63 | iphone | free | industry |\n",
"| 64 | is | from | intel |\n",
"| 65 | it | games | interactive |\n",
"| 66 | keep | github | internet |\n",
"| 67 | launches | go | interview |\n",
"| 68 | less | going | introduction |\n",
"| 69 | lessons | great | java |\n",
"| 70 | life | guide | job |\n",
"| 71 | like | hacking | just |\n",
"| 72 | live | here | key |\n",
"| 73 | mac | html | learn |\n",
"| 74 | make | i | learned |\n",
"| 75 | man | if | let |\n",
"| 76 | management | inside | lets |\n",
"| 77 | map | introducing | line |\n",
"| 78 | market | its | linux |\n",
"| 79 | media | javascript | made |\n",
"| 80 | model | jobs | makes |\n",
"| 81 | networks | js | manager |\n",
"| 82 | of | k | me |\n",
"| 83 | office | know | microsoft |\n",
"| 84 | open | language | money |\n",
"| 85 | page | last | most |\n",
"| 86 | part | launch | music |\n",
"| 87 | plan | law | native |\n",
"| 88 | play | learning | need |\n",
"| 89 | police | library | next |\n",
"| 90 | program | light | now |\n",
"| 91 | programming | list | old |\n",
"| 92 | projects | long | one |\n",
"| 93 | re | look | online |\n",
"| 94 | real | love | or |\n",
"| 95 | reality | m | other |\n",
"| 96 | report | machine | our |\n",
"| 97 | review | making | pay |\n",
"| 98 | rise | many | pdf |\n",
"| 99 | ruby | marketing | people |\n",
"| 100 | says | may | python |\n",
"| 101 | scientists | meet | quantum |\n",
"| 102 | secret | memory | rails |\n",
"| 103 | secure | mobile | react |\n",
"| 104 | security | modern | research |\n",
"| 105 | see | more | robots |\n",
"| 106 | self | much | rules |\n",
"| 107 | should | my | rust |\n",
"| 108 | shows | nasa | say |\n",
"| 109 | side | net | scale |\n",
"| 110 | social | network | school |\n",
"| 111 | solar | neural | science |\n",
"| 112 | some | never | server |\n",
"| 113 | source | new | service |\n",
"| 114 | start | news | show |\n",
"| 115 | startup | no | so |\n",
"| 116 | state | node | speed |\n",
"| 117 | still | not | swift |\n",
"| 118 | system | off | test |\n",
"| 119 | take | on | that |\n",
"| 120 | tech | only | them |\n",
"| 121 | technology | os | they |\n",
"| 122 | text | out | think |\n",
"| 123 | than | over | tips |\n",
"| 124 | the | own | today |\n",
"| 125 | things | performance | top |\n",
"| 126 | this | phone | twitter |\n",
"| 127 | three | php | ui |\n",
"| 128 | through | pi | up |\n",
"| 129 | too | platform | valley |\n",
"| 130 | tools | post | video |\n",
"| 131 | us | power | we |\n",
"| 132 | users | privacy | web |\n",
"| 133 | virtual | private | website |\n",
"| 134 | visual | problem | why |\n",
"| 135 | vr | product | without |\n",
"| 136 | vs | project | work |\n",
"| 137 | was | public | writing |\n",
"| 138 | watch | r | wrong |\n",
"| 139 | were | raises | you |\n",
"| 140 | what | read | |\n",
"| 141 | will | really | |\n",
"| 142 | with | release | |\n",
"| 143 | women | released | |\n",
"| 144 | working | remote | |\n",
"| 145 | would | right | |\n",
"| 146 | years | robot | |\n",
"| 147 | | run | |\n",
"| 148 | | running | |\n",
"| 149 | | s | |\n",
"| 150 | | san | |\n",
"| 151 | | save | |\n",
"| 152 | | search | |\n",
"| 153 | | series | |\n",
"| 154 | | services | |\n",
"| 155 | | set | |\n",
"| 156 | | sharing | |\n",
"| 157 | | silicon | |\n",
"| 158 | | simple | |\n",
"| 159 | | site | |\n",
"| 160 | | slack | |\n",
"| 161 | | small | |\n",
"| 162 | | smart | |\n",
"| 163 | | software | |\n",
"| 164 | | space | |\n",
"| 165 | | stack | |\n",
"| 166 | | star | |\n",
"| 167 | | startups | |\n",
"| 168 | | stop | |\n",
"| 169 | | storage | |\n",
"| 170 | | store | |\n",
"| 171 | | story | |\n",
"| 172 | | study | |\n",
"| 173 | | support | |\n",
"| 174 | | systems | |\n",
"| 175 | | t | |\n",
"| 176 | | team | |\n",
"| 177 | | tesla | |\n",
"| 178 | | testing | |\n",
"| 179 | | their | |\n",
"| 180 | | there | |\n",
"| 181 | | time | |\n",
"| 182 | | to | |\n",
"| 183 | | tool | |\n",
"| 184 | | tv | |\n",
"| 185 | | two | |\n",
"| 186 | | u | |\n",
"| 187 | | uber | |\n",
"| 188 | | uk | |\n",
"| 189 | | under | |\n",
"| 190 | | update | |\n",
"| 191 | | use | |\n",
"| 192 | | used | |\n",
"| 193 | | user | |\n",
"| 194 | | using | |\n",
"| 195 | | v | |\n",
"| 196 | | version | |\n",
"| 197 | | via | |\n",
"| 198 | | want | |\n",
"| 199 | | wants | |\n",
"| 200 | | war | |\n",
"| 201 | | way | |\n",
"| 202 | | ways | |\n",
"| 203 | | week | |\n",
"| 204 | | when | |\n",
"| 205 | | where | |\n",
"| 206 | | who | |\n",
"| 207 | | windows | |\n",
"| 208 | | world | |\n",
"| 209 | | write | |\n",
"| 210 | | x | |\n",
"| 211 | | year | |\n",
"| 212 | | your | |\n",
"\n",
"\n",
"\n",
"** clustering 14 ***\n",
"| | 0 | 1 | 2 |\n",
"|----:|:-------------|:-------------|:-------------|\n",
"| 0 | a | about | access |\n",
"| 1 | ads | ad | age |\n",
"| 2 | against | after | amazon |\n",
"| 3 | america | again | android |\n",
"| 4 | american | ai | apple |\n",
"| 5 | analysis | algorithm | application |\n",
"| 6 | api | all | art |\n",
"| 7 | app | an | as |\n",
"| 8 | are | analytics | available |\n",
"| 9 | attack | and | aws |\n",
"| 10 | b | angular | bad |\n",
"| 11 | become | any | be |\n",
"| 12 | before | apache | been |\n",
"| 13 | bitcoin | applications | behind |\n",
"| 14 | book | apps | being |\n",
"| 15 | books | artificial | big |\n",
"| 16 | brain | at | bill |\n",
"| 17 | build | back | black |\n",
"| 18 | built | based | blockchain |\n",
"| 19 | c | best | browser |\n",
"| 20 | ceo | beta | building |\n",
"| 21 | change | better | but |\n",
"| 22 | city | between | can |\n",
"| 23 | cloud | bot | car |\n",
"| 24 | com | business | cars |\n",
"| 25 | companies | by | case |\n",
"| 26 | company | chinese | china |\n",
"| 27 | content | chrome | coming |\n",
"| 28 | cost | client | computer |\n",
"| 29 | creating | code | control |\n",
"| 30 | css | coding | core |\n",
"| 31 | d | command | could |\n",
"| 32 | design | community | court |\n",
"| 33 | e | computing | create |\n",
"| 34 | email | data | database |\n",
"| 35 | end | day | dead |\n",
"| 36 | energy | death | deal |\n",
"| 37 | every | developer | deep |\n",
"| 38 | everything | developers | did |\n",
"| 39 | f | development | digital |\n",
"| 40 | file | devices | don |\n",
"| 41 | from | distributed | earth |\n",
"| 42 | gets | do | economy |\n",
"| 43 | getting | docker | encryption |\n",
"| 44 | github | does | ever |\n",
"| 45 | global | dont | facebook |\n",
"| 46 | hacker | down | faster |\n",
"| 47 | hackers | driving | fbi |\n",
"| 48 | help | drone | files |\n",
"| 49 | hn | easy | first |\n",
"| 50 | http | engine | found |\n",
"| 51 | i | engineering | founder |\n",
"| 52 | intelligence | experience | framework |\n",
"| 53 | introducing | fast | full |\n",
"| 54 | io | find | future |\n",
"| 55 | its | for | game |\n",
"| 56 | java | free | get |\n",
"| 57 | job | games | good |\n",
"| 58 | k | generation | got |\n",
"| 59 | last | git | government |\n",
"| 60 | launches | go | great |\n",
"| 61 | learn | going | growth |\n",
"| 62 | let | google | hacking |\n",
"| 63 | m | guide | hard |\n",
"| 64 | manager | hack | has |\n",
"| 65 | map | have | health |\n",
"| 66 | model | high | here |\n",
"| 67 | money | history | his |\n",
"| 68 | more | home | html |\n",
"| 69 | net | how | human |\n",
"| 70 | network | image | if |\n",
"| 71 | networks | india | images |\n",
"| 72 | neural | industry | in |\n",
"| 73 | new | intel | inside |\n",
"| 74 | of | interactive | internet |\n",
"| 75 | open | into | interview |\n",
"| 76 | or | ios | introduction |\n",
"| 77 | our | is | iot |\n",
"| 78 | part | it | iphone |\n",
"| 79 | pay | javascript | language |\n",
"| 80 | people | jobs | launch |\n",
"| 81 | pi | js | law |\n",
"| 82 | play | just | learned |\n",
"| 83 | project | keep | learning |\n",
"| 84 | projects | key | less |\n",
"| 85 | r | know | lessons |\n",
"| 86 | read | lets | like |\n",
"| 87 | real | library | linux |\n",
"| 88 | reality | life | long |\n",
"| 89 | rise | light | machine |\n",
"| 90 | rules | line | made |\n",
"| 91 | run | list | makes |\n",
"| 92 | running | live | management |\n",
"| 93 | s | look | marketing |\n",
"| 94 | san | love | may |\n",
"| 95 | scale | mac | media |\n",
"| 96 | secure | make | memory |\n",
"| 97 | self | making | mobile |\n",
"| 98 | service | man | modern |\n",
"| 99 | sharing | many | most |\n",
"| 100 | social | market | much |\n",
"| 101 | solar | me | nasa |\n",
"| 102 | some | meet | need |\n",
"| 103 | star | microsoft | news |\n",
"| 104 | storage | music | now |\n",
"| 105 | systems | my | one |\n",
"| 106 | t | native | over |\n",
"| 107 | text | never | own |\n",
"| 108 | that | next | phone |\n",
"| 109 | tips | no | plan |\n",
"| 110 | tools | node | police |\n",
"| 111 | u | not | power |\n",
"| 112 | under | off | privacy |\n",
"| 113 | us | office | problem |\n",
"| 114 | used | old | programming |\n",
"| 115 | v | on | public |\n",
"| 116 | vr | online | python |\n",
"| 117 | wants | only | rails |\n",
"| 118 | war | os | re |\n",
"| 119 | where | other | really |\n",
"| 120 | why | out | release |\n",
"| 121 | women | page | released |\n",
"| 122 | work | pdf | report |\n",
"| 123 | x | performance | right |\n",
"| 124 | | php | robot |\n",
"| 125 | | platform | ruby |\n",
"| 126 | | post | rust |\n",
"| 127 | | private | save |\n",
"| 128 | | product | says |\n",
"| 129 | | program | school |\n",
"| 130 | | quantum | science |\n",
"| 131 | | raises | scientists |\n",
"| 132 | | react | secret |\n",
"| 133 | | remote | see |\n",
"| 134 | | research | server |\n",
"| 135 | | review | slack |\n",
"| 136 | | robots | small |\n",
"| 137 | | say | smart |\n",
"| 138 | | search | source |\n",
"| 139 | | security | speed |\n",
"| 140 | | series | startups |\n",
"| 141 | | services | state |\n",
"| 142 | | set | still |\n",
"| 143 | | should | stop |\n",
"| 144 | | show | study |\n",
"| 145 | | shows | support |\n",
"| 146 | | side | take |\n",
"| 147 | | silicon | team |\n",
"| 148 | | simple | than |\n",
"| 149 | | site | their |\n",
"| 150 | | so | there |\n",
"| 151 | | software | they |\n",
"| 152 | | space | things |\n",
"| 153 | | stack | think |\n",
"| 154 | | start | time |\n",
"| 155 | | startup | to |\n",
"| 156 | | store | today |\n",
"| 157 | | story | too |\n",
"| 158 | | swift | tool |\n",
"| 159 | | system | tv |\n",
"| 160 | | tech | two |\n",
"| 161 | | technology | ui |\n",
"| 162 | | tesla | up |\n",
"| 163 | | test | use |\n",
"| 164 | | testing | version |\n",
"| 165 | | the | video |\n",
"| 166 | | them | was |\n",
"| 167 | | this | what |\n",
"| 168 | | three | when |\n",
"| 169 | | through | will |\n",
"| 170 | | top | write |\n",
"| 171 | | twitter | writing |\n",
"| 172 | | uber | wrong |\n",
"| 173 | | uk | years |\n",
"| 174 | | update | |\n",
"| 175 | | user | |\n",
"| 176 | | users | |\n",
"| 177 | | using | |\n",
"| 178 | | valley | |\n",
"| 179 | | via | |\n",
"| 180 | | virtual | |\n",
"| 181 | | visual | |\n",
"| 182 | | vs | |\n",
"| 183 | | want | |\n",
"| 184 | | watch | |\n",
"| 185 | | way | |\n",
"| 186 | | ways | |\n",
"| 187 | | we | |\n",
"| 188 | | web | |\n",
"| 189 | | website | |\n",
"| 190 | | week | |\n",
"| 191 | | were | |\n",
"| 192 | | who | |\n",
"| 193 | | windows | |\n",
"| 194 | | with | |\n",
"| 195 | | without | |\n",
"| 196 | | working | |\n",
"| 197 | | world | |\n",
"| 198 | | would | |\n",
"| 199 | | year | |\n",
"| 200 | | you | |\n",
"| 201 | | your | |\n",
"\n",
"\n",
"\n",
"** clustering 15 ***\n",
"| | 0 | 1 | 2 |\n",
"|----:|:-------------|:-------------|:------------|\n",
"| 0 | again | ad | a |\n",
"| 1 | ai | ads | about |\n",
"| 2 | amazon | against | access |\n",
"| 3 | america | algorithm | after |\n",
"| 4 | android | all | age |\n",
"| 5 | angular | american | an |\n",
"| 6 | apache | analytics | analysis |\n",
"| 7 | are | and | any |\n",
"| 8 | back | app | api |\n",
"| 9 | become | applications | apple |\n",
"| 10 | being | apps | application |\n",
"| 11 | between | artificial | art |\n",
"| 12 | bill | as | at |\n",
"| 13 | books | attack | b |\n",
"| 14 | brain | available | based |\n",
"| 15 | built | aws | be |\n",
"| 16 | business | bad | been |\n",
"| 17 | but | behind | before |\n",
"| 18 | by | beta | best |\n",
"| 19 | can | bitcoin | better |\n",
"| 20 | car | black | big |\n",
"| 21 | chrome | bot | blockchain |\n",
"| 22 | company | browser | book |\n",
"| 23 | content | building | build |\n",
"| 24 | create | cars | c |\n",
"| 25 | deal | case | ceo |\n",
"| 26 | devices | change | chinese |\n",
"| 27 | digital | china | city |\n",
"| 28 | distributed | client | com |\n",
"| 29 | do | cloud | coming |\n",
"| 30 | docker | code | command |\n",
"| 31 | don | coding | community |\n",
"| 32 | dont | companies | computing |\n",
"| 33 | down | computer | cost |\n",
"| 34 | easy | control | could |\n",
"| 35 | email | core | court |\n",
"| 36 | encryption | data | creating |\n",
"| 37 | end | day | css |\n",
"| 38 | energy | dead | d |\n",
"| 39 | experience | developers | database |\n",
"| 40 | facebook | development | death |\n",
"| 41 | fast | does | deep |\n",
"| 42 | file | driving | design |\n",
"| 43 | files | earth | developer |\n",
"| 44 | first | economy | did |\n",
"| 45 | for | ever | drone |\n",
"| 46 | found | every | e |\n",
"| 47 | founder | find | engine |\n",
"| 48 | from | framework | engineering |\n",
"| 49 | full | future | everything |\n",
"| 50 | games | game | f |\n",
"| 51 | generation | get | faster |\n",
"| 52 | git | gets | fbi |\n",
"| 53 | google | getting | free |\n",
"| 54 | got | go | github |\n",
"| 55 | great | going | global |\n",
"| 56 | guide | good | government |\n",
"| 57 | hack | growth | hackers |\n",
"| 58 | hacker | here | hacking |\n",
"| 59 | hard | high | has |\n",
"| 60 | health | html | have |\n",
"| 61 | hn | human | help |\n",
"| 62 | http | in | his |\n",
"| 63 | if | industry | history |\n",
"| 64 | intelligence | intel | home |\n",
"| 65 | introducing | internet | how |\n",
"| 66 | io | interview | i |\n",
"| 67 | it | introduction | image |\n",
"| 68 | js | ios | images |\n",
"| 69 | keep | is | india |\n",
"| 70 | know | job | inside |\n",
"| 71 | law | jobs | interactive |\n",
"| 72 | lessons | just | into |\n",
"| 73 | library | last | iot |\n",
"| 74 | light | launches | iphone |\n",
"| 75 | like | learn | its |\n",
"| 76 | look | learned | java |\n",
"| 77 | mac | life | javascript |\n",
"| 78 | made | live | k |\n",
"| 79 | makes | long | key |\n",
"| 80 | money | make | language |\n",
"| 81 | much | making | launch |\n",
"| 82 | music | man | learning |\n",
"| 83 | my | management | less |\n",
"| 84 | native | market | let |\n",
"| 85 | net | media | lets |\n",
"| 86 | networks | meet | line |\n",
"| 87 | office | memory | linux |\n",
"| 88 | on | microsoft | list |\n",
"| 89 | online | model | love |\n",
"| 90 | os | modern | m |\n",
"| 91 | over | more | machine |\n",
"| 92 | pay | most | manager |\n",
"| 93 | people | need | many |\n",
"| 94 | plan | neural | map |\n",
"| 95 | play | new | marketing |\n",
"| 96 | police | news | may |\n",
"| 97 | post | now | me |\n",
"| 98 | project | off | mobile |\n",
"| 99 | projects | open | nasa |\n",
"| 100 | public | other | network |\n",
"| 101 | quantum | page | never |\n",
"| 102 | release | part | next |\n",
"| 103 | remote | pdf | no |\n",
"| 104 | research | php | node |\n",
"| 105 | rise | pi | not |\n",
"| 106 | scale | privacy | of |\n",
"| 107 | school | private | old |\n",
"| 108 | secure | problem | one |\n",
"| 109 | security | product | only |\n",
"| 110 | see | programming | or |\n",
"| 111 | server | rails | our |\n",
"| 112 | service | react | out |\n",
"| 113 | services | reality | own |\n",
"| 114 | sharing | review | performance |\n",
"| 115 | shows | right | phone |\n",
"| 116 | side | robot | platform |\n",
"| 117 | so | run | power |\n",
"| 118 | solar | rust | program |\n",
"| 119 | some | save | python |\n",
"| 120 | speed | say | r |\n",
"| 121 | star | science | raises |\n",
"| 122 | startups | scientists | re |\n",
"| 123 | state | should | read |\n",
"| 124 | stop | show | real |\n",
"| 125 | story | site | really |\n",
"| 126 | study | slack | released |\n",
"| 127 | swift | social | report |\n",
"| 128 | take | software | robots |\n",
"| 129 | test | stack | ruby |\n",
"| 130 | things | still | rules |\n",
"| 131 | this | support | running |\n",
"| 132 | through | the | s |\n",
"| 133 | today | their | san |\n",
"| 134 | too | think | says |\n",
"| 135 | tools | tips | search |\n",
"| 136 | top | tv | secret |\n",
"| 137 | two | twitter | self |\n",
"| 138 | uber | ui | series |\n",
"| 139 | use | uk | set |\n",
"| 140 | user | users | silicon |\n",
"| 141 | valley | using | simple |\n",
"| 142 | version | video | small |\n",
"| 143 | virtual | wants | smart |\n",
"| 144 | vr | war | source |\n",
"| 145 | was | were | space |\n",
"| 146 | ways | what | start |\n",
"| 147 | website | who | startup |\n",
"| 148 | when | work | storage |\n",
"| 149 | where | working | store |\n",
"| 150 | why | would | system |\n",
"| 151 | windows | writing | systems |\n",
"| 152 | without | wrong | t |\n",
"| 153 | women | your | team |\n",
"| 154 | year | | tech |\n",
"| 155 | years | | technology |\n",
"| 156 | you | | tesla |\n",
"| 157 | | | testing |\n",
"| 158 | | | text |\n",
"| 159 | | | than |\n",
"| 160 | | | that |\n",
"| 161 | | | them |\n",
"| 162 | | | there |\n",
"| 163 | | | they |\n",
"| 164 | | | three |\n",
"| 165 | | | time |\n",
"| 166 | | | to |\n",
"| 167 | | | tool |\n",
"| 168 | | | u |\n",
"| 169 | | | under |\n",
"| 170 | | | up |\n",
"| 171 | | | update |\n",
"| 172 | | | us |\n",
"| 173 | | | used |\n",
"| 174 | | | v |\n",
"| 175 | | | via |\n",
"| 176 | | | visual |\n",
"| 177 | | | vs |\n",
"| 178 | | | want |\n",
"| 179 | | | watch |\n",
"| 180 | | | way |\n",
"| 181 | | | we |\n",
"| 182 | | | web |\n",
"| 183 | | | week |\n",
"| 184 | | | will |\n",
"| 185 | | | with |\n",
"| 186 | | | world |\n",
"| 187 | | | write |\n",
"| 188 | | | x |\n",
"\n",
"\n",
"\n",
"** clustering 16 ***\n",
"| | 0 | 1 | 2 |\n",
"|----:|:------------|:------------|:-------------|\n",
"| 0 | about | a | again |\n",
"| 1 | access | ad | against |\n",
"| 2 | ads | all | age |\n",
"| 3 | after | america | ai |\n",
"| 4 | algorithm | an | and |\n",
"| 5 | amazon | analysis | angular |\n",
"| 6 | american | any | api |\n",
"| 7 | analytics | application | apple |\n",
"| 8 | android | apps | applications |\n",
"| 9 | apache | at | are |\n",
"| 10 | app | attack | art |\n",
"| 11 | as | b | artificial |\n",
"| 12 | be | back | available |\n",
"| 13 | before | behind | aws |\n",
"| 14 | better | being | bad |\n",
"| 15 | bill | beta | based |\n",
"| 16 | black | between | become |\n",
"| 17 | book | blockchain | been |\n",
"| 18 | bot | c | best |\n",
"| 19 | browser | ceo | big |\n",
"| 20 | build | change | bitcoin |\n",
"| 21 | can | china | books |\n",
"| 22 | cars | chrome | brain |\n",
"| 23 | company | city | building |\n",
"| 24 | content | cloud | built |\n",
"| 25 | cost | code | business |\n",
"| 26 | could | coding | but |\n",
"| 27 | database | community | by |\n",
"| 28 | day | companies | car |\n",
"| 29 | dead | computing | case |\n",
"| 30 | death | core | chinese |\n",
"| 31 | design | d | client |\n",
"| 32 | devices | data | com |\n",
"| 33 | did | deep | coming |\n",
"| 34 | do | don | command |\n",
"| 35 | docker | down | computer |\n",
"| 36 | does | driving | control |\n",
"| 37 | dont | drone | court |\n",
"| 38 | email | e | create |\n",
"| 39 | engine | every | creating |\n",
"| 40 | engineering | f | css |\n",
"| 41 | experience | file | deal |\n",
"| 42 | facebook | find | developer |\n",
"| 43 | generation | first | developers |\n",
"| 44 | go | for | development |\n",
"| 45 | great | found | digital |\n",
"| 46 | growth | full | distributed |\n",
"| 47 | hack | future | earth |\n",
"| 48 | hackers | game | easy |\n",
"| 49 | hacking | games | economy |\n",
"| 50 | health | gets | encryption |\n",
"| 51 | help | getting | end |\n",
"| 52 | history | github | energy |\n",
"| 53 | hn | good | ever |\n",
"| 54 | if | got | everything |\n",
"| 55 | images | guide | fast |\n",
"| 56 | india | have | faster |\n",
"| 57 | internet | home | fbi |\n",
"| 58 | into | how | files |\n",
"| 59 | it | html | founder |\n",
"| 60 | java | i | framework |\n",
"| 61 | jobs | in | free |\n",
"| 62 | language | inside | from |\n",
"| 63 | launch | intel | get |\n",
"| 64 | lets | introducing | git |\n",
"| 65 | library | k | global |\n",
"| 66 | long | last | going |\n",
"| 67 | look | launches | google |\n",
"| 68 | love | learn | government |\n",
"| 69 | mac | less | hacker |\n",
"| 70 | machine | lessons | hard |\n",
"| 71 | map | m | has |\n",
"| 72 | market | made | here |\n",
"| 73 | memory | make | high |\n",
"| 74 | microsoft | man | his |\n",
"| 75 | mobile | many | http |\n",
"| 76 | modern | me | human |\n",
"| 77 | native | meet | image |\n",
"| 78 | never | model | industry |\n",
"| 79 | news | more | intelligence |\n",
"| 80 | node | music | interactive |\n",
"| 81 | of | my | interview |\n",
"| 82 | office | network | introduction |\n",
"| 83 | old | no | io |\n",
"| 84 | online | off | ios |\n",
"| 85 | or | over | iot |\n",
"| 86 | our | own | iphone |\n",
"| 87 | part | php | is |\n",
"| 88 | pay | platform | its |\n",
"| 89 | pdf | play | javascript |\n",
"| 90 | performance | police | job |\n",
"| 91 | plan | post | js |\n",
"| 92 | private | power | just |\n",
"| 93 | product | privacy | keep |\n",
"| 94 | react | python | key |\n",
"| 95 | real | r | know |\n",
"| 96 | reality | rails | law |\n",
"| 97 | really | raises | learned |\n",
"| 98 | review | re | learning |\n",
"| 99 | right | remote | let |\n",
"| 100 | robots | rise | life |\n",
"| 101 | san | ruby | light |\n",
"| 102 | secure | rust | like |\n",
"| 103 | security | s | line |\n",
"| 104 | series | science | linux |\n",
"| 105 | server | search | list |\n",
"| 106 | service | secret | live |\n",
"| 107 | services | see | makes |\n",
"| 108 | simple | self | making |\n",
"| 109 | software | set | management |\n",
"| 110 | solar | sharing | manager |\n",
"| 111 | some | should | marketing |\n",
"| 112 | source | shows | may |\n",
"| 113 | story | side | media |\n",
"| 114 | tech | silicon | money |\n",
"| 115 | technology | site | most |\n",
"| 116 | tesla | slack | much |\n",
"| 117 | text | social | nasa |\n",
"| 118 | think | star | need |\n",
"| 119 | this | start | net |\n",
"| 120 | three | startup | networks |\n",
"| 121 | time | still | neural |\n",
"| 122 | tools | storage | new |\n",
"| 123 | ui | store | next |\n",
"| 124 | uk | study | not |\n",
"| 125 | us | support | now |\n",
"| 126 | used | t | on |\n",
"| 127 | using | team | one |\n",
"| 128 | version | than | only |\n",
"| 129 | vr | that | open |\n",
"| 130 | war | them | os |\n",
"| 131 | when | there | other |\n",
"| 132 | where | things | out |\n",
"| 133 | will | today | page |\n",
"| 134 | with | tool | people |\n",
"| 135 | without | top | phone |\n",
"| 136 | work | u | pi |\n",
"| 137 | working | uber | problem |\n",
"| 138 | would | use | program |\n",
"| 139 | your | v | programming |\n",
"| 140 | | valley | project |\n",
"| 141 | | virtual | projects |\n",
"| 142 | | want | public |\n",
"| 143 | | way | quantum |\n",
"| 144 | | ways | read |\n",
"| 145 | | we | release |\n",
"| 146 | | website | released |\n",
"| 147 | | were | report |\n",
"| 148 | | why | research |\n",
"| 149 | | women | robot |\n",
"| 150 | | wrong | rules |\n",
"| 151 | | x | run |\n",
"| 152 | | you | running |\n",
"| 153 | | | save |\n",
"| 154 | | | say |\n",
"| 155 | | | says |\n",
"| 156 | | | scale |\n",
"| 157 | | | school |\n",
"| 158 | | | scientists |\n",
"| 159 | | | show |\n",
"| 160 | | | small |\n",
"| 161 | | | smart |\n",
"| 162 | | | so |\n",
"| 163 | | | space |\n",
"| 164 | | | speed |\n",
"| 165 | | | stack |\n",
"| 166 | | | startups |\n",
"| 167 | | | state |\n",
"| 168 | | | stop |\n",
"| 169 | | | swift |\n",
"| 170 | | | system |\n",
"| 171 | | | systems |\n",
"| 172 | | | take |\n",
"| 173 | | | test |\n",
"| 174 | | | testing |\n",
"| 175 | | | the |\n",
"| 176 | | | their |\n",
"| 177 | | | they |\n",
"| 178 | | | through |\n",
"| 179 | | | tips |\n",
"| 180 | | | to |\n",
"| 181 | | | too |\n",
"| 182 | | | tv |\n",
"| 183 | | | twitter |\n",
"| 184 | | | two |\n",
"| 185 | | | under |\n",
"| 186 | | | up |\n",
"| 187 | | | update |\n",
"| 188 | | | user |\n",
"| 189 | | | users |\n",
"| 190 | | | via |\n",
"| 191 | | | video |\n",
"| 192 | | | visual |\n",
"| 193 | | | vs |\n",
"| 194 | | | wants |\n",
"| 195 | | | was |\n",
"| 196 | | | watch |\n",
"| 197 | | | web |\n",
"| 198 | | | week |\n",
"| 199 | | | what |\n",
"| 200 | | | who |\n",
"| 201 | | | windows |\n",
"| 202 | | | world |\n",
"| 203 | | | write |\n",
"| 204 | | | writing |\n",
"| 205 | | | year |\n",
"| 206 | | | years |\n",
"\n",
"\n",
"\n",
"** clustering 17 ***\n",
"| | 0 | 1 | 2 |\n",
"|----:|:-------------|:-------------|:------------|\n",
"| 0 | about | access | a |\n",
"| 1 | all | ad | ads |\n",
"| 2 | america | again | after |\n",
"| 3 | american | against | analytics |\n",
"| 4 | an | age | apache |\n",
"| 5 | analysis | ai | application |\n",
"| 6 | android | algorithm | are |\n",
"| 7 | any | amazon | artificial |\n",
"| 8 | as | and | at |\n",
"| 9 | back | angular | aws |\n",
"| 10 | bad | api | b |\n",
"| 11 | behind | app | be |\n",
"| 12 | being | apple | become |\n",
"| 13 | beta | applications | been |\n",
"| 14 | better | apps | between |\n",
"| 15 | bill | art | big |\n",
"| 16 | bitcoin | attack | business |\n",
"| 17 | black | available | c |\n",
"| 18 | blockchain | based | car |\n",
"| 19 | books | before | change |\n",
"| 20 | browser | best | china |\n",
"| 21 | build | book | chinese |\n",
"| 22 | but | bot | companies |\n",
"| 23 | by | brain | computer |\n",
"| 24 | can | building | control |\n",
"| 25 | case | built | cost |\n",
"| 26 | ceo | cars | create |\n",
"| 27 | city | chrome | css |\n",
"| 28 | cloud | client | d |\n",
"| 29 | code | coding | dead |\n",
"| 30 | com | coming | devices |\n",
"| 31 | command | community | distributed |\n",
"| 32 | company | computing | docker |\n",
"| 33 | core | content | dont |\n",
"| 34 | court | could | e |\n",
"| 35 | data | creating | economy |\n",
"| 36 | death | database | engine |\n",
"| 37 | deep | day | ever |\n",
"| 38 | design | deal | every |\n",
"| 39 | developer | developers | experience |\n",
"| 40 | development | did | f |\n",
"| 41 | digital | do | fast |\n",
"| 42 | does | don | faster |\n",
"| 43 | down | driving | file |\n",
"| 44 | drone | email | files |\n",
"| 45 | earth | end | first |\n",
"| 46 | easy | energy | founder |\n",
"| 47 | encryption | engineering | from |\n",
"| 48 | everything | framework | future |\n",
"| 49 | facebook | game | games |\n",
"| 50 | fbi | get | getting |\n",
"| 51 | find | git | growth |\n",
"| 52 | for | github | hacking |\n",
"| 53 | found | global | hard |\n",
"| 54 | free | got | hn |\n",
"| 55 | full | government | i |\n",
"| 56 | generation | great | in |\n",
"| 57 | gets | guide | india |\n",
"| 58 | go | has | intel |\n",
"| 59 | going | have | internet |\n",
"| 60 | good | health | interview |\n",
"| 61 | google | help | into |\n",
"| 62 | hack | history | introducing |\n",
"| 63 | hacker | home | iot |\n",
"| 64 | hackers | human | iphone |\n",
"| 65 | here | if | java |\n",
"| 66 | high | industry | js |\n",
"| 67 | his | inside | just |\n",
"| 68 | how | introduction | k |\n",
"| 69 | html | io | key |\n",
"| 70 | http | is | know |\n",
"| 71 | image | its | less |\n",
"| 72 | images | javascript | lessons |\n",
"| 73 | intelligence | job | let |\n",
"| 74 | interactive | jobs | light |\n",
"| 75 | ios | keep | like |\n",
"| 76 | it | language | linux |\n",
"| 77 | last | law | list |\n",
"| 78 | launch | life | long |\n",
"| 79 | launches | mac | look |\n",
"| 80 | learn | machine | love |\n",
"| 81 | learned | makes | m |\n",
"| 82 | learning | management | made |\n",
"| 83 | lets | many | manager |\n",
"| 84 | library | memory | map |\n",
"| 85 | line | mobile | me |\n",
"| 86 | live | modern | media |\n",
"| 87 | make | more | microsoft |\n",
"| 88 | making | my | model |\n",
"| 89 | man | native | money |\n",
"| 90 | market | network | most |\n",
"| 91 | marketing | neural | music |\n",
"| 92 | may | never | need |\n",
"| 93 | meet | new | no |\n",
"| 94 | much | news | now |\n",
"| 95 | nasa | next | off |\n",
"| 96 | net | node | open |\n",
"| 97 | networks | old | os |\n",
"| 98 | not | on | other |\n",
"| 99 | of | one | out |\n",
"| 100 | office | online | part |\n",
"| 101 | our | only | pay |\n",
"| 102 | page | or | platform |\n",
"| 103 | pdf | over | power |\n",
"| 104 | performance | own | private |\n",
"| 105 | phone | people | product |\n",
"| 106 | pi | php | programming |\n",
"| 107 | play | plan | r |\n",
"| 108 | post | police | rails |\n",
"| 109 | program | privacy | research |\n",
"| 110 | projects | problem | review |\n",
"| 111 | public | project | running |\n",
"| 112 | quantum | python | s |\n",
"| 113 | re | raises | san |\n",
"| 114 | reality | react | scale |\n",
"| 115 | right | read | scientists |\n",
"| 116 | rise | real | secret |\n",
"| 117 | ruby | really | silicon |\n",
"| 118 | run | release | slack |\n",
"| 119 | says | released | smart |\n",
"| 120 | school | remote | social |\n",
"| 121 | science | report | some |\n",
"| 122 | series | robot | space |\n",
"| 123 | services | robots | stack |\n",
"| 124 | sharing | rules | start |\n",
"| 125 | show | rust | startup |\n",
"| 126 | site | save | state |\n",
"| 127 | so | say | still |\n",
"| 128 | solar | search | store |\n",
"| 129 | source | secure | story |\n",
"| 130 | speed | security | study |\n",
"| 131 | support | see | swift |\n",
"| 132 | take | self | system |\n",
"| 133 | tesla | server | t |\n",
"| 134 | that | service | team |\n",
"| 135 | things | set | tech |\n",
"| 136 | time | should | technology |\n",
"| 137 | tool | shows | test |\n",
"| 138 | tools | side | there |\n",
"| 139 | top | simple | think |\n",
"| 140 | tv | small | three |\n",
"| 141 | twitter | software | too |\n",
"| 142 | two | star | u |\n",
"| 143 | ui | startups | uber |\n",
"| 144 | under | stop | uk |\n",
"| 145 | use | storage | using |\n",
"| 146 | used | systems | v |\n",
"| 147 | user | testing | valley |\n",
"| 148 | users | text | virtual |\n",
"| 149 | wants | than | visual |\n",
"| 150 | war | the | vr |\n",
"| 151 | was | their | vs |\n",
"| 152 | ways | them | watch |\n",
"| 153 | why | they | way |\n",
"| 154 | without | this | website |\n",
"| 155 | work | through | week |\n",
"| 156 | would | tips | were |\n",
"| 157 | | to | when |\n",
"| 158 | | today | who |\n",
"| 159 | | up | windows |\n",
"| 160 | | update | women |\n",
"| 161 | | us | working |\n",
"| 162 | | version | world |\n",
"| 163 | | via | x |\n",
"| 164 | | video | year |\n",
"| 165 | | want | you |\n",
"| 166 | | we | |\n",
"| 167 | | web | |\n",
"| 168 | | what | |\n",
"| 169 | | where | |\n",
"| 170 | | will | |\n",
"| 171 | | with | |\n",
"| 172 | | write | |\n",
"| 173 | | writing | |\n",
"| 174 | | wrong | |\n",
"| 175 | | years | |\n",
"| 176 | | your | |\n",
"\n",
"\n",
"\n",
"** clustering 18 ***\n",
"| | 0 | 1 | 2 |\n",
"|----:|:-------------|:------------|:-------------|\n",
"| 0 | a | ads | about |\n",
"| 1 | ad | against | access |\n",
"| 2 | all | age | after |\n",
"| 3 | amazon | ai | again |\n",
"| 4 | api | america | algorithm |\n",
"| 5 | available | american | angular |\n",
"| 6 | aws | an | apache |\n",
"| 7 | b | analysis | apple |\n",
"| 8 | be | analytics | applications |\n",
"| 9 | behind | and | apps |\n",
"| 10 | being | android | as |\n",
"| 11 | brain | any | at |\n",
"| 12 | build | app | attack |\n",
"| 13 | business | application | back |\n",
"| 14 | c | are | become |\n",
"| 15 | can | art | beta |\n",
"| 16 | cars | artificial | big |\n",
"| 17 | coding | bad | black |\n",
"| 18 | com | based | book |\n",
"| 19 | computing | been | books |\n",
"| 20 | court | before | building |\n",
"| 21 | d | best | by |\n",
"| 22 | day | better | chrome |\n",
"| 23 | deal | between | city |\n",
"| 24 | death | bill | client |\n",
"| 25 | developers | bitcoin | companies |\n",
"| 26 | distributed | blockchain | computer |\n",
"| 27 | does | bot | control |\n",
"| 28 | dont | browser | core |\n",
"| 29 | e | built | cost |\n",
"| 30 | f | but | creating |\n",
"| 31 | facebook | car | css |\n",
"| 32 | fast | case | database |\n",
"| 33 | fbi | ceo | design |\n",
"| 34 | full | change | devices |\n",
"| 35 | game | china | docker |\n",
"| 36 | generation | chinese | don |\n",
"| 37 | get | cloud | driving |\n",
"| 38 | gets | code | drone |\n",
"| 39 | got | coming | easy |\n",
"| 40 | growth | command | end |\n",
"| 41 | hacker | community | engine |\n",
"| 42 | have | company | engineering |\n",
"| 43 | his | content | ever |\n",
"| 44 | history | could | everything |\n",
"| 45 | hn | create | files |\n",
"| 46 | how | data | find |\n",
"| 47 | http | dead | first |\n",
"| 48 | i | deep | free |\n",
"| 49 | india | developer | future |\n",
"| 50 | inside | development | global |\n",
"| 51 | intelligence | did | go |\n",
"| 52 | interview | digital | going |\n",
"| 53 | introduction | do | good |\n",
"| 54 | io | down | google |\n",
"| 55 | is | earth | government |\n",
"| 56 | its | economy | guide |\n",
"| 57 | job | email | hack |\n",
"| 58 | jobs | encryption | hackers |\n",
"| 59 | js | energy | hard |\n",
"| 60 | k | every | has |\n",
"| 61 | keep | experience | health |\n",
"| 62 | law | faster | help |\n",
"| 63 | learn | file | high |\n",
"| 64 | lets | for | human |\n",
"| 65 | line | found | in |\n",
"| 66 | linux | founder | intel |\n",
"| 67 | list | framework | interactive |\n",
"| 68 | long | from | internet |\n",
"| 69 | love | games | introducing |\n",
"| 70 | m | getting | ios |\n",
"| 71 | mac | git | iot |\n",
"| 72 | made | github | less |\n",
"| 73 | make | great | lessons |\n",
"| 74 | makes | hacking | let |\n",
"| 75 | making | here | library |\n",
"| 76 | many | home | life |\n",
"| 77 | market | html | light |\n",
"| 78 | marketing | if | machine |\n",
"| 79 | may | image | management |\n",
"| 80 | media | images | manager |\n",
"| 81 | modern | industry | map |\n",
"| 82 | nasa | into | meet |\n",
"| 83 | native | iphone | memory |\n",
"| 84 | need | it | money |\n",
"| 85 | net | java | more |\n",
"| 86 | never | javascript | music |\n",
"| 87 | next | just | neural |\n",
"| 88 | no | key | news |\n",
"| 89 | open | know | of |\n",
"| 90 | or | language | off |\n",
"| 91 | os | last | office |\n",
"| 92 | pdf | launch | old |\n",
"| 93 | performance | launches | out |\n",
"| 94 | pi | learned | own |\n",
"| 95 | police | learning | page |\n",
"| 96 | post | like | part |\n",
"| 97 | programming | live | pay |\n",
"| 98 | projects | look | plan |\n",
"| 99 | public | man | platform |\n",
"| 100 | quantum | me | play |\n",
"| 101 | r | microsoft | problem |\n",
"| 102 | released | mobile | python |\n",
"| 103 | research | model | raises |\n",
"| 104 | rise | most | re |\n",
"| 105 | rules | much | react |\n",
"| 106 | s | my | reality |\n",
"| 107 | services | network | release |\n",
"| 108 | set | networks | report |\n",
"| 109 | should | new | robot |\n",
"| 110 | side | node | ruby |\n",
"| 111 | silicon | not | run |\n",
"| 112 | smart | now | running |\n",
"| 113 | source | on | rust |\n",
"| 114 | speed | one | school |\n",
"| 115 | stack | online | secret |\n",
"| 116 | startup | only | see |\n",
"| 117 | swift | other | series |\n",
"| 118 | t | our | service |\n",
"| 119 | technology | over | show |\n",
"| 120 | the | people | simple |\n",
"| 121 | their | phone | site |\n",
"| 122 | this | php | software |\n",
"| 123 | to | power | star |\n",
"| 124 | today | privacy | start |\n",
"| 125 | twitter | private | startups |\n",
"| 126 | u | product | state |\n",
"| 127 | ui | program | still |\n",
"| 128 | under | project | story |\n",
"| 129 | up | rails | system |\n",
"| 130 | used | read | take |\n",
"| 131 | user | real | team |\n",
"| 132 | using | really | test |\n",
"| 133 | v | remote | text |\n",
"| 134 | virtual | review | than |\n",
"| 135 | web | right | them |\n",
"| 136 | website | robots | things |\n",
"| 137 | will | san | think |\n",
"| 138 | with | save | three |\n",
"| 139 | work | say | through |\n",
"| 140 | world | says | tools |\n",
"| 141 | x | scale | tv |\n",
"| 142 | you | science | use |\n",
"| 143 | | scientists | video |\n",
"| 144 | | search | visual |\n",
"| 145 | | secure | vs |\n",
"| 146 | | security | want |\n",
"| 147 | | self | wants |\n",
"| 148 | | server | was |\n",
"| 149 | | sharing | we |\n",
"| 150 | | shows | week |\n",
"| 151 | | slack | who |\n",
"| 152 | | small | working |\n",
"| 153 | | so | would |\n",
"| 154 | | social | write |\n",
"| 155 | | solar | |\n",
"| 156 | | some | |\n",
"| 157 | | space | |\n",
"| 158 | | stop | |\n",
"| 159 | | storage | |\n",
"| 160 | | store | |\n",
"| 161 | | study | |\n",
"| 162 | | support | |\n",
"| 163 | | systems | |\n",
"| 164 | | tech | |\n",
"| 165 | | tesla | |\n",
"| 166 | | testing | |\n",
"| 167 | | that | |\n",
"| 168 | | there | |\n",
"| 169 | | they | |\n",
"| 170 | | time | |\n",
"| 171 | | tips | |\n",
"| 172 | | too | |\n",
"| 173 | | tool | |\n",
"| 174 | | top | |\n",
"| 175 | | two | |\n",
"| 176 | | uber | |\n",
"| 177 | | uk | |\n",
"| 178 | | update | |\n",
"| 179 | | us | |\n",
"| 180 | | users | |\n",
"| 181 | | valley | |\n",
"| 182 | | version | |\n",
"| 183 | | via | |\n",
"| 184 | | vr | |\n",
"| 185 | | war | |\n",
"| 186 | | watch | |\n",
"| 187 | | way | |\n",
"| 188 | | ways | |\n",
"| 189 | | were | |\n",
"| 190 | | what | |\n",
"| 191 | | when | |\n",
"| 192 | | where | |\n",
"| 193 | | why | |\n",
"| 194 | | windows | |\n",
"| 195 | | without | |\n",
"| 196 | | women | |\n",
"| 197 | | writing | |\n",
"| 198 | | wrong | |\n",
"| 199 | | year | |\n",
"| 200 | | years | |\n",
"| 201 | | your | |\n",
"\n",
"\n",
"\n",
"** clustering 19 ***\n",
"| | 0 | 1 | 2 |\n",
"|----:|:-------------|:------------|:-------------|\n",
"| 0 | a | ad | access |\n",
"| 1 | about | again | after |\n",
"| 2 | ads | against | america |\n",
"| 3 | age | ai | analytics |\n",
"| 4 | all | algorithm | and |\n",
"| 5 | amazon | an | android |\n",
"| 6 | american | any | apache |\n",
"| 7 | analysis | app | api |\n",
"| 8 | angular | apps | apple |\n",
"| 9 | applications | artificial | application |\n",
"| 10 | art | at | are |\n",
"| 11 | as | attack | available |\n",
"| 12 | b | be | aws |\n",
"| 13 | back | behind | bad |\n",
"| 14 | based | between | been |\n",
"| 15 | become | bill | before |\n",
"| 16 | being | blockchain | best |\n",
"| 17 | big | bot | beta |\n",
"| 18 | black | built | better |\n",
"| 19 | build | but | bitcoin |\n",
"| 20 | business | ceo | book |\n",
"| 21 | c | change | books |\n",
"| 22 | can | city | brain |\n",
"| 23 | case | create | browser |\n",
"| 24 | chrome | data | building |\n",
"| 25 | client | database | by |\n",
"| 26 | cloud | death | car |\n",
"| 27 | code | developer | cars |\n",
"| 28 | coding | development | china |\n",
"| 29 | coming | do | chinese |\n",
"| 30 | command | does | com |\n",
"| 31 | computer | earth | community |\n",
"| 32 | content | faster | companies |\n",
"| 33 | cost | files | company |\n",
"| 34 | court | founder | computing |\n",
"| 35 | creating | framework | control |\n",
"| 36 | css | free | core |\n",
"| 37 | d | future | could |\n",
"| 38 | day | getting | dead |\n",
"| 39 | developers | go | deal |\n",
"| 40 | did | good | deep |\n",
"| 41 | docker | got | design |\n",
"| 42 | down | great | devices |\n",
"| 43 | driving | growth | digital |\n",
"| 44 | e | hack | distributed |\n",
"| 45 | economy | hacker | don |\n",
"| 46 | energy | hacking | dont |\n",
"| 47 | engine | have | drone |\n",
"| 48 | experience | his | easy |\n",
"| 49 | f | http | email |\n",
"| 50 | file | if | encryption |\n",
"| 51 | for | industry | end |\n",
"| 52 | full | intel | engineering |\n",
"| 53 | get | interactive | ever |\n",
"| 54 | government | internet | every |\n",
"| 55 | hard | io | everything |\n",
"| 56 | health | js | facebook |\n",
"| 57 | here | know | fast |\n",
"| 58 | history | language | fbi |\n",
"| 59 | hn | law | find |\n",
"| 60 | home | learn | first |\n",
"| 61 | how | learned | found |\n",
"| 62 | html | lessons | from |\n",
"| 63 | human | library | game |\n",
"| 64 | i | like | games |\n",
"| 65 | image | line | generation |\n",
"| 66 | in | linux | gets |\n",
"| 67 | india | live | git |\n",
"| 68 | inside | look | github |\n",
"| 69 | into | machine | global |\n",
"| 70 | introducing | make | going |\n",
"| 71 | introduction | man | google |\n",
"| 72 | is | market | guide |\n",
"| 73 | it | media | hackers |\n",
"| 74 | its | my | has |\n",
"| 75 | job | native | help |\n",
"| 76 | k | network | high |\n",
"| 77 | learning | no | images |\n",
"| 78 | life | not | intelligence |\n",
"| 79 | list | of | interview |\n",
"| 80 | long | office | ios |\n",
"| 81 | m | old | iot |\n",
"| 82 | marketing | on | iphone |\n",
"| 83 | meet | online | java |\n",
"| 84 | memory | or | javascript |\n",
"| 85 | model | other | jobs |\n",
"| 86 | money | our | just |\n",
"| 87 | much | own | keep |\n",
"| 88 | nasa | part | key |\n",
"| 89 | neural | php | last |\n",
"| 90 | never | pi | launch |\n",
"| 91 | news | plan | launches |\n",
"| 92 | next | police | less |\n",
"| 93 | one | post | let |\n",
"| 94 | os | problem | lets |\n",
"| 95 | over | program | light |\n",
"| 96 | pdf | programming | love |\n",
"| 97 | phone | python | mac |\n",
"| 98 | platform | quantum | made |\n",
"| 99 | privacy | rails | makes |\n",
"| 100 | private | raises | making |\n",
"| 101 | projects | re | management |\n",
"| 102 | public | reality | manager |\n",
"| 103 | r | release | many |\n",
"| 104 | react | released | map |\n",
"| 105 | really | research | may |\n",
"| 106 | right | robot | me |\n",
"| 107 | rust | robots | microsoft |\n",
"| 108 | s | rules | mobile |\n",
"| 109 | save | san | modern |\n",
"| 110 | scale | say | more |\n",
"| 111 | school | says | most |\n",
"| 112 | sharing | scientists | music |\n",
"| 113 | side | security | need |\n",
"| 114 | silicon | self | net |\n",
"| 115 | simple | server | networks |\n",
"| 116 | solar | service | new |\n",
"| 117 | some | should | node |\n",
"| 118 | start | site | now |\n",
"| 119 | still | slack | off |\n",
"| 120 | t | small | only |\n",
"| 121 | take | so | open |\n",
"| 122 | test | stack | out |\n",
"| 123 | text | startup | page |\n",
"| 124 | this | stop | pay |\n",
"| 125 | time | study | people |\n",
"| 126 | to | support | performance |\n",
"| 127 | top | systems | play |\n",
"| 128 | twitter | tesla | power |\n",
"| 129 | u | than | product |\n",
"| 130 | uber | think | project |\n",
"| 131 | uk | three | read |\n",
"| 132 | under | through | real |\n",
"| 133 | v | tips | remote |\n",
"| 134 | via | today | report |\n",
"| 135 | video | too | review |\n",
"| 136 | vr | update | rise |\n",
"| 137 | wants | users | ruby |\n",
"| 138 | ways | using | run |\n",
"| 139 | web | valley | running |\n",
"| 140 | website | want | science |\n",
"| 141 | what | watch | search |\n",
"| 142 | where | week | secret |\n",
"| 143 | why | were | secure |\n",
"| 144 | work | will | see |\n",
"| 145 | world | with | series |\n",
"| 146 | writing | women | services |\n",
"| 147 | x | would | set |\n",
"| 148 | year | years | show |\n",
"| 149 | your | | shows |\n",
"| 150 | | | smart |\n",
"| 151 | | | social |\n",
"| 152 | | | software |\n",
"| 153 | | | source |\n",
"| 154 | | | space |\n",
"| 155 | | | speed |\n",
"| 156 | | | star |\n",
"| 157 | | | startups |\n",
"| 158 | | | state |\n",
"| 159 | | | storage |\n",
"| 160 | | | store |\n",
"| 161 | | | story |\n",
"| 162 | | | swift |\n",
"| 163 | | | system |\n",
"| 164 | | | team |\n",
"| 165 | | | tech |\n",
"| 166 | | | technology |\n",
"| 167 | | | testing |\n",
"| 168 | | | that |\n",
"| 169 | | | the |\n",
"| 170 | | | their |\n",
"| 171 | | | them |\n",
"| 172 | | | there |\n",
"| 173 | | | they |\n",
"| 174 | | | things |\n",
"| 175 | | | tool |\n",
"| 176 | | | tools |\n",
"| 177 | | | tv |\n",
"| 178 | | | two |\n",
"| 179 | | | ui |\n",
"| 180 | | | up |\n",
"| 181 | | | us |\n",
"| 182 | | | use |\n",
"| 183 | | | used |\n",
"| 184 | | | user |\n",
"| 185 | | | version |\n",
"| 186 | | | virtual |\n",
"| 187 | | | visual |\n",
"| 188 | | | vs |\n",
"| 189 | | | war |\n",
"| 190 | | | was |\n",
"| 191 | | | way |\n",
"| 192 | | | we |\n",
"| 193 | | | when |\n",
"| 194 | | | who |\n",
"| 195 | | | windows |\n",
"| 196 | | | without |\n",
"| 197 | | | working |\n",
"| 198 | | | write |\n",
"| 199 | | | wrong |\n",
"| 200 | | | you |\n",
"\n",
"\n",
"\n",
"** clustering 20 ***\n",
"| | 0 | 1 | 2 |\n",
"|----:|:-------------|:-------------|:-------------|\n",
"| 0 | a | about | again |\n",
"| 1 | ads | access | all |\n",
"| 2 | against | ad | analysis |\n",
"| 3 | age | after | and |\n",
"| 4 | american | ai | applications |\n",
"| 5 | android | algorithm | apps |\n",
"| 6 | as | amazon | art |\n",
"| 7 | available | america | artificial |\n",
"| 8 | aws | an | attack |\n",
"| 9 | b | analytics | being |\n",
"| 10 | become | angular | beta |\n",
"| 11 | before | any | bill |\n",
"| 12 | behind | apache | black |\n",
"| 13 | better | api | book |\n",
"| 14 | between | app | books |\n",
"| 15 | big | apple | bot |\n",
"| 16 | bitcoin | application | brain |\n",
"| 17 | building | are | built |\n",
"| 18 | by | at | business |\n",
"| 19 | c | back | car |\n",
"| 20 | can | bad | code |\n",
"| 21 | case | based | coming |\n",
"| 22 | city | be | community |\n",
"| 23 | cloud | been | companies |\n",
"| 24 | d | best | computer |\n",
"| 25 | deal | blockchain | cost |\n",
"| 26 | deep | browser | could |\n",
"| 27 | design | build | data |\n",
"| 28 | developers | but | death |\n",
"| 29 | development | cars | developer |\n",
"| 30 | devices | ceo | do |\n",
"| 31 | distributed | change | dont |\n",
"| 32 | docker | china | drone |\n",
"| 33 | driving | chinese | earth |\n",
"| 34 | e | chrome | encryption |\n",
"| 35 | easy | client | end |\n",
"| 36 | economy | coding | ever |\n",
"| 37 | engine | com | files |\n",
"| 38 | engineering | command | first |\n",
"| 39 | everything | company | found |\n",
"| 40 | experience | computing | full |\n",
"| 41 | f | content | future |\n",
"| 42 | fast | control | game |\n",
"| 43 | faster | core | games |\n",
"| 44 | fbi | court | get |\n",
"| 45 | for | create | git |\n",
"| 46 | framework | creating | github |\n",
"| 47 | free | css | going |\n",
"| 48 | from | database | great |\n",
"| 49 | google | day | hack |\n",
"| 50 | got | dead | has |\n",
"| 51 | hacking | did | have |\n",
"| 52 | hard | digital | his |\n",
"| 53 | health | does | human |\n",
"| 54 | here | don | image |\n",
"| 55 | hn | down | images |\n",
"| 56 | home | email | intel |\n",
"| 57 | http | energy | interactive |\n",
"| 58 | i | every | ios |\n",
"| 59 | if | facebook | iphone |\n",
"| 60 | intelligence | file | key |\n",
"| 61 | iot | find | language |\n",
"| 62 | it | founder | launch |\n",
"| 63 | javascript | generation | learned |\n",
"| 64 | jobs | gets | learning |\n",
"| 65 | js | getting | less |\n",
"| 66 | just | global | like |\n",
"| 67 | k | go | mac |\n",
"| 68 | keep | good | made |\n",
"| 69 | last | government | management |\n",
"| 70 | launches | growth | much |\n",
"| 71 | let | guide | native |\n",
"| 72 | life | hacker | news |\n",
"| 73 | line | hackers | no |\n",
"| 74 | linux | help | not |\n",
"| 75 | long | high | now |\n",
"| 76 | look | history | one |\n",
"| 77 | love | how | online |\n",
"| 78 | m | html | other |\n",
"| 79 | machine | in | our |\n",
"| 80 | makes | india | page |\n",
"| 81 | manager | industry | pdf |\n",
"| 82 | many | inside | phone |\n",
"| 83 | market | internet | police |\n",
"| 84 | me | interview | privacy |\n",
"| 85 | memory | into | private |\n",
"| 86 | microsoft | introducing | quantum |\n",
"| 87 | modern | introduction | rails |\n",
"| 88 | music | io | react |\n",
"| 89 | nasa | is | real |\n",
"| 90 | need | its | reality |\n",
"| 91 | network | java | really |\n",
"| 92 | networks | job | remote |\n",
"| 93 | neural | know | running |\n",
"| 94 | never | law | rust |\n",
"| 95 | next | learn | scientists |\n",
"| 96 | old | lessons | search |\n",
"| 97 | only | lets | series |\n",
"| 98 | open | library | service |\n",
"| 99 | over | light | sharing |\n",
"| 100 | own | list | shows |\n",
"| 101 | pay | live | side |\n",
"| 102 | plan | make | simple |\n",
"| 103 | platform | making | site |\n",
"| 104 | post | man | slack |\n",
"| 105 | power | map | some |\n",
"| 106 | program | marketing | source |\n",
"| 107 | projects | may | space |\n",
"| 108 | python | media | speed |\n",
"| 109 | r | meet | startups |\n",
"| 110 | released | mobile | state |\n",
"| 111 | report | model | still |\n",
"| 112 | research | money | storage |\n",
"| 113 | rise | more | support |\n",
"| 114 | rules | most | tech |\n",
"| 115 | run | my | technology |\n",
"| 116 | s | net | tesla |\n",
"| 117 | san | new | testing |\n",
"| 118 | save | node | text |\n",
"| 119 | say | of | the |\n",
"| 120 | scale | off | their |\n",
"| 121 | secret | office | there |\n",
"| 122 | security | on | they |\n",
"| 123 | self | or | things |\n",
"| 124 | silicon | os | think |\n",
"| 125 | small | out | to |\n",
"| 126 | smart | part | too |\n",
"| 127 | so | people | tools |\n",
"| 128 | software | performance | twitter |\n",
"| 129 | solar | php | uk |\n",
"| 130 | system | pi | us |\n",
"| 131 | t | play | used |\n",
"| 132 | team | problem | user |\n",
"| 133 | through | product | users |\n",
"| 134 | time | programming | virtual |\n",
"| 135 | top | project | vr |\n",
"| 136 | u | public | want |\n",
"| 137 | uber | raises | was |\n",
"| 138 | ui | re | watch |\n",
"| 139 | up | read | way |\n",
"| 140 | update | release | ways |\n",
"| 141 | using | review | web |\n",
"| 142 | v | right | what |\n",
"| 143 | via | robot | when |\n",
"| 144 | visual | robots | why |\n",
"| 145 | vs | ruby | windows |\n",
"| 146 | will | says | with |\n",
"| 147 | work | school | without |\n",
"| 148 | wrong | science | working |\n",
"| 149 | x | secure | would |\n",
"| 150 | you | see | |\n",
"| 151 | | server | |\n",
"| 152 | | services | |\n",
"| 153 | | set | |\n",
"| 154 | | should | |\n",
"| 155 | | show | |\n",
"| 156 | | social | |\n",
"| 157 | | stack | |\n",
"| 158 | | star | |\n",
"| 159 | | start | |\n",
"| 160 | | startup | |\n",
"| 161 | | stop | |\n",
"| 162 | | store | |\n",
"| 163 | | story | |\n",
"| 164 | | study | |\n",
"| 165 | | swift | |\n",
"| 166 | | systems | |\n",
"| 167 | | take | |\n",
"| 168 | | test | |\n",
"| 169 | | than | |\n",
"| 170 | | that | |\n",
"| 171 | | them | |\n",
"| 172 | | this | |\n",
"| 173 | | three | |\n",
"| 174 | | tips | |\n",
"| 175 | | today | |\n",
"| 176 | | tool | |\n",
"| 177 | | tv | |\n",
"| 178 | | two | |\n",
"| 179 | | under | |\n",
"| 180 | | use | |\n",
"| 181 | | valley | |\n",
"| 182 | | version | |\n",
"| 183 | | video | |\n",
"| 184 | | wants | |\n",
"| 185 | | war | |\n",
"| 186 | | we | |\n",
"| 187 | | website | |\n",
"| 188 | | week | |\n",
"| 189 | | were | |\n",
"| 190 | | where | |\n",
"| 191 | | who | |\n",
"| 192 | | women | |\n",
"| 193 | | world | |\n",
"| 194 | | write | |\n",
"| 195 | | writing | |\n",
"| 196 | | year | |\n",
"| 197 | | years | |\n",
"| 198 | | your | |\n",
"\n",
"\n",
"\n",
"** clustering 21 ***\n",
"| | 0 | 1 | 2 |\n",
"|----:|:-------------|:-------------|:-------------|\n",
"| 0 | access | a | about |\n",
"| 1 | ad | ads | again |\n",
"| 2 | ai | after | age |\n",
"| 3 | america | against | amazon |\n",
"| 4 | an | algorithm | analytics |\n",
"| 5 | analysis | all | android |\n",
"| 6 | and | american | apache |\n",
"| 7 | angular | api | application |\n",
"| 8 | any | app | applications |\n",
"| 9 | apple | attack | apps |\n",
"| 10 | art | b | are |\n",
"| 11 | artificial | become | aws |\n",
"| 12 | as | behind | be |\n",
"| 13 | at | better | bitcoin |\n",
"| 14 | available | bill | black |\n",
"| 15 | back | book | blockchain |\n",
"| 16 | bad | books | browser |\n",
"| 17 | based | bot | build |\n",
"| 18 | been | by | building |\n",
"| 19 | before | c | built |\n",
"| 20 | being | cars | business |\n",
"| 21 | best | com | but |\n",
"| 22 | beta | coming | can |\n",
"| 23 | between | company | ceo |\n",
"| 24 | big | computer | china |\n",
"| 25 | brain | content | chrome |\n",
"| 26 | car | create | coding |\n",
"| 27 | case | css | companies |\n",
"| 28 | change | d | computing |\n",
"| 29 | chinese | digital | control |\n",
"| 30 | city | do | core |\n",
"| 31 | client | docker | cost |\n",
"| 32 | cloud | does | court |\n",
"| 33 | code | drone | database |\n",
"| 34 | command | e | day |\n",
"| 35 | community | easy | dead |\n",
"| 36 | could | economy | devices |\n",
"| 37 | creating | energy | don |\n",
"| 38 | data | engine | email |\n",
"| 39 | deal | engineering | everything |\n",
"| 40 | death | ever | experience |\n",
"| 41 | deep | f | from |\n",
"| 42 | design | fast | future |\n",
"| 43 | developer | file | git |\n",
"| 44 | developers | first | go |\n",
"| 45 | development | for | going |\n",
"| 46 | did | found | hack |\n",
"| 47 | distributed | founder | hacker |\n",
"| 48 | dont | framework | hackers |\n",
"| 49 | down | free | have |\n",
"| 50 | driving | full | history |\n",
"| 51 | earth | games | if |\n",
"| 52 | encryption | gets | image |\n",
"| 53 | end | getting | images |\n",
"| 54 | every | global | inside |\n",
"| 55 | facebook | good | internet |\n",
"| 56 | faster | got | into |\n",
"| 57 | fbi | government | last |\n",
"| 58 | files | great | launches |\n",
"| 59 | find | hacking | law |\n",
"| 60 | game | hard | learning |\n",
"| 61 | generation | has | library |\n",
"| 62 | get | health | line |\n",
"| 63 | github | high | list |\n",
"| 64 | google | his | machine |\n",
"| 65 | growth | home | marketing |\n",
"| 66 | guide | html | media |\n",
"| 67 | help | i | much |\n",
"| 68 | here | industry | my |\n",
"| 69 | hn | intel | nasa |\n",
"| 70 | how | interview | native |\n",
"| 71 | http | introducing | neural |\n",
"| 72 | human | introduction | never |\n",
"| 73 | in | ios | next |\n",
"| 74 | india | iot | not |\n",
"| 75 | intelligence | is | online |\n",
"| 76 | interactive | it | open |\n",
"| 77 | io | its | pdf |\n",
"| 78 | iphone | javascript | php |\n",
"| 79 | java | job | police |\n",
"| 80 | jobs | js | post |\n",
"| 81 | just | k | private |\n",
"| 82 | key | keep | problem |\n",
"| 83 | launch | know | really |\n",
"| 84 | learn | language | release |\n",
"| 85 | learned | less | ruby |\n",
"| 86 | lessons | let | scale |\n",
"| 87 | lets | life | secret |\n",
"| 88 | light | linux | security |\n",
"| 89 | like | long | series |\n",
"| 90 | live | look | server |\n",
"| 91 | made | love | set |\n",
"| 92 | management | m | show |\n",
"| 93 | manager | mac | shows |\n",
"| 94 | many | make | site |\n",
"| 95 | map | makes | smart |\n",
"| 96 | may | making | social |\n",
"| 97 | meet | man | software |\n",
"| 98 | mobile | market | some |\n",
"| 99 | most | me | speed |\n",
"| 100 | networks | memory | startup |\n",
"| 101 | no | microsoft | startups |\n",
"| 102 | node | model | state |\n",
"| 103 | now | modern | stop |\n",
"| 104 | off | money | team |\n",
"| 105 | one | more | technology |\n",
"| 106 | os | music | test |\n",
"| 107 | other | need | than |\n",
"| 108 | our | net | them |\n",
"| 109 | part | network | things |\n",
"| 110 | pay | new | this |\n",
"| 111 | performance | news | today |\n",
"| 112 | pi | of | two |\n",
"| 113 | plan | office | uber |\n",
"| 114 | platform | old | update |\n",
"| 115 | play | on | used |\n",
"| 116 | privacy | only | virtual |\n",
"| 117 | product | or | visual |\n",
"| 118 | project | out | watch |\n",
"| 119 | rails | over | ways |\n",
"| 120 | raises | own | website |\n",
"| 121 | react | page | world |\n",
"| 122 | real | people | your |\n",
"| 123 | remote | phone | |\n",
"| 124 | right | power | |\n",
"| 125 | robot | program | |\n",
"| 126 | rules | programming | |\n",
"| 127 | run | projects | |\n",
"| 128 | running | public | |\n",
"| 129 | save | python | |\n",
"| 130 | say | quantum | |\n",
"| 131 | science | r | |\n",
"| 132 | scientists | re | |\n",
"| 133 | search | read | |\n",
"| 134 | see | reality | |\n",
"| 135 | self | released | |\n",
"| 136 | service | report | |\n",
"| 137 | services | research | |\n",
"| 138 | side | review | |\n",
"| 139 | slack | rise | |\n",
"| 140 | source | robots | |\n",
"| 141 | space | rust | |\n",
"| 142 | stack | s | |\n",
"| 143 | start | san | |\n",
"| 144 | still | says | |\n",
"| 145 | storage | school | |\n",
"| 146 | store | secure | |\n",
"| 147 | story | sharing | |\n",
"| 148 | study | should | |\n",
"| 149 | support | silicon | |\n",
"| 150 | systems | simple | |\n",
"| 151 | take | small | |\n",
"| 152 | that | so | |\n",
"| 153 | their | solar | |\n",
"| 154 | three | star | |\n",
"| 155 | through | swift | |\n",
"| 156 | tips | system | |\n",
"| 157 | to | t | |\n",
"| 158 | too | tech | |\n",
"| 159 | top | tesla | |\n",
"| 160 | uk | testing | |\n",
"| 161 | use | text | |\n",
"| 162 | user | the | |\n",
"| 163 | users | there | |\n",
"| 164 | valley | they | |\n",
"| 165 | version | think | |\n",
"| 166 | via | time | |\n",
"| 167 | video | tool | |\n",
"| 168 | wants | tools | |\n",
"| 169 | we | tv | |\n",
"| 170 | web | twitter | |\n",
"| 171 | what | u | |\n",
"| 172 | when | ui | |\n",
"| 173 | who | under | |\n",
"| 174 | with | up | |\n",
"| 175 | without | us | |\n",
"| 176 | women | using | |\n",
"| 177 | work | v | |\n",
"| 178 | working | vr | |\n",
"| 179 | would | vs | |\n",
"| 180 | writing | want | |\n",
"| 181 | year | war | |\n",
"| 182 | years | was | |\n",
"| 183 | you | way | |\n",
"| 184 | | week | |\n",
"| 185 | | were | |\n",
"| 186 | | where | |\n",
"| 187 | | why | |\n",
"| 188 | | will | |\n",
"| 189 | | windows | |\n",
"| 190 | | write | |\n",
"| 191 | | wrong | |\n",
"| 192 | | x | |\n",
"\n",
"\n",
"\n",
"** clustering 22 ***\n",
"| | 0 | 1 | 2 |\n",
"|----:|:-------------|:-------------|:-------------|\n",
"| 0 | a | access | about |\n",
"| 1 | an | ad | ads |\n",
"| 2 | and | again | after |\n",
"| 3 | any | all | against |\n",
"| 4 | apache | america | age |\n",
"| 5 | art | analytics | ai |\n",
"| 6 | b | android | algorithm |\n",
"| 7 | based | api | amazon |\n",
"| 8 | be | app | american |\n",
"| 9 | before | apple | analysis |\n",
"| 10 | being | applications | angular |\n",
"| 11 | books | apps | application |\n",
"| 12 | c | are | artificial |\n",
"| 13 | car | as | at |\n",
"| 14 | ceo | attack | aws |\n",
"| 15 | change | available | back |\n",
"| 16 | chrome | been | bad |\n",
"| 17 | com | behind | become |\n",
"| 18 | could | beta | best |\n",
"| 19 | create | better | bill |\n",
"| 20 | css | between | bitcoin |\n",
"| 21 | d | big | black |\n",
"| 22 | devices | blockchain | book |\n",
"| 23 | did | build | bot |\n",
"| 24 | docker | built | brain |\n",
"| 25 | e | can | browser |\n",
"| 26 | f | cars | building |\n",
"| 27 | fast | chinese | business |\n",
"| 28 | faster | client | but |\n",
"| 29 | full | code | by |\n",
"| 30 | hacker | data | case |\n",
"| 31 | hard | day | china |\n",
"| 32 | have | deal | city |\n",
"| 33 | hn | deep | cloud |\n",
"| 34 | http | design | coding |\n",
"| 35 | human | distributed | coming |\n",
"| 36 | i | don | command |\n",
"| 37 | if | down | community |\n",
"| 38 | images | drone | companies |\n",
"| 39 | india | energy | company |\n",
"| 40 | interactive | ever | computer |\n",
"| 41 | introduction | fbi | computing |\n",
"| 42 | ios | file | content |\n",
"| 43 | it | files | control |\n",
"| 44 | k | for | core |\n",
"| 45 | learning | framework | cost |\n",
"| 46 | life | free | court |\n",
"| 47 | m | future | creating |\n",
"| 48 | made | generation | database |\n",
"| 49 | man | gets | dead |\n",
"| 50 | management | getting | death |\n",
"| 51 | manager | git | developer |\n",
"| 52 | market | going | developers |\n",
"| 53 | marketing | good | development |\n",
"| 54 | me | google | digital |\n",
"| 55 | media | guide | do |\n",
"| 56 | meet | hack | does |\n",
"| 57 | mobile | his | dont |\n",
"| 58 | model | how | driving |\n",
"| 59 | money | in | earth |\n",
"| 60 | more | industry | easy |\n",
"| 61 | net | into | economy |\n",
"| 62 | network | introducing | email |\n",
"| 63 | no | iot | encryption |\n",
"| 64 | of | its | end |\n",
"| 65 | on | java | engine |\n",
"| 66 | only | javascript | engineering |\n",
"| 67 | out | jobs | every |\n",
"| 68 | pdf | just | everything |\n",
"| 69 | phone | keep | experience |\n",
"| 70 | plan | launches | facebook |\n",
"| 71 | police | law | find |\n",
"| 72 | power | less | first |\n",
"| 73 | product | lets | found |\n",
"| 74 | project | light | founder |\n",
"| 75 | public | line | from |\n",
"| 76 | quantum | list | game |\n",
"| 77 | r | live | games |\n",
"| 78 | raises | look | get |\n",
"| 79 | read | machine | github |\n",
"| 80 | reality | many | global |\n",
"| 81 | really | memory | go |\n",
"| 82 | release | microsoft | got |\n",
"| 83 | report | music | government |\n",
"| 84 | research | nasa | great |\n",
"| 85 | robots | need | growth |\n",
"| 86 | rules | neural | hackers |\n",
"| 87 | run | never | hacking |\n",
"| 88 | s | news | has |\n",
"| 89 | school | next | health |\n",
"| 90 | server | office | help |\n",
"| 91 | set | old | here |\n",
"| 92 | shows | one | high |\n",
"| 93 | side | online | history |\n",
"| 94 | site | os | home |\n",
"| 95 | slack | other | html |\n",
"| 96 | small | over | image |\n",
"| 97 | solar | people | inside |\n",
"| 98 | some | performance | intel |\n",
"| 99 | star | php | intelligence |\n",
"| 100 | swift | post | internet |\n",
"| 101 | t | privacy | interview |\n",
"| 102 | text | released | io |\n",
"| 103 | their | remote | iphone |\n",
"| 104 | they | review | is |\n",
"| 105 | things | robot | job |\n",
"| 106 | think | running | js |\n",
"| 107 | tips | rust | key |\n",
"| 108 | to | save | know |\n",
"| 109 | too | scientists | language |\n",
"| 110 | two | search | last |\n",
"| 111 | u | security | launch |\n",
"| 112 | uk | see | learn |\n",
"| 113 | v | service | learned |\n",
"| 114 | via | silicon | lessons |\n",
"| 115 | vs | so | let |\n",
"| 116 | wants | software | library |\n",
"| 117 | with | source | like |\n",
"| 118 | women | state | linux |\n",
"| 119 | working | storage | long |\n",
"| 120 | would | store | love |\n",
"| 121 | wrong | story | mac |\n",
"| 122 | x | system | make |\n",
"| 123 | year | systems | makes |\n",
"| 124 | | testing | making |\n",
"| 125 | | than | map |\n",
"| 126 | | that | may |\n",
"| 127 | | the | modern |\n",
"| 128 | | them | most |\n",
"| 129 | | this | much |\n",
"| 130 | | three | my |\n",
"| 131 | | top | native |\n",
"| 132 | | uber | networks |\n",
"| 133 | | update | new |\n",
"| 134 | | us | node |\n",
"| 135 | | used | not |\n",
"| 136 | | valley | now |\n",
"| 137 | | video | off |\n",
"| 138 | | virtual | open |\n",
"| 139 | | website | or |\n",
"| 140 | | were | our |\n",
"| 141 | | what | own |\n",
"| 142 | | when | page |\n",
"| 143 | | will | part |\n",
"| 144 | | writing | pay |\n",
"| 145 | | years | pi |\n",
"| 146 | | you | platform |\n",
"| 147 | | your | play |\n",
"| 148 | | | private |\n",
"| 149 | | | problem |\n",
"| 150 | | | program |\n",
"| 151 | | | programming |\n",
"| 152 | | | projects |\n",
"| 153 | | | python |\n",
"| 154 | | | rails |\n",
"| 155 | | | re |\n",
"| 156 | | | react |\n",
"| 157 | | | real |\n",
"| 158 | | | right |\n",
"| 159 | | | rise |\n",
"| 160 | | | ruby |\n",
"| 161 | | | san |\n",
"| 162 | | | say |\n",
"| 163 | | | says |\n",
"| 164 | | | scale |\n",
"| 165 | | | science |\n",
"| 166 | | | secret |\n",
"| 167 | | | secure |\n",
"| 168 | | | self |\n",
"| 169 | | | series |\n",
"| 170 | | | services |\n",
"| 171 | | | sharing |\n",
"| 172 | | | should |\n",
"| 173 | | | show |\n",
"| 174 | | | simple |\n",
"| 175 | | | smart |\n",
"| 176 | | | social |\n",
"| 177 | | | space |\n",
"| 178 | | | speed |\n",
"| 179 | | | stack |\n",
"| 180 | | | start |\n",
"| 181 | | | startup |\n",
"| 182 | | | startups |\n",
"| 183 | | | still |\n",
"| 184 | | | stop |\n",
"| 185 | | | study |\n",
"| 186 | | | support |\n",
"| 187 | | | take |\n",
"| 188 | | | team |\n",
"| 189 | | | tech |\n",
"| 190 | | | technology |\n",
"| 191 | | | tesla |\n",
"| 192 | | | test |\n",
"| 193 | | | there |\n",
"| 194 | | | through |\n",
"| 195 | | | time |\n",
"| 196 | | | today |\n",
"| 197 | | | tool |\n",
"| 198 | | | tools |\n",
"| 199 | | | tv |\n",
"| 200 | | | twitter |\n",
"| 201 | | | ui |\n",
"| 202 | | | under |\n",
"| 203 | | | up |\n",
"| 204 | | | use |\n",
"| 205 | | | user |\n",
"| 206 | | | users |\n",
"| 207 | | | using |\n",
"| 208 | | | version |\n",
"| 209 | | | visual |\n",
"| 210 | | | vr |\n",
"| 211 | | | want |\n",
"| 212 | | | war |\n",
"| 213 | | | was |\n",
"| 214 | | | watch |\n",
"| 215 | | | way |\n",
"| 216 | | | ways |\n",
"| 217 | | | we |\n",
"| 218 | | | web |\n",
"| 219 | | | week |\n",
"| 220 | | | where |\n",
"| 221 | | | who |\n",
"| 222 | | | why |\n",
"| 223 | | | windows |\n",
"| 224 | | | without |\n",
"| 225 | | | work |\n",
"| 226 | | | world |\n",
"| 227 | | | write |\n",
"\n",
"\n",
"\n",
"** clustering 23 ***\n",
"| | 0 | 1 | 2 |\n",
"|----:|:------------|:-------------|:-------------|\n",
"| 0 | about | a | ads |\n",
"| 1 | ad | access | against |\n",
"| 2 | after | again | ai |\n",
"| 3 | america | age | american |\n",
"| 4 | android | algorithm | analysis |\n",
"| 5 | any | all | analytics |\n",
"| 6 | api | amazon | apache |\n",
"| 7 | app | an | application |\n",
"| 8 | apps | and | are |\n",
"| 9 | art | angular | as |\n",
"| 10 | attack | apple | at |\n",
"| 11 | available | applications | being |\n",
"| 12 | aws | artificial | best |\n",
"| 13 | back | b | bill |\n",
"| 14 | bad | become | black |\n",
"| 15 | based | behind | brain |\n",
"| 16 | be | between | browser |\n",
"| 17 | been | business | building |\n",
"| 18 | before | c | but |\n",
"| 19 | beta | can | ceo |\n",
"| 20 | better | chinese | chrome |\n",
"| 21 | big | com | city |\n",
"| 22 | bitcoin | community | command |\n",
"| 23 | blockchain | computing | core |\n",
"| 24 | book | content | cost |\n",
"| 25 | books | control | could |\n",
"| 26 | bot | d | court |\n",
"| 27 | build | day | data |\n",
"| 28 | built | death | database |\n",
"| 29 | by | did | deep |\n",
"| 30 | car | down | digital |\n",
"| 31 | cars | e | does |\n",
"| 32 | case | economy | earth |\n",
"| 33 | change | email | easy |\n",
"| 34 | china | energy | end |\n",
"| 35 | client | engine | files |\n",
"| 36 | cloud | engineering | for |\n",
"| 37 | code | ever | full |\n",
"| 38 | coding | experience | future |\n",
"| 39 | coming | f | game |\n",
"| 40 | companies | facebook | get |\n",
"| 41 | company | fast | github |\n",
"| 42 | computer | fbi | global |\n",
"| 43 | create | find | going |\n",
"| 44 | creating | found | good |\n",
"| 45 | css | founder | google |\n",
"| 46 | dead | from | government |\n",
"| 47 | deal | getting | growth |\n",
"| 48 | design | go | guide |\n",
"| 49 | developer | hacking | hackers |\n",
"| 50 | developers | have | hard |\n",
"| 51 | development | health | home |\n",
"| 52 | devices | here | html |\n",
"| 53 | distributed | high | http |\n",
"| 54 | do | history | inside |\n",
"| 55 | docker | how | intelligence |\n",
"| 56 | don | human | internet |\n",
"| 57 | dont | i | interview |\n",
"| 58 | driving | industry | introduction |\n",
"| 59 | drone | into | iot |\n",
"| 60 | encryption | introducing | iphone |\n",
"| 61 | every | java | is |\n",
"| 62 | everything | js | it |\n",
"| 63 | faster | just | jobs |\n",
"| 64 | file | k | keep |\n",
"| 65 | first | last | key |\n",
"| 66 | framework | less | learn |\n",
"| 67 | free | lessons | lets |\n",
"| 68 | games | let | line |\n",
"| 69 | generation | life | list |\n",
"| 70 | gets | light | made |\n",
"| 71 | git | like | meet |\n",
"| 72 | got | long | most |\n",
"| 73 | great | love | much |\n",
"| 74 | hack | m | net |\n",
"| 75 | hacker | mac | network |\n",
"| 76 | has | make | networks |\n",
"| 77 | help | management | neural |\n",
"| 78 | his | manager | office |\n",
"| 79 | hn | map | online |\n",
"| 80 | if | me | only |\n",
"| 81 | image | money | people |\n",
"| 82 | images | music | phone |\n",
"| 83 | in | my | pi |\n",
"| 84 | india | nasa | program |\n",
"| 85 | intel | native | public |\n",
"| 86 | interactive | never | rails |\n",
"| 87 | io | new | really |\n",
"| 88 | ios | news | research |\n",
"| 89 | its | not | robots |\n",
"| 90 | javascript | of | ruby |\n",
"| 91 | job | off | run |\n",
"| 92 | know | on | running |\n",
"| 93 | language | one | san |\n",
"| 94 | launch | open | says |\n",
"| 95 | launches | or | scale |\n",
"| 96 | law | other | school |\n",
"| 97 | learned | our | security |\n",
"| 98 | learning | own | self |\n",
"| 99 | library | page | series |\n",
"| 100 | linux | part | server |\n",
"| 101 | live | pay | services |\n",
"| 102 | look | pdf | set |\n",
"| 103 | machine | performance | sharing |\n",
"| 104 | makes | php | silicon |\n",
"| 105 | making | police | small |\n",
"| 106 | man | power | software |\n",
"| 107 | many | privacy | some |\n",
"| 108 | market | private | source |\n",
"| 109 | marketing | programming | stack |\n",
"| 110 | may | project | still |\n",
"| 111 | media | projects | store |\n",
"| 112 | memory | python | take |\n",
"| 113 | microsoft | quantum | testing |\n",
"| 114 | mobile | r | the |\n",
"| 115 | model | re | top |\n",
"| 116 | modern | react | tv |\n",
"| 117 | more | real | uk |\n",
"| 118 | need | released | under |\n",
"| 119 | next | remote | update |\n",
"| 120 | no | right | use |\n",
"| 121 | node | robot | users |\n",
"| 122 | now | s | version |\n",
"| 123 | old | scientists | video |\n",
"| 124 | os | search | visual |\n",
"| 125 | out | secure | vr |\n",
"| 126 | over | see | war |\n",
"| 127 | plan | service | way |\n",
"| 128 | platform | should | ways |\n",
"| 129 | play | show | we |\n",
"| 130 | post | shows | web |\n",
"| 131 | problem | smart | what |\n",
"| 132 | product | so | why |\n",
"| 133 | raises | social | women |\n",
"| 134 | read | star | working |\n",
"| 135 | reality | startup | your |\n",
"| 136 | release | startups | |\n",
"| 137 | report | stop | |\n",
"| 138 | review | swift | |\n",
"| 139 | rise | systems | |\n",
"| 140 | rules | t | |\n",
"| 141 | rust | technology | |\n",
"| 142 | save | three | |\n",
"| 143 | say | through | |\n",
"| 144 | science | tools | |\n",
"| 145 | secret | u | |\n",
"| 146 | side | used | |\n",
"| 147 | simple | v | |\n",
"| 148 | site | vs | |\n",
"| 149 | slack | wants | |\n",
"| 150 | solar | watch | |\n",
"| 151 | space | website | |\n",
"| 152 | speed | will | |\n",
"| 153 | start | windows | |\n",
"| 154 | state | work | |\n",
"| 155 | storage | world | |\n",
"| 156 | story | writing | |\n",
"| 157 | study | x | |\n",
"| 158 | support | year | |\n",
"| 159 | system | | |\n",
"| 160 | team | | |\n",
"| 161 | tech | | |\n",
"| 162 | tesla | | |\n",
"| 163 | test | | |\n",
"| 164 | text | | |\n",
"| 165 | than | | |\n",
"| 166 | that | | |\n",
"| 167 | their | | |\n",
"| 168 | them | | |\n",
"| 169 | there | | |\n",
"| 170 | they | | |\n",
"| 171 | things | | |\n",
"| 172 | think | | |\n",
"| 173 | this | | |\n",
"| 174 | time | | |\n",
"| 175 | tips | | |\n",
"| 176 | to | | |\n",
"| 177 | today | | |\n",
"| 178 | too | | |\n",
"| 179 | tool | | |\n",
"| 180 | twitter | | |\n",
"| 181 | two | | |\n",
"| 182 | uber | | |\n",
"| 183 | ui | | |\n",
"| 184 | up | | |\n",
"| 185 | us | | |\n",
"| 186 | user | | |\n",
"| 187 | using | | |\n",
"| 188 | valley | | |\n",
"| 189 | via | | |\n",
"| 190 | virtual | | |\n",
"| 191 | want | | |\n",
"| 192 | was | | |\n",
"| 193 | week | | |\n",
"| 194 | were | | |\n",
"| 195 | when | | |\n",
"| 196 | where | | |\n",
"| 197 | who | | |\n",
"| 198 | with | | |\n",
"| 199 | without | | |\n",
"| 200 | would | | |\n",
"| 201 | write | | |\n",
"| 202 | wrong | | |\n",
"| 203 | years | | |\n",
"| 204 | you | | |\n",
"\n",
"\n",
"\n",
"** clustering 24 ***\n",
"| | 0 | 1 | 2 |\n",
"|----:|:-------------|:------------|:-------------|\n",
"| 0 | a | after | about |\n",
"| 1 | access | again | ads |\n",
"| 2 | ad | ai | all |\n",
"| 3 | against | amazon | analytics |\n",
"| 4 | age | an | android |\n",
"| 5 | algorithm | analysis | angular |\n",
"| 6 | america | and | apache |\n",
"| 7 | american | api | apps |\n",
"| 8 | any | app | aws |\n",
"| 9 | applications | apple | be |\n",
"| 10 | art | application | become |\n",
"| 11 | artificial | are | better |\n",
"| 12 | as | at | bill |\n",
"| 13 | attack | available | book |\n",
"| 14 | b | bad | bot |\n",
"| 15 | back | based | building |\n",
"| 16 | beta | been | built |\n",
"| 17 | between | before | can |\n",
"| 18 | bitcoin | behind | car |\n",
"| 19 | black | being | case |\n",
"| 20 | build | best | ceo |\n",
"| 21 | business | big | chrome |\n",
"| 22 | c | blockchain | cloud |\n",
"| 23 | cars | books | community |\n",
"| 24 | change | brain | create |\n",
"| 25 | client | browser | data |\n",
"| 26 | code | but | design |\n",
"| 27 | coding | by | devices |\n",
"| 28 | command | china | engineering |\n",
"| 29 | company | chinese | ever |\n",
"| 30 | computer | city | fast |\n",
"| 31 | computing | com | file |\n",
"| 32 | content | coming | first |\n",
"| 33 | control | companies | framework |\n",
"| 34 | core | cost | free |\n",
"| 35 | could | court | from |\n",
"| 36 | css | creating | full |\n",
"| 37 | d | day | games |\n",
"| 38 | database | death | generation |\n",
"| 39 | dead | deep | get |\n",
"| 40 | deal | developer | global |\n",
"| 41 | developers | development | good |\n",
"| 42 | docker | did | government |\n",
"| 43 | does | digital | hacking |\n",
"| 44 | e | distributed | has |\n",
"| 45 | easy | do | help |\n",
"| 46 | economy | don | high |\n",
"| 47 | email | dont | http |\n",
"| 48 | encryption | down | image |\n",
"| 49 | everything | driving | industry |\n",
"| 50 | f | drone | intelligence |\n",
"| 51 | facebook | earth | interactive |\n",
"| 52 | find | end | introduction |\n",
"| 53 | found | energy | iot |\n",
"| 54 | founder | engine | it |\n",
"| 55 | git | every | its |\n",
"| 56 | github | experience | jobs |\n",
"| 57 | google | faster | know |\n",
"| 58 | got | fbi | launch |\n",
"| 59 | growth | files | launches |\n",
"| 60 | hack | for | law |\n",
"| 61 | hackers | future | list |\n",
"| 62 | hard | game | love |\n",
"| 63 | here | gets | making |\n",
"| 64 | history | getting | manager |\n",
"| 65 | home | go | may |\n",
"| 66 | how | going | microsoft |\n",
"| 67 | html | great | mobile |\n",
"| 68 | human | guide | model |\n",
"| 69 | i | hacker | most |\n",
"| 70 | india | have | much |\n",
"| 71 | intel | health | music |\n",
"| 72 | introducing | his | nasa |\n",
"| 73 | just | hn | networks |\n",
"| 74 | k | if | neural |\n",
"| 75 | language | images | never |\n",
"| 76 | learned | in | new |\n",
"| 77 | life | inside | not |\n",
"| 78 | light | internet | of |\n",
"| 79 | line | interview | on |\n",
"| 80 | linux | into | os |\n",
"| 81 | live | io | out |\n",
"| 82 | m | ios | over |\n",
"| 83 | made | iphone | pay |\n",
"| 84 | makes | is | play |\n",
"| 85 | management | java | post |\n",
"| 86 | marketing | javascript | problem |\n",
"| 87 | modern | job | program |\n",
"| 88 | more | js | python |\n",
"| 89 | my | keep | quantum |\n",
"| 90 | need | key | real |\n",
"| 91 | network | last | reality |\n",
"| 92 | news | learn | really |\n",
"| 93 | node | learning | released |\n",
"| 94 | now | less | research |\n",
"| 95 | old | lessons | robots |\n",
"| 96 | one | let | say |\n",
"| 97 | or | lets | scientists |\n",
"| 98 | other | library | search |\n",
"| 99 | our | like | see |\n",
"| 100 | people | long | server |\n",
"| 101 | php | look | service |\n",
"| 102 | pi | mac | services |\n",
"| 103 | police | machine | sharing |\n",
"| 104 | programming | make | should |\n",
"| 105 | projects | man | side |\n",
"| 106 | r | many | silicon |\n",
"| 107 | rails | map | simple |\n",
"| 108 | raises | market | site |\n",
"| 109 | re | me | software |\n",
"| 110 | react | media | solar |\n",
"| 111 | release | meet | source |\n",
"| 112 | remote | memory | space |\n",
"| 113 | review | money | storage |\n",
"| 114 | ruby | native | team |\n",
"| 115 | run | net | technology |\n",
"| 116 | rust | next | than |\n",
"| 117 | s | no | that |\n",
"| 118 | science | off | the |\n",
"| 119 | secret | office | them |\n",
"| 120 | self | online | things |\n",
"| 121 | show | only | think |\n",
"| 122 | shows | open | tips |\n",
"| 123 | small | own | twitter |\n",
"| 124 | some | page | two |\n",
"| 125 | stack | part | uk |\n",
"| 126 | star | pdf | up |\n",
"| 127 | start | performance | using |\n",
"| 128 | startups | phone | valley |\n",
"| 129 | store | plan | version |\n",
"| 130 | study | platform | video |\n",
"| 131 | support | power | visual |\n",
"| 132 | systems | privacy | want |\n",
"| 133 | t | private | wants |\n",
"| 134 | take | product | war |\n",
"| 135 | test | project | was |\n",
"| 136 | there | public | ways |\n",
"| 137 | too | read | will |\n",
"| 138 | tools | report | windows |\n",
"| 139 | u | right | write |\n",
"| 140 | users | rise | wrong |\n",
"| 141 | v | robot | |\n",
"| 142 | via | rules | |\n",
"| 143 | virtual | running | |\n",
"| 144 | watch | san | |\n",
"| 145 | week | save | |\n",
"| 146 | were | says | |\n",
"| 147 | what | scale | |\n",
"| 148 | who | school | |\n",
"| 149 | why | secure | |\n",
"| 150 | with | security | |\n",
"| 151 | without | series | |\n",
"| 152 | world | set | |\n",
"| 153 | x | slack | |\n",
"| 154 | year | smart | |\n",
"| 155 | you | so | |\n",
"| 156 | | social | |\n",
"| 157 | | speed | |\n",
"| 158 | | startup | |\n",
"| 159 | | state | |\n",
"| 160 | | still | |\n",
"| 161 | | stop | |\n",
"| 162 | | story | |\n",
"| 163 | | swift | |\n",
"| 164 | | system | |\n",
"| 165 | | tech | |\n",
"| 166 | | tesla | |\n",
"| 167 | | testing | |\n",
"| 168 | | text | |\n",
"| 169 | | their | |\n",
"| 170 | | they | |\n",
"| 171 | | this | |\n",
"| 172 | | three | |\n",
"| 173 | | through | |\n",
"| 174 | | time | |\n",
"| 175 | | to | |\n",
"| 176 | | today | |\n",
"| 177 | | tool | |\n",
"| 178 | | top | |\n",
"| 179 | | tv | |\n",
"| 180 | | uber | |\n",
"| 181 | | ui | |\n",
"| 182 | | under | |\n",
"| 183 | | update | |\n",
"| 184 | | us | |\n",
"| 185 | | use | |\n",
"| 186 | | used | |\n",
"| 187 | | user | |\n",
"| 188 | | vr | |\n",
"| 189 | | vs | |\n",
"| 190 | | way | |\n",
"| 191 | | we | |\n",
"| 192 | | web | |\n",
"| 193 | | website | |\n",
"| 194 | | when | |\n",
"| 195 | | where | |\n",
"| 196 | | women | |\n",
"| 197 | | work | |\n",
"| 198 | | working | |\n",
"| 199 | | would | |\n",
"| 200 | | writing | |\n",
"| 201 | | years | |\n",
"| 202 | | your | |\n",
"\n",
"\n",
"\n",
"** clustering 25 ***\n",
"| | 0 | 1 | 2 |\n",
"|----:|:-------------|:------------|:-------------|\n",
"| 0 | a | against | about |\n",
"| 1 | access | algorithm | ad |\n",
"| 2 | after | amazon | ads |\n",
"| 3 | again | america | and |\n",
"| 4 | age | an | angular |\n",
"| 5 | ai | analysis | any |\n",
"| 6 | all | apache | api |\n",
"| 7 | american | apple | app |\n",
"| 8 | analytics | apps | application |\n",
"| 9 | android | are | as |\n",
"| 10 | applications | back | available |\n",
"| 11 | art | based | bad |\n",
"| 12 | artificial | be | behind |\n",
"| 13 | at | before | beta |\n",
"| 14 | attack | being | better |\n",
"| 15 | aws | bill | big |\n",
"| 16 | b | black | bot |\n",
"| 17 | become | blockchain | built |\n",
"| 18 | been | brain | but |\n",
"| 19 | best | browser | car |\n",
"| 20 | between | building | case |\n",
"| 21 | bitcoin | business | ceo |\n",
"| 22 | book | can | chrome |\n",
"| 23 | books | change | client |\n",
"| 24 | build | china | code |\n",
"| 25 | by | chinese | computing |\n",
"| 26 | c | coding | creating |\n",
"| 27 | cars | com | data |\n",
"| 28 | city | command | death |\n",
"| 29 | cloud | companies | deep |\n",
"| 30 | coming | company | do |\n",
"| 31 | community | computer | docker |\n",
"| 32 | control | content | easy |\n",
"| 33 | cost | core | economy |\n",
"| 34 | could | court | everything |\n",
"| 35 | create | dead | files |\n",
"| 36 | css | developer | find |\n",
"| 37 | d | developers | first |\n",
"| 38 | database | devices | founder |\n",
"| 39 | day | did | get |\n",
"| 40 | deal | digital | good |\n",
"| 41 | design | distributed | growth |\n",
"| 42 | development | does | guide |\n",
"| 43 | down | don | help |\n",
"| 44 | e | dont | high |\n",
"| 45 | earth | driving | his |\n",
"| 46 | email | drone | home |\n",
"| 47 | encryption | end | html |\n",
"| 48 | energy | engineering | human |\n",
"| 49 | engine | ever | if |\n",
"| 50 | every | facebook | india |\n",
"| 51 | experience | fast | industry |\n",
"| 52 | f | framework | inside |\n",
"| 53 | faster | free | intel |\n",
"| 54 | fbi | future | intelligence |\n",
"| 55 | file | generation | interactive |\n",
"| 56 | for | gets | introduction |\n",
"| 57 | found | getting | io |\n",
"| 58 | from | git | it |\n",
"| 59 | full | go | job |\n",
"| 60 | game | google | jobs |\n",
"| 61 | games | hack | js |\n",
"| 62 | github | hacker | key |\n",
"| 63 | global | hacking | know |\n",
"| 64 | going | hard | language |\n",
"| 65 | got | has | learn |\n",
"| 66 | government | have | let |\n",
"| 67 | great | here | light |\n",
"| 68 | hackers | history | love |\n",
"| 69 | health | hn | marketing |\n",
"| 70 | i | how | media |\n",
"| 71 | image | http | memory |\n",
"| 72 | internet | images | mobile |\n",
"| 73 | ios | in | modern |\n",
"| 74 | is | interview | much |\n",
"| 75 | just | into | need |\n",
"| 76 | k | introducing | networks |\n",
"| 77 | keep | iot | never |\n",
"| 78 | last | iphone | of |\n",
"| 79 | learned | its | office |\n",
"| 80 | learning | java | online |\n",
"| 81 | less | javascript | open |\n",
"| 82 | lessons | launch | os |\n",
"| 83 | lets | launches | over |\n",
"| 84 | life | law | page |\n",
"| 85 | like | library | performance |\n",
"| 86 | line | linux | play |\n",
"| 87 | look | list | privacy |\n",
"| 88 | m | live | private |\n",
"| 89 | mac | long | product |\n",
"| 90 | make | machine | program |\n",
"| 91 | making | made | quantum |\n",
"| 92 | man | makes | rails |\n",
"| 93 | management | manager | raises |\n",
"| 94 | market | many | real |\n",
"| 95 | may | map | release |\n",
"| 96 | me | meet | remote |\n",
"| 97 | more | microsoft | review |\n",
"| 98 | music | model | robot |\n",
"| 99 | native | money | robots |\n",
"| 100 | net | most | running |\n",
"| 101 | network | my | school |\n",
"| 102 | neural | nasa | search |\n",
"| 103 | news | new | series |\n",
"| 104 | no | next | services |\n",
"| 105 | node | not | set |\n",
"| 106 | now | off | show |\n",
"| 107 | old | on | shows |\n",
"| 108 | our | one | silicon |\n",
"| 109 | own | only | social |\n",
"| 110 | people | or | source |\n",
"| 111 | platform | other | startups |\n",
"| 112 | programming | out | state |\n",
"| 113 | python | part | study |\n",
"| 114 | r | pay | support |\n",
"| 115 | report | pdf | take |\n",
"| 116 | research | phone | tech |\n",
"| 117 | right | php | technology |\n",
"| 118 | ruby | pi | tesla |\n",
"| 119 | s | plan | testing |\n",
"| 120 | san | police | the |\n",
"| 121 | scale | post | think |\n",
"| 122 | scientists | power | three |\n",
"| 123 | security | problem | tips |\n",
"| 124 | see | project | to |\n",
"| 125 | self | projects | tool |\n",
"| 126 | should | public | tv |\n",
"| 127 | side | re | up |\n",
"| 128 | site | react | valley |\n",
"| 129 | slack | read | virtual |\n",
"| 130 | small | reality | vr |\n",
"| 131 | smart | really | where |\n",
"| 132 | so | released | who |\n",
"| 133 | solar | rise | why |\n",
"| 134 | some | rules | without |\n",
"| 135 | stack | run | women |\n",
"| 136 | star | rust | would |\n",
"| 137 | still | save | year |\n",
"| 138 | storage | say | you |\n",
"| 139 | store | says | your |\n",
"| 140 | story | science | |\n",
"| 141 | systems | secret | |\n",
"| 142 | t | secure | |\n",
"| 143 | team | server | |\n",
"| 144 | test | service | |\n",
"| 145 | than | sharing | |\n",
"| 146 | their | simple | |\n",
"| 147 | them | software | |\n",
"| 148 | there | space | |\n",
"| 149 | this | speed | |\n",
"| 150 | twitter | start | |\n",
"| 151 | two | startup | |\n",
"| 152 | u | stop | |\n",
"| 153 | uk | swift | |\n",
"| 154 | us | system | |\n",
"| 155 | use | text | |\n",
"| 156 | used | that | |\n",
"| 157 | users | they | |\n",
"| 158 | using | things | |\n",
"| 159 | v | through | |\n",
"| 160 | version | time | |\n",
"| 161 | via | today | |\n",
"| 162 | video | too | |\n",
"| 163 | vs | tools | |\n",
"| 164 | want | top | |\n",
"| 165 | wants | uber | |\n",
"| 166 | war | ui | |\n",
"| 167 | watch | under | |\n",
"| 168 | way | update | |\n",
"| 169 | ways | user | |\n",
"| 170 | website | visual | |\n",
"| 171 | week | was | |\n",
"| 172 | when | we | |\n",
"| 173 | working | web | |\n",
"| 174 | write | were | |\n",
"| 175 | x | what | |\n",
"| 176 | | will | |\n",
"| 177 | | windows | |\n",
"| 178 | | with | |\n",
"| 179 | | work | |\n",
"| 180 | | world | |\n",
"| 181 | | writing | |\n",
"| 182 | | wrong | |\n",
"| 183 | | years | |\n",
"\n",
"\n",
"\n",
"** clustering 26 ***\n",
"| | 0 | 1 | 2 |\n",
"|----:|:-------------|:-------------|:------------|\n",
"| 0 | a | ad | about |\n",
"| 1 | access | after | ai |\n",
"| 2 | ads | age | algorithm |\n",
"| 3 | again | all | amazon |\n",
"| 4 | against | america | and |\n",
"| 5 | an | american | are |\n",
"| 6 | analysis | analytics | at |\n",
"| 7 | android | angular | attack |\n",
"| 8 | any | apache | be |\n",
"| 9 | apple | api | better |\n",
"| 10 | application | app | bitcoin |\n",
"| 11 | as | applications | black |\n",
"| 12 | b | apps | books |\n",
"| 13 | back | art | bot |\n",
"| 14 | before | artificial | build |\n",
"| 15 | beta | available | building |\n",
"| 16 | between | aws | built |\n",
"| 17 | big | bad | business |\n",
"| 18 | bill | based | car |\n",
"| 19 | blockchain | become | case |\n",
"| 20 | book | been | china |\n",
"| 21 | brain | behind | chrome |\n",
"| 22 | browser | being | city |\n",
"| 23 | but | best | client |\n",
"| 24 | by | ceo | cloud |\n",
"| 25 | c | chinese | companies |\n",
"| 26 | can | coming | company |\n",
"| 27 | cars | command | control |\n",
"| 28 | change | content | court |\n",
"| 29 | code | core | data |\n",
"| 30 | coding | cost | database |\n",
"| 31 | com | creating | day |\n",
"| 32 | community | css | deep |\n",
"| 33 | computer | design | developers |\n",
"| 34 | computing | digital | development |\n",
"| 35 | could | don | devices |\n",
"| 36 | create | driving | did |\n",
"| 37 | d | earth | does |\n",
"| 38 | dead | end | dont |\n",
"| 39 | deal | energy | down |\n",
"| 40 | death | engine | drone |\n",
"| 41 | developer | every | economy |\n",
"| 42 | distributed | facebook | engineering |\n",
"| 43 | do | fast | ever |\n",
"| 44 | docker | faster | everything |\n",
"| 45 | e | fbi | experience |\n",
"| 46 | easy | for | file |\n",
"| 47 | email | github | first |\n",
"| 48 | encryption | go | found |\n",
"| 49 | f | hacking | founder |\n",
"| 50 | files | history | framework |\n",
"| 51 | find | hn | full |\n",
"| 52 | free | http | future |\n",
"| 53 | from | in | games |\n",
"| 54 | game | inside | gets |\n",
"| 55 | generation | intelligence | getting |\n",
"| 56 | get | interview | global |\n",
"| 57 | git | into | good |\n",
"| 58 | going | last | got |\n",
"| 59 | google | law | government |\n",
"| 60 | great | learn | hacker |\n",
"| 61 | growth | let | hard |\n",
"| 62 | guide | lets | have |\n",
"| 63 | hack | like | here |\n",
"| 64 | hackers | list | high |\n",
"| 65 | has | live | his |\n",
"| 66 | health | look | how |\n",
"| 67 | help | love | html |\n",
"| 68 | home | made | image |\n",
"| 69 | human | market | india |\n",
"| 70 | i | marketing | industry |\n",
"| 71 | if | mobile | internet |\n",
"| 72 | images | model | introducing |\n",
"| 73 | intel | more | ios |\n",
"| 74 | interactive | much | iot |\n",
"| 75 | introduction | music | javascript |\n",
"| 76 | io | my | keep |\n",
"| 77 | iphone | neural | language |\n",
"| 78 | is | never | launch |\n",
"| 79 | it | no | launches |\n",
"| 80 | its | not | learned |\n",
"| 81 | java | online | learning |\n",
"| 82 | job | our | less |\n",
"| 83 | jobs | over | lessons |\n",
"| 84 | js | page | life |\n",
"| 85 | just | part | line |\n",
"| 86 | k | pay | make |\n",
"| 87 | key | people | man |\n",
"| 88 | know | platform | manager |\n",
"| 89 | library | private | many |\n",
"| 90 | light | program | map |\n",
"| 91 | linux | quantum | me |\n",
"| 92 | long | rails | media |\n",
"| 93 | m | reality | modern |\n",
"| 94 | mac | robot | money |\n",
"| 95 | machine | ruby | most |\n",
"| 96 | makes | running | native |\n",
"| 97 | making | scale | need |\n",
"| 98 | management | school | next |\n",
"| 99 | may | scientists | of |\n",
"| 100 | meet | search | old |\n",
"| 101 | memory | security | on |\n",
"| 102 | microsoft | set | one |\n",
"| 103 | nasa | site | only |\n",
"| 104 | net | so | open |\n",
"| 105 | network | source | os |\n",
"| 106 | networks | tesla | out |\n",
"| 107 | new | than | performance |\n",
"| 108 | news | think | php |\n",
"| 109 | node | time | pi |\n",
"| 110 | now | tv | plan |\n",
"| 111 | off | ui | police |\n",
"| 112 | office | up | post |\n",
"| 113 | or | user | power |\n",
"| 114 | other | using | product |\n",
"| 115 | own | valley | public |\n",
"| 116 | pdf | via | python |\n",
"| 117 | phone | virtual | raises |\n",
"| 118 | play | vs | react |\n",
"| 119 | privacy | way | really |\n",
"| 120 | problem | ways | release |\n",
"| 121 | programming | we | remote |\n",
"| 122 | project | week | rust |\n",
"| 123 | projects | who | save |\n",
"| 124 | r | with | science |\n",
"| 125 | re | without | secret |\n",
"| 126 | read | women | see |\n",
"| 127 | real | work | server |\n",
"| 128 | released | you | services |\n",
"| 129 | report | | sharing |\n",
"| 130 | research | | should |\n",
"| 131 | review | | silicon |\n",
"| 132 | right | | smart |\n",
"| 133 | rise | | software |\n",
"| 134 | robots | | solar |\n",
"| 135 | rules | | space |\n",
"| 136 | run | | stack |\n",
"| 137 | s | | star |\n",
"| 138 | san | | startup |\n",
"| 139 | say | | startups |\n",
"| 140 | says | | state |\n",
"| 141 | secure | | stop |\n",
"| 142 | self | | storage |\n",
"| 143 | series | | story |\n",
"| 144 | service | | study |\n",
"| 145 | show | | support |\n",
"| 146 | shows | | systems |\n",
"| 147 | side | | take |\n",
"| 148 | simple | | team |\n",
"| 149 | slack | | technology |\n",
"| 150 | small | | test |\n",
"| 151 | social | | that |\n",
"| 152 | some | | the |\n",
"| 153 | speed | | there |\n",
"| 154 | start | | things |\n",
"| 155 | still | | three |\n",
"| 156 | store | | through |\n",
"| 157 | swift | | tips |\n",
"| 158 | system | | tool |\n",
"| 159 | t | | twitter |\n",
"| 160 | tech | | under |\n",
"| 161 | testing | | use |\n",
"| 162 | text | | users |\n",
"| 163 | their | | version |\n",
"| 164 | them | | vr |\n",
"| 165 | they | | was |\n",
"| 166 | this | | web |\n",
"| 167 | to | | were |\n",
"| 168 | today | | why |\n",
"| 169 | too | | will |\n",
"| 170 | tools | | windows |\n",
"| 171 | top | | would |\n",
"| 172 | two | | write |\n",
"| 173 | u | | your |\n",
"| 174 | uber | | |\n",
"| 175 | uk | | |\n",
"| 176 | update | | |\n",
"| 177 | us | | |\n",
"| 178 | used | | |\n",
"| 179 | v | | |\n",
"| 180 | video | | |\n",
"| 181 | visual | | |\n",
"| 182 | want | | |\n",
"| 183 | wants | | |\n",
"| 184 | war | | |\n",
"| 185 | watch | | |\n",
"| 186 | website | | |\n",
"| 187 | what | | |\n",
"| 188 | when | | |\n",
"| 189 | where | | |\n",
"| 190 | working | | |\n",
"| 191 | world | | |\n",
"| 192 | writing | | |\n",
"| 193 | wrong | | |\n",
"| 194 | x | | |\n",
"| 195 | year | | |\n",
"| 196 | years | | |\n",
"\n",
"\n",
"\n",
"** clustering 27 ***\n",
"| | 0 | 1 | 2 |\n",
"|----:|:-------------|:------------|:-------------|\n",
"| 0 | about | a | access |\n",
"| 1 | ads | after | ad |\n",
"| 2 | again | against | age |\n",
"| 3 | ai | american | all |\n",
"| 4 | algorithm | analysis | america |\n",
"| 5 | amazon | and | an |\n",
"| 6 | analytics | android | are |\n",
"| 7 | any | angular | attack |\n",
"| 8 | apache | apple | back |\n",
"| 9 | api | art | based |\n",
"| 10 | app | artificial | been |\n",
"| 11 | application | as | big |\n",
"| 12 | applications | aws | bill |\n",
"| 13 | apps | b | bitcoin |\n",
"| 14 | at | bad | books |\n",
"| 15 | available | become | browser |\n",
"| 16 | be | before | build |\n",
"| 17 | behind | best | can |\n",
"| 18 | being | better | china |\n",
"| 19 | beta | between | chrome |\n",
"| 20 | black | book | city |\n",
"| 21 | blockchain | brain | client |\n",
"| 22 | bot | building | cloud |\n",
"| 23 | ceo | built | com |\n",
"| 24 | change | business | coming |\n",
"| 25 | coding | but | command |\n",
"| 26 | company | by | companies |\n",
"| 27 | computer | c | dead |\n",
"| 28 | content | car | deal |\n",
"| 29 | control | cars | deep |\n",
"| 30 | css | case | developer |\n",
"| 31 | data | chinese | development |\n",
"| 32 | day | code | did |\n",
"| 33 | developers | community | do |\n",
"| 34 | docker | computing | drone |\n",
"| 35 | does | core | earth |\n",
"| 36 | don | cost | email |\n",
"| 37 | dont | could | end |\n",
"| 38 | down | court | energy |\n",
"| 39 | driving | create | engine |\n",
"| 40 | easy | creating | facebook |\n",
"| 41 | economy | d | fbi |\n",
"| 42 | encryption | database | file |\n",
"| 43 | engineering | death | found |\n",
"| 44 | ever | design | from |\n",
"| 45 | faster | devices | generation |\n",
"| 46 | files | digital | getting |\n",
"| 47 | find | distributed | github |\n",
"| 48 | first | e | global |\n",
"| 49 | for | every | go |\n",
"| 50 | free | everything | hacker |\n",
"| 51 | full | experience | help |\n",
"| 52 | future | f | high |\n",
"| 53 | game | fast | html |\n",
"| 54 | going | founder | images |\n",
"| 55 | great | framework | industry |\n",
"| 56 | hackers | games | intelligence |\n",
"| 57 | hard | get | interactive |\n",
"| 58 | have | gets | introducing |\n",
"| 59 | here | git | io |\n",
"| 60 | hn | good | iot |\n",
"| 61 | home | google | its |\n",
"| 62 | how | got | java |\n",
"| 63 | human | government | javascript |\n",
"| 64 | if | growth | jobs |\n",
"| 65 | image | guide | keep |\n",
"| 66 | in | hack | last |\n",
"| 67 | internet | hacking | launch |\n",
"| 68 | into | has | launches |\n",
"| 69 | introduction | health | less |\n",
"| 70 | ios | his | lessons |\n",
"| 71 | is | history | linux |\n",
"| 72 | it | http | makes |\n",
"| 73 | just | i | man |\n",
"| 74 | lets | india | management |\n",
"| 75 | library | inside | meet |\n",
"| 76 | life | intel | model |\n",
"| 77 | long | interview | much |\n",
"| 78 | mac | iphone | native |\n",
"| 79 | machine | job | no |\n",
"| 80 | make | js | now |\n",
"| 81 | making | k | old |\n",
"| 82 | market | key | one |\n",
"| 83 | may | know | online |\n",
"| 84 | modern | language | or |\n",
"| 85 | more | law | os |\n",
"| 86 | most | learn | out |\n",
"| 87 | my | learned | own |\n",
"| 88 | networks | learning | part |\n",
"| 89 | never | let | pay |\n",
"| 90 | node | light | performance |\n",
"| 91 | not | like | plan |\n",
"| 92 | off | line | play |\n",
"| 93 | office | list | problem |\n",
"| 94 | only | live | project |\n",
"| 95 | open | look | public |\n",
"| 96 | other | love | python |\n",
"| 97 | our | m | rails |\n",
"| 98 | page | made | real |\n",
"| 99 | phone | manager | really |\n",
"| 100 | php | many | rise |\n",
"| 101 | pi | map | robot |\n",
"| 102 | post | marketing | save |\n",
"| 103 | power | me | scale |\n",
"| 104 | privacy | media | scientists |\n",
"| 105 | program | memory | search |\n",
"| 106 | programming | microsoft | server |\n",
"| 107 | projects | mobile | service |\n",
"| 108 | quantum | money | sharing |\n",
"| 109 | read | music | show |\n",
"| 110 | remote | nasa | silicon |\n",
"| 111 | report | need | site |\n",
"| 112 | research | net | so |\n",
"| 113 | run | network | speed |\n",
"| 114 | running | neural | storage |\n",
"| 115 | san | new | study |\n",
"| 116 | school | news | swift |\n",
"| 117 | science | next | system |\n",
"| 118 | secure | of | systems |\n",
"| 119 | security | on | take |\n",
"| 120 | see | over | there |\n",
"| 121 | set | pdf | things |\n",
"| 122 | simple | people | through |\n",
"| 123 | slack | platform | tools |\n",
"| 124 | small | police | two |\n",
"| 125 | social | private | uk |\n",
"| 126 | source | product | up |\n",
"| 127 | space | r | us |\n",
"| 128 | star | raises | used |\n",
"| 129 | start | re | valley |\n",
"| 130 | startups | react | video |\n",
"| 131 | state | reality | virtual |\n",
"| 132 | stop | release | vr |\n",
"| 133 | story | released | vs |\n",
"| 134 | support | review | war |\n",
"| 135 | team | right | way |\n",
"| 136 | tech | robots | website |\n",
"| 137 | tesla | ruby | where |\n",
"| 138 | test | rules | why |\n",
"| 139 | testing | rust | will |\n",
"| 140 | text | s | with |\n",
"| 141 | than | say | women |\n",
"| 142 | them | says | years |\n",
"| 143 | this | secret | |\n",
"| 144 | time | self | |\n",
"| 145 | tips | series | |\n",
"| 146 | tool | services | |\n",
"| 147 | top | should | |\n",
"| 148 | under | shows | |\n",
"| 149 | use | side | |\n",
"| 150 | user | smart | |\n",
"| 151 | users | software | |\n",
"| 152 | version | solar | |\n",
"| 153 | via | some | |\n",
"| 154 | visual | stack | |\n",
"| 155 | wants | startup | |\n",
"| 156 | week | still | |\n",
"| 157 | what | store | |\n",
"| 158 | when | t | |\n",
"| 159 | without | technology | |\n",
"| 160 | working | that | |\n",
"| 161 | would | the | |\n",
"| 162 | wrong | their | |\n",
"| 163 | year | they | |\n",
"| 164 | you | think | |\n",
"| 165 | | three | |\n",
"| 166 | | to | |\n",
"| 167 | | today | |\n",
"| 168 | | too | |\n",
"| 169 | | tv | |\n",
"| 170 | | twitter | |\n",
"| 171 | | u | |\n",
"| 172 | | uber | |\n",
"| 173 | | ui | |\n",
"| 174 | | update | |\n",
"| 175 | | using | |\n",
"| 176 | | v | |\n",
"| 177 | | want | |\n",
"| 178 | | was | |\n",
"| 179 | | watch | |\n",
"| 180 | | ways | |\n",
"| 181 | | we | |\n",
"| 182 | | web | |\n",
"| 183 | | were | |\n",
"| 184 | | who | |\n",
"| 185 | | windows | |\n",
"| 186 | | work | |\n",
"| 187 | | world | |\n",
"| 188 | | write | |\n",
"| 189 | | writing | |\n",
"| 190 | | x | |\n",
"| 191 | | your | |\n",
"\n",
"\n",
"\n",
"** clustering 28 ***\n",
"| | 0 | 1 | 2 |\n",
"|----:|:------------|:-------------|:-------------|\n",
"| 0 | about | a | after |\n",
"| 1 | access | ad | algorithm |\n",
"| 2 | again | ads | analysis |\n",
"| 3 | all | against | and |\n",
"| 4 | an | age | applications |\n",
"| 5 | android | ai | apps |\n",
"| 6 | any | amazon | art |\n",
"| 7 | app | america | artificial |\n",
"| 8 | application | american | at |\n",
"| 9 | are | analytics | aws |\n",
"| 10 | as | angular | back |\n",
"| 11 | attack | apache | based |\n",
"| 12 | been | api | be |\n",
"| 13 | best | apple | become |\n",
"| 14 | bitcoin | available | being |\n",
"| 15 | blockchain | b | big |\n",
"| 16 | book | bad | bill |\n",
"| 17 | bot | before | books |\n",
"| 18 | business | behind | brain |\n",
"| 19 | can | beta | build |\n",
"| 20 | chinese | better | built |\n",
"| 21 | client | between | but |\n",
"| 22 | coding | black | by |\n",
"| 23 | company | browser | car |\n",
"| 24 | could | building | cars |\n",
"| 25 | court | c | change |\n",
"| 26 | create | case | china |\n",
"| 27 | database | ceo | chrome |\n",
"| 28 | day | code | city |\n",
"| 29 | dead | command | cloud |\n",
"| 30 | deal | community | com |\n",
"| 31 | deep | companies | coming |\n",
"| 32 | design | computer | cost |\n",
"| 33 | developer | computing | css |\n",
"| 34 | developers | content | data |\n",
"| 35 | devices | control | death |\n",
"| 36 | digital | core | development |\n",
"| 37 | distributed | creating | do |\n",
"| 38 | driving | d | don |\n",
"| 39 | drone | did | dont |\n",
"| 40 | email | docker | down |\n",
"| 41 | end | does | economy |\n",
"| 42 | energy | e | ever |\n",
"| 43 | engineering | earth | everything |\n",
"| 44 | file | easy | facebook |\n",
"| 45 | first | encryption | faster |\n",
"| 46 | for | engine | fbi |\n",
"| 47 | found | every | files |\n",
"| 48 | free | experience | founder |\n",
"| 49 | from | f | framework |\n",
"| 50 | full | fast | game |\n",
"| 51 | global | find | generation |\n",
"| 52 | going | future | gets |\n",
"| 53 | google | games | github |\n",
"| 54 | hack | get | go |\n",
"| 55 | has | getting | got |\n",
"| 56 | have | git | growth |\n",
"| 57 | high | good | guide |\n",
"| 58 | hn | government | hacker |\n",
"| 59 | how | great | hacking |\n",
"| 60 | html | hackers | hard |\n",
"| 61 | human | health | here |\n",
"| 62 | if | help | history |\n",
"| 63 | intel | his | home |\n",
"| 64 | interview | http | image |\n",
"| 65 | introducing | i | images |\n",
"| 66 | io | in | india |\n",
"| 67 | ios | industry | inside |\n",
"| 68 | is | intelligence | internet |\n",
"| 69 | its | interactive | iot |\n",
"| 70 | java | into | javascript |\n",
"| 71 | jobs | introduction | job |\n",
"| 72 | just | iphone | language |\n",
"| 73 | launch | it | last |\n",
"| 74 | learned | js | launches |\n",
"| 75 | less | k | law |\n",
"| 76 | lets | keep | learn |\n",
"| 77 | life | key | learning |\n",
"| 78 | light | know | lessons |\n",
"| 79 | line | let | like |\n",
"| 80 | long | library | list |\n",
"| 81 | look | linux | machine |\n",
"| 82 | love | live | makes |\n",
"| 83 | made | m | management |\n",
"| 84 | make | mac | market |\n",
"| 85 | manager | making | me |\n",
"| 86 | map | man | meet |\n",
"| 87 | marketing | many | memory |\n",
"| 88 | may | media | model |\n",
"| 89 | microsoft | mobile | more |\n",
"| 90 | modern | need | most |\n",
"| 91 | money | news | much |\n",
"| 92 | music | no | nasa |\n",
"| 93 | my | not | network |\n",
"| 94 | native | on | neural |\n",
"| 95 | net | one | node |\n",
"| 96 | networks | only | off |\n",
"| 97 | never | other | office |\n",
"| 98 | new | our | open |\n",
"| 99 | next | own | or |\n",
"| 100 | now | phone | os |\n",
"| 101 | of | pi | part |\n",
"| 102 | old | police | pdf |\n",
"| 103 | online | private | people |\n",
"| 104 | out | product | performance |\n",
"| 105 | over | program | php |\n",
"| 106 | page | projects | post |\n",
"| 107 | pay | quantum | programming |\n",
"| 108 | plan | r | project |\n",
"| 109 | platform | re | release |\n",
"| 110 | play | react | report |\n",
"| 111 | power | read | review |\n",
"| 112 | privacy | robots | robot |\n",
"| 113 | problem | ruby | rules |\n",
"| 114 | public | running | run |\n",
"| 115 | python | s | san |\n",
"| 116 | rails | says | save |\n",
"| 117 | raises | school | say |\n",
"| 118 | real | search | server |\n",
"| 119 | reality | secret | service |\n",
"| 120 | really | self | simple |\n",
"| 121 | released | series | slack |\n",
"| 122 | remote | services | smart |\n",
"| 123 | research | sharing | so |\n",
"| 124 | right | side | solar |\n",
"| 125 | rise | small | some |\n",
"| 126 | rust | stack | source |\n",
"| 127 | scale | startup | space |\n",
"| 128 | science | startups | speed |\n",
"| 129 | scientists | system | still |\n",
"| 130 | secure | t | stop |\n",
"| 131 | security | team | store |\n",
"| 132 | see | test | support |\n",
"| 133 | set | testing | take |\n",
"| 134 | should | text | the |\n",
"| 135 | show | them | there |\n",
"| 136 | shows | they | to |\n",
"| 137 | silicon | things | too |\n",
"| 138 | site | this | tv |\n",
"| 139 | social | three | twitter |\n",
"| 140 | software | time | two |\n",
"| 141 | star | tips | uber |\n",
"| 142 | start | tools | uk |\n",
"| 143 | state | u | use |\n",
"| 144 | storage | under | version |\n",
"| 145 | story | up | virtual |\n",
"| 146 | study | update | way |\n",
"| 147 | swift | us | ways |\n",
"| 148 | systems | v | we |\n",
"| 149 | tech | valley | website |\n",
"| 150 | technology | video | were |\n",
"| 151 | tesla | vr | what |\n",
"| 152 | than | week | windows |\n",
"| 153 | that | when | without |\n",
"| 154 | their | women | would |\n",
"| 155 | think | wrong | |\n",
"| 156 | through | x | |\n",
"| 157 | today | year | |\n",
"| 158 | tool | years | |\n",
"| 159 | top | you | |\n",
"| 160 | ui | | |\n",
"| 161 | used | | |\n",
"| 162 | user | | |\n",
"| 163 | users | | |\n",
"| 164 | using | | |\n",
"| 165 | via | | |\n",
"| 166 | visual | | |\n",
"| 167 | vs | | |\n",
"| 168 | want | | |\n",
"| 169 | wants | | |\n",
"| 170 | war | | |\n",
"| 171 | was | | |\n",
"| 172 | watch | | |\n",
"| 173 | web | | |\n",
"| 174 | where | | |\n",
"| 175 | who | | |\n",
"| 176 | why | | |\n",
"| 177 | will | | |\n",
"| 178 | with | | |\n",
"| 179 | work | | |\n",
"| 180 | working | | |\n",
"| 181 | world | | |\n",
"| 182 | write | | |\n",
"| 183 | writing | | |\n",
"| 184 | your | | |\n",
"\n",
"\n",
"\n",
"** clustering 29 ***\n",
"| | 0 | 1 | 2 |\n",
"|----:|:-------------|:-------------|:------------|\n",
"| 0 | access | about | a |\n",
"| 1 | ai | ads | ad |\n",
"| 2 | amazon | again | after |\n",
"| 3 | apache | against | all |\n",
"| 4 | app | age | and |\n",
"| 5 | applications | algorithm | android |\n",
"| 6 | apps | america | angular |\n",
"| 7 | artificial | american | art |\n",
"| 8 | as | an | attack |\n",
"| 9 | back | analysis | aws |\n",
"| 10 | before | analytics | b |\n",
"| 11 | best | any | bad |\n",
"| 12 | beta | api | been |\n",
"| 13 | better | apple | being |\n",
"| 14 | bill | application | between |\n",
"| 15 | bitcoin | are | big |\n",
"| 16 | black | at | bot |\n",
"| 17 | books | available | by |\n",
"| 18 | brain | based | c |\n",
"| 19 | browser | be | case |\n",
"| 20 | build | become | ceo |\n",
"| 21 | building | behind | china |\n",
"| 22 | built | blockchain | city |\n",
"| 23 | business | book | companies |\n",
"| 24 | but | cars | content |\n",
"| 25 | can | change | court |\n",
"| 26 | car | chrome | create |\n",
"| 27 | chinese | client | d |\n",
"| 28 | cloud | coming | database |\n",
"| 29 | code | command | day |\n",
"| 30 | coding | community | deep |\n",
"| 31 | com | control | development |\n",
"| 32 | company | dead | digital |\n",
"| 33 | computer | distributed | do |\n",
"| 34 | computing | don | does |\n",
"| 35 | core | dont | e |\n",
"| 36 | cost | end | easy |\n",
"| 37 | could | ever | economy |\n",
"| 38 | creating | experience | energy |\n",
"| 39 | css | fbi | every |\n",
"| 40 | data | first | f |\n",
"| 41 | deal | found | facebook |\n",
"| 42 | death | generation | file |\n",
"| 43 | design | global | files |\n",
"| 44 | developer | going | find |\n",
"| 45 | developers | growth | founder |\n",
"| 46 | devices | guide | framework |\n",
"| 47 | did | hack | from |\n",
"| 48 | docker | hacking | games |\n",
"| 49 | down | has | gets |\n",
"| 50 | driving | have | getting |\n",
"| 51 | drone | help | government |\n",
"| 52 | earth | here | great |\n",
"| 53 | email | his | hacker |\n",
"| 54 | encryption | how | hard |\n",
"| 55 | engine | human | http |\n",
"| 56 | engineering | if | i |\n",
"| 57 | everything | in | interactive |\n",
"| 58 | fast | india | iphone |\n",
"| 59 | faster | industry | its |\n",
"| 60 | for | introduction | jobs |\n",
"| 61 | free | ios | k |\n",
"| 62 | full | key | know |\n",
"| 63 | future | life | law |\n",
"| 64 | game | live | learn |\n",
"| 65 | get | long | learning |\n",
"| 66 | git | love | lessons |\n",
"| 67 | github | machine | let |\n",
"| 68 | go | make | library |\n",
"| 69 | good | makes | list |\n",
"| 70 | google | market | m |\n",
"| 71 | got | media | mac |\n",
"| 72 | hackers | mobile | making |\n",
"| 73 | health | model | manager |\n",
"| 74 | high | modern | many |\n",
"| 75 | history | more | map |\n",
"| 76 | hn | most | may |\n",
"| 77 | home | my | me |\n",
"| 78 | html | need | meet |\n",
"| 79 | image | net | microsoft |\n",
"| 80 | images | never | music |\n",
"| 81 | inside | no | nasa |\n",
"| 82 | intel | not | networks |\n",
"| 83 | intelligence | now | neural |\n",
"| 84 | internet | office | of |\n",
"| 85 | interview | old | one |\n",
"| 86 | into | online | only |\n",
"| 87 | introducing | or | other |\n",
"| 88 | io | our | part |\n",
"| 89 | iot | out | pdf |\n",
"| 90 | is | over | people |\n",
"| 91 | it | own | performance |\n",
"| 92 | java | page | phone |\n",
"| 93 | javascript | pay | platform |\n",
"| 94 | job | php | privacy |\n",
"| 95 | js | pi | problem |\n",
"| 96 | just | police | product |\n",
"| 97 | keep | power | project |\n",
"| 98 | language | private | projects |\n",
"| 99 | last | public | r |\n",
"| 100 | launch | release | rails |\n",
"| 101 | launches | released | raises |\n",
"| 102 | learned | research | react |\n",
"| 103 | less | rise | read |\n",
"| 104 | lets | run | real |\n",
"| 105 | light | save | reality |\n",
"| 106 | like | say | remote |\n",
"| 107 | line | secret | robots |\n",
"| 108 | linux | secure | ruby |\n",
"| 109 | look | security | running |\n",
"| 110 | made | see | rust |\n",
"| 111 | man | side | s |\n",
"| 112 | management | simple | science |\n",
"| 113 | marketing | site | scientists |\n",
"| 114 | memory | some | search |\n",
"| 115 | money | source | self |\n",
"| 116 | much | space | shows |\n",
"| 117 | native | speed | slack |\n",
"| 118 | network | stack | so |\n",
"| 119 | new | state | social |\n",
"| 120 | news | study | software |\n",
"| 121 | next | take | star |\n",
"| 122 | node | team | start |\n",
"| 123 | off | tesla | startup |\n",
"| 124 | on | testing | startups |\n",
"| 125 | open | them | still |\n",
"| 126 | os | they | stop |\n",
"| 127 | plan | think | store |\n",
"| 128 | play | three | swift |\n",
"| 129 | post | too | system |\n",
"| 130 | program | tv | t |\n",
"| 131 | programming | uber | technology |\n",
"| 132 | python | update | text |\n",
"| 133 | quantum | us | than |\n",
"| 134 | re | use | that |\n",
"| 135 | really | used | their |\n",
"| 136 | report | was | there |\n",
"| 137 | review | way | tips |\n",
"| 138 | right | web | top |\n",
"| 139 | robot | were | u |\n",
"| 140 | rules | where | under |\n",
"| 141 | san | who | up |\n",
"| 142 | says | windows | user |\n",
"| 143 | scale | without | users |\n",
"| 144 | school | would | v |\n",
"| 145 | series | you | version |\n",
"| 146 | server | your | via |\n",
"| 147 | service | | video |\n",
"| 148 | services | | vs |\n",
"| 149 | set | | week |\n",
"| 150 | sharing | | what |\n",
"| 151 | should | | when |\n",
"| 152 | show | | why |\n",
"| 153 | silicon | | working |\n",
"| 154 | small | | world |\n",
"| 155 | smart | | write |\n",
"| 156 | solar | | wrong |\n",
"| 157 | storage | | x |\n",
"| 158 | story | | year |\n",
"| 159 | support | | |\n",
"| 160 | systems | | |\n",
"| 161 | tech | | |\n",
"| 162 | test | | |\n",
"| 163 | the | | |\n",
"| 164 | things | | |\n",
"| 165 | this | | |\n",
"| 166 | through | | |\n",
"| 167 | time | | |\n",
"| 168 | to | | |\n",
"| 169 | today | | |\n",
"| 170 | tool | | |\n",
"| 171 | tools | | |\n",
"| 172 | twitter | | |\n",
"| 173 | two | | |\n",
"| 174 | ui | | |\n",
"| 175 | uk | | |\n",
"| 176 | using | | |\n",
"| 177 | valley | | |\n",
"| 178 | virtual | | |\n",
"| 179 | visual | | |\n",
"| 180 | vr | | |\n",
"| 181 | want | | |\n",
"| 182 | wants | | |\n",
"| 183 | war | | |\n",
"| 184 | watch | | |\n",
"| 185 | ways | | |\n",
"| 186 | we | | |\n",
"| 187 | website | | |\n",
"| 188 | will | | |\n",
"| 189 | with | | |\n",
"| 190 | women | | |\n",
"| 191 | work | | |\n",
"| 192 | writing | | |\n",
"| 193 | years | | |\n",
"\n",
"\n",
"\n"
]
},
{
"data": {
"text/plain": [
"[None,\n",
" None,\n",
" None,\n",
" None,\n",
" None,\n",
" None,\n",
" None,\n",
" None,\n",
" None,\n",
" None,\n",
" None,\n",
" None,\n",
" None,\n",
" None,\n",
" None,\n",
" None,\n",
" None,\n",
" None,\n",
" None,\n",
" None,\n",
" None,\n",
" None,\n",
" None,\n",
" None,\n",
" None,\n",
" None,\n",
" None,\n",
" None,\n",
" None,\n",
" None]"
]
},
"execution_count": 116,
"metadata": {},
"output_type": "execute_result"
}
],
"source": [
"[print(\"** clustering \" + str(i) + \" ***\\n\" + pd.DataFrame(TWOs[i]).T.to_markdown() + \"\\n\\n\\n\") for i in range(len(TWOs))]"
]
}
],
"metadata": {
"kernelspec": {
"display_name": "Python 3 (ipykernel)",
"language": "python",
"name": "python3"
},
"language_info": {
"codemirror_mode": {
"name": "ipython",
"version": 3
},
"file_extension": ".py",
"mimetype": "text/x-python",
"name": "python",
"nbconvert_exporter": "python",
"pygments_lexer": "ipython3",
"version": "3.10.5"
}
},
"nbformat": 4,
"nbformat_minor": 5
}
Display the source blob
Display the rendered blob
Raw
Loading
Sorry, something went wrong. Reload?
Sorry, we cannot display this file.
Sorry, this file is invalid so it cannot be displayed.
Sign up for free to join this conversation on GitHub. Already have an account? Sign in to comment