https://gist.github.com/uhfx/434883a9c175eadd37dafa67aa96e1d3 を改変.
Last active
January 22, 2021 00:52
-
-
Save uhfx/481cd761a0381b4683fb0f4b35379119 to your computer and use it in GitHub Desktop.
20210122-mtg
This file contains hidden or bidirectional Unicode text that may be interpreted or compiled differently than what appears below. To review, open the file in an editor that reveals hidden Unicode characters.
Learn more about bidirectional Unicode characters
あ | |
あ |
This file contains hidden or bidirectional Unicode text that may be interpreted or compiled differently than what appears below. To review, open the file in an editor that reveals hidden Unicode characters.
Learn more about bidirectional Unicode characters
# import IPython | |
from IPython.display import display | |
# lunar1.py header | |
import pandas as pd | |
import glob | |
# lunar1.py | |
text_paths = glob.glob('data/ocu2/*.txt') | |
texts = [] | |
for text_path in text_paths: | |
text = open(text_path, 'r').read() | |
# text = text.split('\n') # modified | |
text = text.split(',') | |
title = text[3] # added | |
# title = text[2] # modified | |
text = ' '.join(text[8:9]) | |
text = text.strip('\n') | |
text = text.strip('"') | |
texts.append(text) | |
news_ss = pd.Series(texts) | |
pd.set_option('display.max_rows', None) | |
display(news_ss.head()) | |
# display(news_ss) |
This file contains hidden or bidirectional Unicode text that may be interpreted or compiled differently than what appears below. To review, open the file in an editor that reveals hidden Unicode characters.
Learn more about bidirectional Unicode characters
# import IPython | |
from IPython.display import display | |
# lunar1.py header | |
import pandas as pd | |
import glob | |
# lunar2.py header | |
import MeCab | |
tagger = MeCab.Tagger("-Ochasen") | |
import mojimoji | |
import os | |
import urllib | |
# lunar1.py | |
text_paths = glob.glob('data/ocu2/*.txt') | |
texts = [] | |
for text_path in text_paths: | |
text = open(text_path, 'r').read() | |
# text = text.split('\n') # modified | |
text = text.split(',') | |
title = text[3] # added | |
# title = text[2] # modified | |
text = ' '.join(text[8:9]) | |
text = text.strip('\n') | |
text = text.strip('"') | |
text = text.replace('する', '') | |
text = text.replace('できる', '') | |
texts.append(text) | |
news_ss = pd.Series(texts) | |
# display(news_ss.head()) | |
# display(news_ss) | |
# lunar2.py | |
def load_jp_stopwords(path="data/jp_stop_words.txt"): | |
url = 'http://svn.sourceforge.jp/svnroot/slothlib/CSharp/Version1/SlothLib/NLP/Filter/StopWord/word/Japanese.txt' | |
if os.path.exists(path): | |
print('File already exists.') | |
else: | |
print('Downloading...') | |
urllib.request.urlretrieve(url, path) | |
return pd.read_csv(path, header=None)[0].tolist() | |
def preprocess_jp(series): | |
stop_words = load_jp_stopwords() | |
def tokenizer_func(text): | |
tokens = [] | |
node = tagger.parseToNode(str(text)) | |
while node: | |
features = node.feature.split(',') | |
surface = features[6] | |
if (surface == '*') or (len(surface) < 2) or (surface in stop_words): | |
node = node.next | |
continue | |
noun_flag = (features[0] == '名詞') | |
proper_noun_flag = (features[0] == '名詞') & (features[1] == '固有名詞') | |
verb_flag = (features[0] == '動詞') & (features[1] == '自立') | |
adjective_flag = (features[0] == '形容詞') & (features[1] == '自立') | |
if proper_noun_flag: | |
tokens.append(surface) | |
elif noun_flag: | |
tokens.append(surface) | |
elif verb_flag: | |
tokens.append(surface) | |
elif adjective_flag: | |
tokens.append(surface) | |
node = node.next | |
return " ".join(tokens) | |
series = series.map(tokenizer_func) | |
#---------------Normalization-----------# | |
series = series.map(lambda x: x.lower()) | |
series = series.map(mojimoji.zen_to_han) | |
return series | |
processed_news_ss = preprocess_jp(news_ss) | |
pd.set_option('display.max_rows', None) | |
display(processed_news_ss.head()) | |
# display(processed_news_ss) |
This file contains hidden or bidirectional Unicode text that may be interpreted or compiled differently than what appears below. To review, open the file in an editor that reveals hidden Unicode characters.
Learn more about bidirectional Unicode characters
# フォントの入手元 https://moji.or.jp/ipafont/ipafontdownload/ | |
# import IPython | |
from IPython.display import display | |
# lunar1.py header | |
import pandas as pd | |
import glob | |
# lunar2.py header | |
import MeCab | |
tagger = MeCab.Tagger("-Ochasen") | |
import mojimoji | |
import os | |
import urllib | |
# lunar3.py header | |
from wordcloud import WordCloud | |
import matplotlib | |
import matplotlib.pyplot as plt | |
import numpy as np | |
#lunar1.py | |
text_paths = glob.glob('data/ocu2/*.txt') | |
texts = [] | |
for text_path in text_paths: | |
text = open(text_path, 'r').read() | |
# text = text.split('\n') # modified | |
text = text.split(',') | |
title = text[3] # added | |
# title = text[2] # modified | |
text = ' '.join(text[8:9]) | |
text = text.strip('\n') | |
text = text.strip('"') | |
text = text.replace('する', '') | |
text = text.replace('できる', '') | |
texts.append(text) | |
news_ss = pd.Series(texts) | |
# display(news_ss.head()) | |
# lunar2.py | |
def load_jp_stopwords(path="data/jp_stop_words.txt"): | |
url = 'http://svn.sourceforge.jp/svnroot/slothlib/CSharp/Version1/SlothLib/NLP/Filter/StopWord/word/Japanese.txt' | |
if os.path.exists(path): | |
print('File already exists.') | |
else: | |
print('Downloading...') | |
urllib.request.urlretrieve(url, path) | |
return pd.read_csv(path, header=None)[0].tolist() | |
def preprocess_jp(series): | |
stop_words = load_jp_stopwords() | |
def tokenizer_func(text): | |
tokens = [] | |
node = tagger.parseToNode(str(text)) | |
while node: | |
features = node.feature.split(',') | |
surface = features[6] | |
if (surface == '*') or (len(surface) < 2) or (surface in stop_words): | |
node = node.next | |
continue | |
noun_flag = (features[0] == '名詞') | |
proper_noun_flag = (features[0] == '名詞') & (features[1] == '固有名詞') | |
verb_flag = (features[0] == '動詞') & (features[1] == '自立') | |
adjective_flag = (features[0] == '形容詞') & (features[1] == '自立') | |
if proper_noun_flag: | |
tokens.append(surface) | |
elif noun_flag: | |
tokens.append(surface) | |
elif verb_flag: | |
tokens.append(surface) | |
elif adjective_flag: | |
tokens.append(surface) | |
node = node.next | |
return " ".join(tokens) | |
series = series.map(tokenizer_func) | |
#---------------Normalization-----------# | |
series = series.map(lambda x: x.lower()) | |
series = series.map(mojimoji.zen_to_han) | |
return series | |
processed_news_ss = preprocess_jp(news_ss) | |
# display(processed_news_ss.head()) | |
# lunar3.py | |
font_path="/Library/Fonts/ipaexg.ttf" | |
font_property = matplotlib.font_manager.FontProperties(fname=font_path, size=24) | |
# font_property = matplotlib.font_manager.FontProperties(size=24) | |
def show_wordcloud(series): | |
long_string = ','.join(list(series.values)) | |
# Create a WordCloud object | |
wordcloud = WordCloud(font_path=font_path, background_color="white", max_words=1000, contour_width=3, contour_color='steelblue') | |
# wordcloud = WordCloud( background_color="white", max_words=1000, contour_width=3, contour_color='steelblue') | |
# Generate a word cloud | |
wordcloud.generate(long_string) | |
# Visualize the word cloud | |
plt.imshow(wordcloud) | |
plt.show() | |
show_wordcloud(processed_news_ss) |
This file contains hidden or bidirectional Unicode text that may be interpreted or compiled differently than what appears below. To review, open the file in an editor that reveals hidden Unicode characters.
Learn more about bidirectional Unicode characters
# import IPython | |
from IPython.display import display | |
# lunar1.py header | |
import pandas as pd | |
import glob | |
# lunar2.py header | |
import MeCab | |
tagger = MeCab.Tagger("-Ochasen") | |
import mojimoji | |
import os | |
import urllib | |
# lunar3.py header | |
from wordcloud import WordCloud | |
import matplotlib | |
import matplotlib.pyplot as plt | |
import numpy as np | |
#lunar4.py header | |
from sklearn.feature_extraction.text import CountVectorizer, TfidfTransformer | |
# lunar1.py | |
text_paths = glob.glob('data/ocu2/*.txt') | |
texts = [] | |
for text_path in text_paths: | |
text = open(text_path, 'r').read() | |
# text = text.split('\n') # modified | |
text = text.split(',') | |
title = text[3] # added | |
# title = text[2] # modified | |
text = ' '.join(text[8:9]) | |
text = text.strip('\n') | |
text = text.strip('"') | |
text = text.replace('する', '') | |
text = text.replace('できる', '') | |
texts.append(text) | |
news_ss = pd.Series(texts) | |
# display(news_ss.head()) | |
# lunar2.py | |
def load_jp_stopwords(path="data/jp_stop_words.txt"): | |
url = 'http://svn.sourceforge.jp/svnroot/slothlib/CSharp/Version1/SlothLib/NLP/Filter/StopWord/word/Japanese.txt' | |
if os.path.exists(path): | |
print('File already exists.') | |
else: | |
print('Downloading...') | |
urllib.request.urlretrieve(url, path) | |
return pd.read_csv(path, header=None)[0].tolist() | |
def preprocess_jp(series): | |
stop_words = load_jp_stopwords() | |
def tokenizer_func(text): | |
tokens = [] | |
node = tagger.parseToNode(str(text)) | |
while node: | |
features = node.feature.split(',') | |
surface = features[6] | |
if (surface == '*') or (len(surface) < 2) or (surface in stop_words): | |
node = node.next | |
continue | |
noun_flag = (features[0] == '名詞') | |
proper_noun_flag = (features[0] == '名詞') & (features[1] == '固有名詞') | |
verb_flag = (features[0] == '動詞') & (features[1] == '自立') | |
adjective_flag = (features[0] == '形容詞') & (features[1] == '自立') | |
if proper_noun_flag: | |
tokens.append(surface) | |
elif noun_flag: | |
tokens.append(surface) | |
elif verb_flag: | |
tokens.append(surface) | |
elif adjective_flag: | |
tokens.append(surface) | |
node = node.next | |
return " ".join(tokens) | |
series = series.map(tokenizer_func) | |
#---------------Normalization-----------# | |
series = series.map(lambda x: x.lower()) | |
series = series.map(mojimoji.zen_to_han) | |
return series | |
processed_news_ss = preprocess_jp(news_ss) | |
# display(processed_news_ss.head()) | |
# lunar3.py | |
font_path="/Library/Fonts/ipaexg.ttf" | |
font_property = matplotlib.font_manager.FontProperties(fname=font_path, size=24) | |
# font_property = matplotlib.font_manager.FontProperties(size=24) | |
def show_wordcloud(series): | |
long_string = ','.join(list(series.values)) | |
# Create a WordCloud object | |
wordcloud = WordCloud(font_path=font_path, background_color="white", max_words=1000, contour_width=3, contour_color='steelblue') | |
# wordcloud = WordCloud( background_color="white", max_words=1000, contour_width=3, contour_color='steelblue') | |
# Generate a word cloud | |
wordcloud.generate(long_string) | |
# Visualize the word cloud | |
plt.imshow(wordcloud) | |
plt.show() | |
# show_wordcloud(processed_news_ss) | |
# lunar4.py | |
count_vectorizer = CountVectorizer() | |
count_data = count_vectorizer.fit_transform(processed_news_ss) | |
tfidf_vectorizer = TfidfTransformer() | |
tfidf_data = tfidf_vectorizer.fit_transform(count_data) | |
print(tfidf_data.toarray()) | |
print(tfidf_data.shape) |
This file contains hidden or bidirectional Unicode text that may be interpreted or compiled differently than what appears below. To review, open the file in an editor that reveals hidden Unicode characters.
Learn more about bidirectional Unicode characters
# import IPython | |
from IPython.display import display | |
# lunar1.py header | |
import pandas as pd | |
import glob | |
# lunar2.py header | |
import MeCab | |
tagger = MeCab.Tagger("-Ochasen") | |
import mojimoji | |
import os | |
import urllib | |
# lunar3.py header | |
from wordcloud import WordCloud | |
import matplotlib | |
import matplotlib.pyplot as plt | |
import numpy as np | |
#lunar4.py header | |
from sklearn.feature_extraction.text import CountVectorizer, TfidfTransformer | |
# lunar5.py header | |
from sklearn.model_selection import GridSearchCV | |
from sklearn.decomposition import LatentDirichletAllocation as LDA | |
#lunar1.py | |
text_paths = glob.glob('data/ocu2/*.txt') | |
texts = [] | |
for text_path in text_paths: | |
text = open(text_path, 'r').read() | |
# text = text.split('\n') # modified | |
text = text.split(',') | |
title = text[3] # added | |
# title = text[2] # modified | |
text = ' '.join(text[8:9]) | |
text = text.strip('\n') | |
text = text.strip('"') | |
text = text.replace('する', '') | |
text = text.replace('できる', '') | |
texts.append(text) | |
news_ss = pd.Series(texts) | |
# display(news_ss.head()) | |
# lunar2.py | |
def load_jp_stopwords(path="data/jp_stop_words.txt"): | |
url = 'http://svn.sourceforge.jp/svnroot/slothlib/CSharp/Version1/SlothLib/NLP/Filter/StopWord/word/Japanese.txt' | |
if os.path.exists(path): | |
print('File already exists.') | |
else: | |
print('Downloading...') | |
urllib.request.urlretrieve(url, path) | |
return pd.read_csv(path, header=None)[0].tolist() | |
def preprocess_jp(series): | |
stop_words = load_jp_stopwords() | |
def tokenizer_func(text): | |
tokens = [] | |
node = tagger.parseToNode(str(text)) | |
while node: | |
features = node.feature.split(',') | |
surface = features[6] | |
if (surface == '*') or (len(surface) < 2) or (surface in stop_words): | |
node = node.next | |
continue | |
noun_flag = (features[0] == '名詞') | |
proper_noun_flag = (features[0] == '名詞') & (features[1] == '固有名詞') | |
verb_flag = (features[0] == '動詞') & (features[1] == '自立') | |
adjective_flag = (features[0] == '形容詞') & (features[1] == '自立') | |
if proper_noun_flag: | |
tokens.append(surface) | |
elif noun_flag: | |
tokens.append(surface) | |
elif verb_flag: | |
tokens.append(surface) | |
elif adjective_flag: | |
tokens.append(surface) | |
node = node.next | |
return " ".join(tokens) | |
series = series.map(tokenizer_func) | |
#---------------Normalization-----------# | |
series = series.map(lambda x: x.lower()) | |
series = series.map(mojimoji.zen_to_han) | |
return series | |
processed_news_ss = preprocess_jp(news_ss) | |
# display(processed_news_ss.head()) | |
# lunar3.py | |
font_path="/Library/Fonts/ipaexg.ttf" | |
font_property = matplotlib.font_manager.FontProperties(fname=font_path, size=24) | |
# font_property = matplotlib.font_manager.FontProperties(size=24) | |
def show_wordcloud(series): | |
long_string = ','.join(list(series.values)) | |
# Create a WordCloud object | |
wordcloud = WordCloud(font_path=font_path, background_color="white", max_words=1000, contour_width=3, contour_color='steelblue') | |
# wordcloud = WordCloud( background_color="white", max_words=1000, contour_width=3, contour_color='steelblue') | |
# Generate a word cloud | |
wordcloud.generate(long_string) | |
# Visualize the word cloud | |
plt.imshow(wordcloud) | |
plt.show() | |
# show_wordcloud(processed_news_ss) | |
# lunar4.py | |
count_vectorizer = CountVectorizer() | |
count_data = count_vectorizer.fit_transform(processed_news_ss) | |
tfidf_vectorizer = TfidfTransformer() | |
tfidf_data = tfidf_vectorizer.fit_transform(count_data) | |
# print(tfidf_data.toarray()) | |
# print(tfidf_data.shape) | |
# lunar5.py | |
from sklearn.model_selection import GridSearchCV | |
from sklearn.decomposition import LatentDirichletAllocation as LDA | |
def gridsearch_best_model(tfidf_data, plot_enabled=True): | |
# Define Search Param | |
n_topics = [4,5,6,7,8,9] | |
# n_topics = [8,9,10,11,12,13] | |
search_params = {'n_components': n_topics} | |
# Init the Model | |
lda = LDA(max_iter=25, # Max learning iterations | |
learning_method='batch', | |
random_state=0, # Random state | |
n_jobs = -1, # Use all available CPUs) | |
) | |
# Init Grid Search Class | |
model = GridSearchCV(lda, param_grid=search_params) | |
# Do the Grid Search | |
model.fit(tfidf_data) | |
# Best Model | |
best_lda_model = model.best_estimator_ | |
# Model Parameters | |
print("Best Model's Params: ", model.best_params_) | |
# Log Likelihood Score | |
print("Best Log Likelihood Score: ", model.best_score_) | |
# Perplexity | |
print("Model Perplexity: ", best_lda_model.perplexity(tfidf_data)) | |
# Get Log Likelyhoods from Grid Search Output | |
log_likelyhoods_score = [round(score) for score in model.cv_results_["mean_test_score"]] | |
if plot_enabled: | |
# Show graph | |
plt.figure(figsize=(12, 8)) | |
plt.plot(n_topics, log_likelyhoods_score) | |
plt.title("Choosing Optimal LDA Model") | |
plt.xlabel("Number of Topics") | |
plt.ylabel("Log Likelyhood Scores") | |
plt.show() | |
return best_lda_model | |
best_lda_model = gridsearch_best_model(tfidf_data) |
This file contains hidden or bidirectional Unicode text that may be interpreted or compiled differently than what appears below. To review, open the file in an editor that reveals hidden Unicode characters.
Learn more about bidirectional Unicode characters
# import IPython | |
from IPython.display import display | |
# lunar1.py header | |
import pandas as pd | |
import glob | |
# lunar2.py header | |
import MeCab | |
tagger = MeCab.Tagger("-Ochasen") | |
import mojimoji | |
import os | |
import urllib | |
# lunar3.py header | |
from wordcloud import WordCloud | |
import matplotlib | |
import matplotlib.pyplot as plt | |
import numpy as np | |
#lunar4.py header | |
from sklearn.feature_extraction.text import CountVectorizer, TfidfTransformer | |
# lunar5.py header | |
from sklearn.model_selection import GridSearchCV | |
from sklearn.decomposition import LatentDirichletAllocation as LDA | |
#lunar1.py | |
text_paths = glob.glob('data/ocu2/*.txt') | |
texts = [] | |
for text_path in text_paths: | |
text = open(text_path, 'r').read() | |
# text = text.split('\n') # modified | |
text = text.split(',') | |
title = text[3] # added | |
# title = text[2] # modified | |
text = ' '.join(text[8:9]) | |
text = text.strip('\n') | |
text = text.strip('"') | |
text = text.replace('する', '') | |
text = text.replace('できる', '') | |
texts.append(text) | |
news_ss = pd.Series(texts) | |
# display(news_ss.head()) | |
# lunar2.py | |
def load_jp_stopwords(path="data/jp_stop_words.txt"): | |
url = 'http://svn.sourceforge.jp/svnroot/slothlib/CSharp/Version1/SlothLib/NLP/Filter/StopWord/word/Japanese.txt' | |
if os.path.exists(path): | |
print('File already exists.') | |
else: | |
print('Downloading...') | |
urllib.request.urlretrieve(url, path) | |
return pd.read_csv(path, header=None)[0].tolist() | |
def preprocess_jp(series): | |
stop_words = load_jp_stopwords() | |
def tokenizer_func(text): | |
tokens = [] | |
node = tagger.parseToNode(str(text)) | |
while node: | |
features = node.feature.split(',') | |
surface = features[6] | |
if (surface == '*') or (len(surface) < 2) or (surface in stop_words): | |
node = node.next | |
continue | |
noun_flag = (features[0] == '名詞') | |
proper_noun_flag = (features[0] == '名詞') & (features[1] == '固有名詞') | |
verb_flag = (features[0] == '動詞') & (features[1] == '自立') | |
adjective_flag = (features[0] == '形容詞') & (features[1] == '自立') | |
if proper_noun_flag: | |
tokens.append(surface) | |
elif noun_flag: | |
tokens.append(surface) | |
elif verb_flag: | |
tokens.append(surface) | |
elif adjective_flag: | |
tokens.append(surface) | |
node = node.next | |
return " ".join(tokens) | |
series = series.map(tokenizer_func) | |
#---------------Normalization-----------# | |
series = series.map(lambda x: x.lower()) | |
series = series.map(mojimoji.zen_to_han) | |
return series | |
processed_news_ss = preprocess_jp(news_ss) | |
# display(processed_news_ss.head()) | |
# lunar3.py | |
font_path="/Library/Fonts/ipaexg.ttf" | |
font_property = matplotlib.font_manager.FontProperties(fname=font_path, size=24) | |
# font_property = matplotlib.font_manager.FontProperties(size=24) | |
def show_wordcloud(series): | |
long_string = ','.join(list(series.values)) | |
# Create a WordCloud object | |
wordcloud = WordCloud(font_path=font_path, background_color="white", max_words=1000, contour_width=3, contour_color='steelblue') | |
# wordcloud = WordCloud( background_color="white", max_words=1000, contour_width=3, contour_color='steelblue') | |
# Generate a word cloud | |
wordcloud.generate(long_string) | |
# Visualize the word cloud | |
plt.imshow(wordcloud) | |
plt.show() | |
# show_wordcloud(processed_news_ss) | |
# lunar4.py | |
count_vectorizer = CountVectorizer() | |
count_data = count_vectorizer.fit_transform(processed_news_ss) | |
tfidf_vectorizer = TfidfTransformer() | |
tfidf_data = tfidf_vectorizer.fit_transform(count_data) | |
# print(tfidf_data.toarray()) | |
# print(tfidf_data.shape) | |
# lunar5.py | |
def gridsearch_best_model(tfidf_data, plot_enabled=False): | |
# Define Search Param | |
# n_topics = [8,9,10,11,12,13] | |
n_topics = [4,5,6,7,8,9] | |
search_params = {'n_components': n_topics} | |
# Init the Model | |
lda = LDA(max_iter=25, # Max learning iterations | |
learning_method='batch', | |
random_state=0, # Random state | |
n_jobs = -1, # Use all available CPUs) | |
) | |
# Init Grid Search Class | |
model = GridSearchCV(lda, param_grid=search_params) | |
# Do the Grid Search | |
model.fit(tfidf_data) | |
# Best Model | |
best_lda_model = model.best_estimator_ | |
# Model Parameters | |
print("Best Model's Params: ", model.best_params_) | |
# Log Likelihood Score | |
print("Best Log Likelihood Score: ", model.best_score_) | |
# Perplexity | |
print("Model Perplexity: ", best_lda_model.perplexity(tfidf_data)) | |
# Get Log Likelyhoods from Grid Search Output | |
log_likelyhoods_score = [round(score) for score in model.cv_results_["mean_test_score"]] | |
if plot_enabled: | |
# Show graph | |
plt.figure(figsize=(12, 8)) | |
plt.plot(n_topics, log_likelyhoods_score) | |
plt.title("Choosing Optimal LDA Model") | |
plt.xlabel("Number of Topics") | |
plt.ylabel("Log Likelyhood Scores") | |
plt.show() | |
return best_lda_model | |
best_lda_model = gridsearch_best_model(tfidf_data) | |
# lunar6.py | |
def print_topics(model, count_vectorizer, n_top_words): | |
fig = plt.figure(figsize=(15,8)) | |
words = count_vectorizer.get_feature_names() | |
for topic_idx, topic in enumerate(model.components_): | |
print("\nTopic #", topic_idx, ":") | |
long_string = ','.join([words[i] for i in topic.argsort()[:-n_top_words - 1:-1]]) | |
print(long_string) | |
topic_wordcloud(topic_idx, fig, long_string) | |
# show plots | |
fig.tight_layout() | |
fig.show() | |
def topic_wordcloud(topic_idx, fig, long_string): | |
ax = fig.add_subplot(2, 3, topic_idx + 1) | |
wordcloud = WordCloud(font_path=font_path, background_color="white", max_words=1000, contour_width=3, contour_color='steelblue') | |
wordcloud.generate(long_string) | |
ax.imshow(wordcloud) | |
ax.set_title('Topic '+str(topic_idx)) | |
number_words = 500 | |
print_topics(best_lda_model, count_vectorizer, number_words) |
This file contains hidden or bidirectional Unicode text that may be interpreted or compiled differently than what appears below. To review, open the file in an editor that reveals hidden Unicode characters.
Learn more about bidirectional Unicode characters
(bachelor) user@MacBook-Pro bachelor % python3 ocu1.py | |
0 研究発表でZOOMを使いたいが、不特定多数が参加できないように事前登録を行いたい。 | |
1 マイクロソフトOffice365を新規のPCにインストールするため、現在使用していないPCか... | |
2 事務用共用ファイルサーバーにアクセスできなくなった。\nフォルダをダブルクリックしても「権限... | |
3 メールアドレス(@st.osaka-cu.ac.jp)が使用出来ません。 | |
4 自宅のノートPCで、OneDriveにファイルをアップロードするにはどうすれば良いか?個人で... | |
dtype: object | |
(bachelor) user@MacBook-Pro bachelor % python3 ocu12.py | |
File already exists. | |
0 研究 発表 使う 特定 多数 参加 できる 事前 登録 行う | |
1 マイクロソフト 新規 インストール 現在 使用 する アカウント 削除 する する 使用 する | |
2 事務 共用 ファイル サーバー アクセス できる なる ダブル クリック する 権限 ... | |
3 メールアドレス 使用 出来る | |
4 自宅 ノート ファイル アップ ロード する 個人 利用 する ソフト 入る | |
dtype: object | |
(bachelor) user@MacBook-Pro bachelor % python3 ocu123.py | |
File already exists. | |
(bachelor) user@MacBook-Pro bachelor % python3 ocu1234.py | |
File already exists. | |
[[0. 0. 0. ... 0. 0. 0.] | |
[0. 0. 0. ... 0. 0. 0.] | |
[0. 0. 0. ... 0. 0. 0.] | |
... | |
[0. 0. 0. ... 0. 0. 0.] | |
[0. 0. 0. ... 0. 0. 0.] | |
[0. 0. 0. ... 0. 0. 0.]] | |
(139, 315) | |
(bachelor) user@MacBook-Pro bachelor % python3 ocu12345.py | |
File already exists. | |
Best Model's Params: {'n_components': 4} | |
Best Log Likelihood Score: -653.9025916693693 | |
Model Perplexity: 1155.6171152383592 | |
(bachelor) user@MacBook-Pro bachelor % python3 ocu123456.py | |
File already exists. | |
Best Model's Params: {'n_components': 4} | |
Best Log Likelihood Score: -653.9025916693693 | |
Model Perplexity: 1155.6171152383592 | |
Topic # 0 : | |
利用,印刷,デスク,する,出来る,できる,設定,トップ,メール,認証,アドレス,差出人,ネットワーク,使用,ヘルプ,起動,けんか,プリンタ,ある,グローバル,リモート,導入,同期,なる,繋がる,検討,包括,全学,メールアドレス,正規,ライセンス,教授,名誉,プリンター,ログアウト,対応,対象,ソフト,飛ぶ,届く,メモリ,発行,訪問,貸し出し,フォーム,問合せ,継続,仕様,宛先,可能,使える,サイト,開始,手続き,特定,ウィルス,つながる,試みる,動画,ロード,アップ,よい,阿倍野,現在,システム,教える,わかる,キャンパス,割り当てる,端末,アクセス,対策,求める,固定,教員,変更,必要,給与,前期,いう,起きる,同様,事象,インターン,ネット,人事,非常勤,接続,サーバー,自宅,ログイン,問い合わせ,ない,閲覧,係長,御中,置く,解決,不可,ドライブ,共有,経済,禁止,ご存じ,向け,田中,藤本,推進,有償,アカウント,お願い,インストール,申請,個人,お世話,研究,情報,ダウンロード,回答,学生,ウイルス,エラー,入る,学内,来客,容量,分かる,無線,表示,ポケット,アンケート,停電,入れる,メンバー,事前,出る,登録,追加,参加,学校,学部,忘れる,マニュアル,欲しい,削除,パスワード,ページ,居室,再生,上限,いる,権限,切断,機能,サーバ,応答,誤る,強制,最初,失敗,配る,記載,今年度,非公開,使う,ファイル,ノート,繋げる,引く,ケーブル,ポート,反映,タブレット,出す,レポート,授業,インターネット,勤務,病院,状況,有線,マーク,杉本,エリア,共同,ホスト,切り換える,保護,プライバシー,複合,マイニング,テキスト,契約,バージョン,あがる,新しい,思う,経緯,参照,アップデート,切れる,提供,無効,先生,購入,変わる,流出,結果,講師,取得,アプリケーション,ソフトウエア,サービス,質問,つなげる,記事,機器,振る,迷惑,スパムメール,会計,財務,付与,留学生,設置,管理,初期,卒業,試す,ユーザ,送受信,アイコ,書く,状態,大変,助かる,お手数,以来,おかけ,持つ,つなぐ,各種,要求,入力,職員,番号,アン,異動,転出,いただける,指定,客員,公開,データ,データベース,学外,発生,不明,拝見,割り当て,指示,添付,展開,見つける,大学,ダウン,みる,お送り,シャット,内容,岩崎,大阪市立大学,齋藤,長い,ゲスト,有効,無い,期限,発表,行う,多数,仮想,担当,運用,自動的,外れる,グループ,タイミング,完全,退学,退職,見る,部署,十分,リセット,作成,本来,更新,証明,マイクロソフト,新規,最新,配信,操作,掲示,共用,見つかる,でる,用途,外部,補佐,ミーティング,事務,ダブル,クリック | |
Topic # 1 : | |
接続,できる,する,サーバー,研究,使用,ソフト,共用,対策,表示,ダウンロード,アクセス,アカウント,エラー,可能,ノート,新規,見つかる,経緯,参照,客員,ファイル,申請,証明,大学,ウイルス,インストール,つなげる,質問,容量,発行,利用,指定,同期,配信,掲示,最新,操作,でる,ミーティング,外部,用途,補佐,試す,ユーザ,ライセンス,マニュアル,欲しい,マイクロソフト,ウィルス,ロード,アップ,登録,個人,クリック,ダブル,事務,自宅,プリンタ,ない,権限,現在,入る,削除,システム,学生,なる,ポケット,ネットワーク,学内,プライバシー,保護,飛ぶ,出来る,グローバル,アドレス,プリンター,ネット,事象,起きる,同様,インターン,訪問,対応,教える,固定,起動,有線,メール,試みる,来客,有償,ある,教員,メールアドレス,繋がる,無線,動画,インターネット,事前,分かる,わかる,貸し出し,入れる,アンケート,特定,認証,割り当てる,求める,閲覧,参加,出る,包括,対象,メンバー,ログイン,変更,よい,キャンパス,追加,けんか,切れる,非常勤,人事,ログアウト,問い合わせ,学校,必要,学部,忘れる,正規,つながる,パスワード,全学,機能,切断,ホスト,共同,応答,サーバ,使う,再生,非公開,無効,提供,端末,いる,ソフトウエア,アプリケーション,サービス,上限,ページ,居室,届く,今年度,配る,記載,失敗,最初,データベース,データ,発生,公開,学外,出す,レポート,授業,テキスト,マイニング,停電,検討,タブレット,病院,勤務,状況,切り換える,新しい,名誉,教授,機器,振る,誤る,強制,あがる,バージョン,思う,管理,アップデート,流出,結果,印刷,複合,多数,発表,行う,変わる,記事,トップ,先生,購入,指示,見つける,割り当て,拝見,添付,展開,マーク,エリア,杉本,前期,給与,いう,契約,設置,留学生,講師,反映,ポート,ケーブル,繋げる,引く,付与,設定,更新,財務,会計,情報,迷惑,スパムメール,送受信,卒業,初期,ゲスト,有効,期限,長い,無い,宛先,回答,職員,デスク,要求,入力,各種,使える,サイト,ヘルプ,異動,アン,転出,差出人,メモリ,取得,アイコ,書く,仮想,退学,タイミング,完全,退職,番号,不明,運用,担当,グループ,外れる,自動的,部署,見る,十分,作成,問合せ,フォーム,導入,継続,仕様,ドライブ,解決,向け,田中,経済,共有,禁止,不可,ご存じ,藤本,置く,御中,係長,手続き,開始,リモート,阿倍野,推進,お世話,おかけ,大変,お手数,つなぐ,持つ,以来,助かる,状態,いただける,お願い,みる,ダウン,齋藤,岩崎,お送り,シャット,内容,大阪市立大学,リセット,本来 | |
Topic # 2 : | |
する,ネットワーク,なる,使用,メール,できる,インストール,利用,追加,仮想,ライセンス,プリンター,入る,ソフト,学生,わかる,使う,自宅,機能,複合,包括,送受信,情報,ある,職員,教える,学内,出来る,可能,切断,入れる,登録,プリンタ,番号,居室,停電,いる,アドレス,切り換える,アップデート,回答,テキスト,マイニング,忘れる,学部,病院,勤務,ダウンロード,取得,状況,契約,書く,アイコ,あがる,バージョン,レポート,出す,授業,来客,無線,留学生,メンバー,先生,購入,よい,流出,結果,反映,出る,ポケット,思う,提供,無効,有償,アンケート,タブレット,変わる,迷惑,スパムメール,ホスト,共同,試みる,繋げる,引く,ケーブル,ポート,固定,貸し出し,ウィルス,分かる,お願い,本来,ネット,繋がる,エラー,ウイルス,管理,多数,行う,発表,研究,対策,参加,事前,特定,リセット,アプリケーション,サービス,ソフトウエア,推進,割り当てる,エリア,杉本,マーク,表示,お世話,キャンパス,記載,今年度,最初,失敗,配る,個人,端末,つながる,求める,いただける,認証,置く,御中,ご存じ,田中,共有,不可,解決,係長,禁止,ドライブ,経済,藤本,向け,閲覧,問い合わせ,ない,大変,お手数,おかけ,つなぐ,状態,持つ,助かる,以来,ログアウト,現在,齋藤,内容,シャット,みる,大阪市立大学,お送り,岩崎,ダウン,教員,ページ,申請,届く,アカウント,対応,パスワード,ノート,ヘルプ,ログイン,印刷,発行,デスク,変更,接続,トップ,インターネット,学校,つなげる,質問,アクセス,メールアドレス,卒業,容量,発生,公開,学外,データ,データベース,起動,サーバー,更新,同期,上限,システム,対象,動画,マニュアル,必要,アップ,ロード,削除,ファイル,人事,非常勤,権限,けんか,欲しい,誤る,強制,全学,応答,サーバ,再生,非公開,大学,割り当て,指示,添付,展開,拝見,見つける,切れる,プライバシー,保護,検討,名誉,教授,設定,飛ぶ,正規,宛先,有線,新しい,経緯,参照,指定,付与,給与,いう,前期,設置,記事,入力,要求,各種,アン,転出,異動,講師,差出人,振る,機器,財務,会計,担当,運用,初期,マイクロソフト,グループ,外れる,自動的,フォーム,問合せ,メモリ,ダブル,事務,クリック,グローバル,導入,使える,サイト,仕様,継続,新規,起きる,同様,インターン,事象,長い,有効,無い,期限,ゲスト,客員,十分,見る,部署,手続き,開始,不明,作成,退学,退職,タイミング,完全,共用,阿倍野,リモート,証明,試す,ユーザ,訪問,操作,配信,掲示,最新,でる,用途,ミーティング,外部,補佐,見つかる | |
Topic # 3 : | |
ログイン,する,アカウント,パスワード,変更,インターネット,出来る,認証,システム,有償,できる,削除,全学,申請,接続,分かる,必要,発行,付与,初期,卒業,作成,学生,運用,担当,メールアドレス,記事,ある,非常勤,追加,インストール,ページ,ウイルス,アドレス,非公開,再生,メール,応答,サーバ,新しい,ダウンロード,対策,有線,動画,ファイル,切れる,上限,学校,会計,財務,更新,人事,容量,講師,ソフト,ライセンス,不明,学内,可能,教える,転出,アン,異動,退学,退職,タイミング,完全,研究,設置,有効,長い,期限,無い,ゲスト,事前,無線,欲しい,誤る,強制,プライバシー,保護,各種,入力,要求,起動,機器,振る,外れる,自動的,グループ,アンケート,部署,十分,見る,参加,メンバー,入れる,問い合わせ,固定,出る,権限,発生,公開,データ,データベース,学外,アクセス,現在,閲覧,拝見,指示,見つける,展開,割り当て,添付,マニュアル,エラー,表示,入る,なる,来客,対象,教員,使用,求める,最初,記載,配る,今年度,失敗,使う,前期,いう,給与,学部,忘れる,割り当てる,ソフトウエア,アプリケーション,サービス,管理,番号,情報,職員,ホスト,共同,わかる,リモート,利用,トップ,機能,デスク,ウィルス,プリンタ,同期,試みる,ネットワーク,繋がる,プリンター,自宅,貸し出し,ポケット,ログアウト,特定,ネット,包括,よい,キャンパス,けんか,つながる,登録,端末,反映,アップ,ロード,仕様,継続,正規,停電,切断,個人,取得,状況,サーバー,ない,飛ぶ,届く,マイクロソフト,出す,レポート,授業,いる,検討,居室,病院,勤務,結果,流出,ノート,切り換える,思う,タブレット,テキスト,マイニング,参照,経緯,無効,提供,あがる,バージョン,アップデート,客員,複合,契約,開始,手続き,設定,教授,名誉,印刷,先生,購入,留学生,エリア,マーク,杉本,迷惑,スパムメール,ポート,引く,繋げる,ケーブル,つなぐ,お手数,おかけ,助かる,大変,持つ,状態,以来,対応,変わる,宛先,回答,いただける,送受信,ダウン,みる,シャット,お送り,内容,齋藤,岩崎,大阪市立大学,つなげる,質問,多数,発表,行う,ヘルプ,グローバル,大学,仮想,メモリ,指定,差出人,新規,問合せ,フォーム,事象,インターン,同様,起きる,リセット,アイコ,書く,共用,ユーザ,試す,本来,使える,サイト,証明,お世話,阿倍野,用途,外部,ミーティング,補佐,掲示,配信,最新,操作,ドライブ,向け,置く,御中,禁止,田中,共有,不可,係長,解決,ご存じ,藤本,経済,導入,訪問,お願い,推進,でる,見つかる,クリック,ダブル,事務 |
This file contains hidden or bidirectional Unicode text that may be interpreted or compiled differently than what appears below. To review, open the file in an editor that reveals hidden Unicode characters.
Learn more about bidirectional Unicode characters
(bachelor) user@MacBook-Pro bachelor % python3 ocu1.py | |
0 研究発表でZOOMを使いたいが、不特定多数が参加できないように事前登録を行いたい。 | |
1 MacでWindowsPCのおリモートデスクトップを操作する方法を知りたい. | |
2 事務用共用ファイルサーバーにアクセスできなくなった。\nフォルダをダブルクリックしても「権限... | |
3 メールアドレス(@st.osaka-cu.ac.jp)が使用出来ません。 | |
4 自宅のノートPCで、OneDriveにファイルをアップロードするにはどうすれば良いか?個人で... | |
dtype: object | |
(bachelor) user@MacBook-Pro bachelor % python3 ocu12.py | |
File already exists. | |
0 研究 発表 使う 特定 多数 参加 できる 事前 登録 行う | |
1 リモート デスク トップ 操作 知る | |
2 事務 共用 ファイル サーバー アクセス できる なる ダブル クリック する 権限 ... | |
3 メールアドレス 使用 出来る | |
4 自宅 ノート ファイル アップ ロード する 個人 利用 する ソフト 入る | |
dtype: object | |
(bachelor) user@MacBook-Pro bachelor % python3 ocu123.py | |
File already exists. | |
(bachelor) user@MacBook-Pro bachelor % python3 ocu1234.py | |
File already exists. | |
[[0. 0. 0. ... 0. 0. 0.] | |
[0. 0. 0. ... 0. 0. 0.] | |
[0. 0. 0. ... 0. 0. 0.] | |
... | |
[0. 0. 0. ... 0. 0. 0.] | |
[0. 0. 0. ... 0. 0. 0.] | |
[0. 0. 0. ... 0. 0. 0.]] | |
(161, 339) | |
(bachelor) user@MacBook-Pro bachelor % python3 ocu12345.py | |
File already exists. | |
Best Model's Params: {'n_components': 4} | |
Best Log Likelihood Score: -753.8769343783504 | |
Model Perplexity: 1079.4531810072158 | |
(bachelor) user@MacBook-Pro bachelor % python3 ocu123456.py | |
File already exists. | |
Best Model's Params: {'n_components': 4} | |
Best Log Likelihood Score: -753.8769343783504 | |
Model Perplexity: 1079.4531810072158 | |
Topic # 0 : | |
する,ネットワーク,対策,インストール,ソフト,できる,仮想,ダウンロード,使用,ウイルス,ウィルス,アクセス,出来る,ある,サーバー,よい,出る,メールアドレス,学生,メール,けんか,記事,追加,導入,ページ,ファイル,アン,卒業,表示,必要,繋がる,見つかる,エラー,登録,入れる,非公開,人事,差出人,プリンタ,入る,停電,教授,名誉,いる,ログアウト,ない,権限,切り換える,学校,複合,問い合わせ,病院,勤務,レポート,出す,留学生,事務,メンバー,授業,アドレス,使う,無効,提供,つながる,使える,サイト,端末,調達,一括,異動,転出,試みる,なる,でる,完全,タイミング,退学,退職,試す,ユーザ,失敗,プライバシー,保護,教える,案内,アカウント,ダブル,クリック,削除,入力,各種,要求,十分,部署,アンケート,共用,見る,作成,添付,展開,見つける,割り当て,拝見,指示,変わる,マニュアル,職員,課内,内容,項目,考える,学術,由紀子,伊賀,入れ替える,替え,いただける,内線,恐縮,その他,送信,所属,処理,申し上げる,教示,身分,持つ,お忙しい,おりる,置く,お願い,フォーム,担当,情報,番号,ヘルプ,デスク,申請,研究,接続,自宅,包括,利用,ログイン,ライセンス,リモート,システム,トップ,思う,切断,知る,可能,容量,データベース,ネット,インターネット,学内,更新,プリンター,継続,分かる,参加,ポケット,キャンパス,回答,グローバル,ロード,アップ,教員,居室,参照,経緯,全学,操作,画面,データ,公開,学外,発生,発行,起動,タブレット,テキスト,マイニング,検討,サーバ,一時,休止,ノート,有償,来客,グループ,外れる,自動的,大学,正規,客員,設定,忘れる,学部,パスワード,付与,証明,閲覧,契約,ツール,使い方,講師,スパムメール,迷惑,同期,財務,会計,設置,再生,届く,上限,強制,誤る,大阪市立大学,エリア,杉本,マーク,前期,給与,いう,購入,機能,印刷,運用,つなげる,飛ぶ,新しい,仕様,開設,ホームページ,新規,指定,あける,常勤,有線,宛先,貸し出し,遠隔,対象,不可,共有,解決,御中,ご存じ,お世話,経済,藤本,ドライブ,向け,禁止,係長,田中,切れる,現在,アプリケーション,ソフトウエア,サービス,管理,開始,手続き,年度,もつ,引き継ぐ,結果,流出,機器,振る,個人,状況,アイコ,書く,初期,メモリ,質問,引く,ポート,ケーブル,繋げる,アップデート,無線,求める,認証,非常勤,バージョン,あがる,最初,配る,今年度,記載,わかる,推進,配信,最新,掲示,反映,取得,先生,問合せ,事前,ホスト,共同,動画,阿倍野,安否,確認,受ける,のく,不明,長い,ゲスト,有効,期限,無い,送受信,特定,代理,変更,割り当てる,インターン,起きる,同様,事象,発表,多数,行う,対応,用途,外部,補佐,ミーティング,欲しい,固定,訪問 | |
Topic # 1 : | |
できる,接続,デスク,トップ,印刷,リモート,メール,サーバー,ヘルプ,教える,する,正規,ある,送受信,質問,インストール,対応,貸し出し,学内,無線,出来る,切断,ネットワーク,可能,特定,事前,研究,なる,プリンター,ネット,証明,アップデート,学部,忘れる,プリンタ,申請,つなげる,教員,飛ぶ,届く,メモリ,状況,自宅,遠隔,訪問,あがる,バージョン,問合せ,グローバル,授業,エラー,知る,フォーム,操作,問い合わせ,宛先,表示,受ける,のく,タブレット,繋げる,引く,ケーブル,ポート,アドレス,設置,繋がる,行う,多数,発表,参加,使う,もつ,引き継ぐ,年度,登録,事象,起きる,インターン,同様,必要,メールアドレス,ポケット,システム,ライセンス,置く,回答,ない,藤本,お世話,解決,ご存じ,係長,向け,ドライブ,共有,禁止,不可,田中,御中,経済,ノート,ログイン,お願い,推進,パスワード,導入,継続,よい,発行,閲覧,情報,使用,個人,ダウンロード,思う,入れる,保護,プライバシー,学生,利用,職員,入る,データベース,ページ,更新,発生,公開,学外,データ,ログアウト,容量,作成,インターネット,削除,追加,複合,アカウント,番号,ファイル,居室,差出人,分かる,試みる,キャンパス,担当,上限,レポート,出す,停電,けんか,ソフト,変わる,メンバー,アンケート,有線,切れる,卒業,経緯,参照,マニュアル,ツール,使い方,人事,いる,ユーザ,試す,全学,見る,端末,事務,ウイルス,ロード,アップ,同期,アクセス,共用,失敗,起動,一時,休止,画面,検討,設定,客員,包括,スパムメール,迷惑,来客,非公開,勤務,病院,テキスト,マイニング,名誉,教授,財務,会計,大学,講師,再生,対象,杉本,エリア,マーク,付与,大阪市立大学,対策,契約,仕様,機能,内容,内線,処理,入れ替える,学術,申し上げる,由紀子,送信,教示,課内,所属,考える,お忙しい,恐縮,替え,持つ,項目,身分,おりる,伊賀,いただける,その他,ホームページ,開設,見つかる,切り換える,有償,常勤,あける,新しい,前期,給与,いう,記事,手続き,開始,運用,外れる,グループ,自動的,誤る,強制,機器,振る,新規,指定,学校,書く,アイコ,サーバ,初期,結果,流出,認証,サイト,使える,つながる,入力,要求,各種,現在,アン,最新,配信,掲示,留学生,非常勤,アプリケーション,サービス,ソフトウエア,管理,わかる,購入,異動,転出,反映,取得,阿倍野,共同,ホスト,拝見,添付,見つける,展開,割り当て,指示,記載,今年度,配る,最初,無効,提供,タイミング,完全,退職,退学,動画,安否,確認,無い,有効,長い,期限,ゲスト,部署,十分,求める,不明,でる,仮想,変更,ミーティング,外部,補佐,用途,代理,割り当てる,欲しい,ダブル,クリック,先生,固定,調達,一括,案内,ウィルス,出る,権限 | |
Topic # 2 : | |
する,利用,ログイン,パスワード,認証,なる,ライセンス,システム,変更,発行,アカウント,有償,包括,初期,全学,ソフト,入る,メールアドレス,メール,わかる,確認,安否,分かる,出来る,非常勤,継続,付与,学生,使用,自宅,ある,研究,運用,情報,担当,削除,可能,不明,ノート,検討,追加,職員,現在,参照,経緯,知る,ログアウト,作成,客員,対象,求める,一時,休止,大学,マイニング,テキスト,契約,来客,講師,書く,アイコ,会計,財務,容量,申請,画面,ダウンロード,ツール,使い方,更新,個人,仕様,使う,ポケット,番号,開始,手続き,ネット,繋がる,スパムメール,迷惑,教える,表示,思う,インターネット,閲覧,入れる,登録,教員,給与,前期,いう,ロード,アップ,必要,常勤,あける,ファイル,グループ,自動的,外れる,推進,参加,人事,メンバー,発生,データ,学外,公開,今年度,配る,最初,記載,マーク,杉本,エリア,お願い,卒業,データベース,失敗,キャンパス,ページ,エラー,お世話,経済,ドライブ,共有,ご存じ,解決,係長,田中,藤本,御中,不可,禁止,向け,置く,回答,ない,できる,問い合わせ,届く,試す,ユーザ,学内,居室,停電,インストール,対応,正規,印刷,プリンタ,見つかる,導入,ヘルプ,学部,忘れる,複合,いる,タブレット,設置,デスク,ウィルス,プリンター,アドレス,アンケート,ネットワーク,要求,各種,入力,接続,貸し出し,機器,振る,対策,管理,サービス,ソフトウエア,アプリケーション,事前,無線,リモート,トップ,割り当てる,試みる,アクセス,差出人,授業,固定,けんか,見る,操作,グローバル,マニュアル,共用,サーバー,起動,切断,事務,フォーム,変わる,非公開,完全,退学,退職,タイミング,新しい,端末,設定,上限,名誉,教授,再生,切り換える,病院,勤務,引き継ぐ,年度,もつ,アップデート,大阪市立大学,同期,レポート,出す,開設,ホームページ,強制,誤る,学校,機能,記事,反映,取得,証明,購入,宛先,有線,切れる,新規,指定,よい,メモリ,流出,結果,プライバシー,保護,飛ぶ,遠隔,状況,動画,留学生,つなげる,送受信,あがる,バージョン,共同,ホスト,提供,無効,つながる,使える,サイト,アン,事象,同様,起きる,インターン,サーバ,繋げる,引く,ポート,ケーブル,問合せ,最新,配信,掲示,異動,転出,展開,添付,見つける,割り当て,拝見,指示,仮想,部署,十分,先生,期限,有効,無い,ゲスト,長い,ウイルス,代理,のく,受ける,質問,阿倍野,ミーティング,用途,外部,補佐,ダブル,クリック,特定,でる,案内,発表,多数,行う,訪問,欲しい,権限,出る,調達,一括,所属,お忙しい,由紀子,恐縮,おりる,学術,教示,いただける,持つ,内線,その他,項目,替え,処理,内容,送信,身分,課内,入れ替える,考える,伊賀,申し上げる | |
Topic # 3 : | |
する,使用,できる,アカウント,プリンター,ネットワーク,インターネット,可能,接続,動画,アドレス,設定,出来る,起動,同期,インストール,機能,申請,追加,固定,共用,なる,メール,アップ,ロード,番号,職員,プリンタ,欲しい,先生,大阪市立大学,必要,再生,研究,居室,割り当てる,新しい,有線,複合,上限,切れる,差出人,アクセス,開設,ホームページ,作成,容量,思う,購入,学内,サーバ,見る,流出,結果,新規,指定,取得,反映,アンケート,回答,試みる,変わる,共同,ホスト,事務,最新,掲示,配信,阿倍野,教える,ファイル,用途,補佐,ミーティング,外部,分かる,ゲスト,無い,期限,長い,有効,マニュアル,操作,キャンパス,グローバル,端末,学生,誤る,強制,全学,機器,振る,アプリケーション,管理,サービス,ソフトウエア,削除,代理,データベース,更新,表示,システム,ログイン,利用,使う,自宅,繋がる,入れる,エラー,メールアドレス,ログアウト,来客,知る,登録,ある,入る,ポケット,切断,継続,試す,ユーザ,授業,メンバー,卒業,けんか,発行,大学,ダウンロード,ライセンス,停電,ネット,ページ,教員,サーバー,経緯,参照,人事,いる,参加,担当,ソフト,失敗,マイニング,テキスト,正規,ノート,ない,設置,問い合わせ,検討,タブレット,飛ぶ,各種,要求,入力,導入,情報,置く,フォーム,一時,休止,教授,名誉,客員,お願い,包括,ツール,使い方,ヘルプ,非公開,パスワード,学部,忘れる,印刷,デスク,付与,杉本,エリア,マーク,会計,財務,見つかる,講師,公開,発生,学外,データ,画面,レポート,出す,対象,スパムメール,迷惑,常勤,あける,届く,個人,学校,運用,勤務,病院,有償,退職,退学,完全,タイミング,よい,契約,仕様,記事,切り換える,つなげる,プライバシー,保護,無線,貸し出し,アイコ,書く,宛先,給与,いう,前期,証明,手続き,開始,グループ,自動的,外れる,状況,事前,使える,つながる,サイト,アップデート,遠隔,メモリ,閲覧,配る,最初,今年度,記載,初期,リモート,留学生,認証,アン,非常勤,現在,バージョン,あがる,トップ,求める,わかる,田中,御中,お世話,係長,藤本,ご存じ,向け,解決,禁止,ドライブ,経済,共有,不可,質問,部署,十分,クリック,ダブル,もつ,引き継ぐ,年度,転出,異動,問合せ,見つける,添付,拝見,指示,展開,割り当て,提供,無効,仮想,変更,ケーブル,引く,ポート,繋げる,送受信,確認,安否,インターン,事象,起きる,同様,のく,受ける,ウイルス,不明,推進,特定,案内,でる,権限,対応,ウィルス,対策,発表,行う,多数,出る,訪問,一括,調達,由紀子,申し上げる,教示,いただける,送信,おりる,項目,お忙しい,入れ替える,内線,内容,その他,持つ,恐縮,所属,伊賀,替え,課内,学術,処理,考える,身分 |
This file contains hidden or bidirectional Unicode text that may be interpreted or compiled differently than what appears below. To review, open the file in an editor that reveals hidden Unicode characters.
Learn more about bidirectional Unicode characters
(bachelor) user@MacBook-Pro bachelor % python3 ocu1.py | |
0 マイクロソフトOffice365を新規のPCにインストールするため、現在使用していないPCか... | |
1 事務用共用ファイルサーバーにアクセスできなくなった。\nフォルダをダブルクリックしても「権限... | |
2 プリンタが使えない。ネットワークにはつながっていて、市大のサイト等にはアクセスできる。 | |
3 各学部のメールのパスワードを忘れてしまった | |
4 ocunet3vpnについての質問なのですが,研究室のネットワークにつなげることができません。 | |
dtype: object | |
(bachelor) user@MacBook-Pro bachelor % python3 ocu12.py | |
File already exists. | |
0 マイクロソフト 新規 インストール 現在 使用 する アカウント 削除 する する 使用 する | |
1 事務 共用 ファイル サーバー アクセス できる なる ダブル クリック する 権限 ... | |
2 プリンタ 使える ネットワーク つながる サイト アクセス | |
3 学部 メール パスワード 忘れる | |
4 質問 研究 ネットワーク つなげる できる | |
dtype: object | |
(bachelor) user@MacBook-Pro bachelor % python3 ocu123.py | |
File already exists. | |
(bachelor) user@MacBook-Pro bachelor % python3 ocu1234.py | |
File already exists. | |
[[0. 0. 0. ... 0. 0. 0.] | |
[0. 0. 0. ... 0. 0. 0.] | |
[0. 0. 0. ... 0. 0. 0.] | |
... | |
[0. 0. 0. ... 0. 0. 0.] | |
[0. 0. 0. ... 0. 0. 0.] | |
[0. 0. 0. ... 0. 0. 0.]] | |
(65, 167) | |
(bachelor) user@MacBook-Pro bachelor % python3 ocu12345.py | |
File already exists. | |
Best Model's Params: {'n_components': 4} | |
Best Log Likelihood Score: -291.597016980809 | |
Model Perplexity: 818.9863302067137 | |
(bachelor) user@MacBook-Pro bachelor % python3 ocu123456.py | |
File already exists. | |
Best Model's Params: {'n_components': 4} | |
Best Log Likelihood Score: -291.597016980809 | |
Model Perplexity: 818.9863302067137 | |
Topic # 0 : | |
できる,メール,なる,ログイン,ある,接続,わかる,サーバー,アクセス,けんか,する,設定,発行,印刷,包括,ネットワーク,出来る,有償,アカウント,ライセンス,情報,アップデート,分かる,上限,学生,ページ,権限,質問,つなげる,勤務,病院,使う,送受信,教える,会計,財務,容量,トップ,リモート,デスク,研究,サイト,使える,つながる,スパムメール,迷惑,提供,無効,ウィルス,システム,異動,転出,アン,人事,入れる,プリンタ,必要,入る,対策,ソフト,インストール,クリック,ダブル,共用,事務,ない,見る,部署,作成,問い合わせ,十分,出る,表示,ファイル,記事,差出人,ログアウト,公開,発生,エラー,閲覧,データベース,データ,学外,更新,追加,アドレス,使用,繋がる,起動,動画,削除,変更,固定,申請,プリンター,バージョン,あがる,非公開,思う,職員,停電,検討,学部,忘れる,マニュアル,見つける,拝見,割り当て,添付,指示,展開,仮想,マイクロソフト,新規,現在,切断,初期,利用,機能,ホスト,共同,可能,自宅,再生,名誉,教授,応答,サーバ,インターネット,パスワード,試みる,アップ,ロード,キャンパス,割り当てる,阿倍野,グローバル,端末,切れる,学内,複合,認証,出す,レポート,授業,試す,ユーザ,見つかる,登録,プライバシー,保護,大学,全学,機器,振る,取得,反映,繋げる,ネット,ポート,引く,ケーブル,ダウンロード,ウイルス,運用,担当 | |
Topic # 1 : | |
する,インターネット,接続,ネットワーク,自宅,再生,動画,固定,ログアウト,インストール,名誉,教授,アドレス,複合,差出人,必要,申請,切れる,学内,授業,出す,レポート,使用,出来る,教える,追加,反映,取得,引く,ポート,繋げる,ケーブル,ネット,分かる,繋がる,機器,振る,研究,システム,できる,設定,アカウント,なる,学生,印刷,記事,けんか,入れる,ライセンス,起動,容量,プリンタ,送受信,削除,入る,メール,対策,ソフト,変更,ある,発行,表示,ファイル,有償,非公開,ページ,検討,包括,上限,仮想,わかる,マイクロソフト,新規,現在,端末,キャンパス,割り当てる,グローバル,阿倍野,人事,転出,アン,異動,質問,つなげる,使う,勤務,病院,切断,職員,思う,会計,財務,情報,学部,忘れる,停電,つながる,使える,サイト,試みる,ロード,アップ,サーバー,バージョン,あがる,アップデート,ホスト,可能,共同,機能,初期,デスク,トップ,リモート,無効,ウィルス,提供,スパムメール,迷惑,プリンター,サーバ,応答,ログイン,試す,ユーザ,登録,見つかる,利用,認証,パスワード,部署,作成,問い合わせ,出る,十分,見る,指示,見つける,割り当て,展開,添付,拝見,マニュアル,アクセス,全学,大学,保護,プライバシー,共用,ない,事務,ダブル,クリック,権限,ダウンロード,ウイルス,学外,公開,閲覧,データ,エラー,データベース,発生,担当,運用,更新 | |
Topic # 2 : | |
する,運用,担当,削除,変更,追加,切断,ウイルス,ダウンロード,対策,ソフト,サーバ,応答,設定,差出人,大学,アドレス,更新,ライセンス,容量,ネットワーク,使用,出来る,プライバシー,保護,表示,公開,発生,エラー,データ,学外,閲覧,データベース,接続,ページ,研究,なる,できる,インストール,入れる,アカウント,システム,学生,印刷,記事,繋がる,けんか,教える,起動,分かる,送受信,プリンタ,動画,メール,入る,固定,発行,提供,無効,ウィルス,ある,必要,ファイル,包括,仮想,申請,現在,新規,マイクロソフト,非公開,検討,有償,上限,ログアウト,わかる,複合,使う,病院,勤務,思う,職員,情報,質問,つなげる,忘れる,学部,停電,会計,財務,アップデート,あがる,バージョン,認証,つながる,サイト,使える,迷惑,スパムメール,共同,機能,ホスト,可能,再生,自宅,教授,名誉,阿倍野,キャンパス,割り当てる,端末,グローバル,初期,デスク,リモート,トップ,サーバー,パスワード,転出,人事,異動,アン,試みる,ロード,アップ,プリンター,ログイン,全学,利用,十分,問い合わせ,部署,見る,作成,出る,マニュアル,割り当て,見つける,添付,指示,拝見,展開,アクセス,授業,出す,レポート,学内,切れる,登録,見つかる,ユーザ,試す,ダブル,事務,共用,クリック,ない,インターネット,取得,反映,機器,振る,権限,ケーブル,ポート,繋げる,ネット,引く | |
Topic # 3 : | |
する,利用,ネットワーク,プリンター,出来る,できる,パスワード,印刷,全学,メール,使用,起動,認証,プリンタ,入る,なる,繋がる,検討,システム,非公開,停電,記事,ファイル,仮想,学部,忘れる,アカウント,学生,あがる,バージョン,初期,送受信,変更,追加,アップ,試みる,ロード,職員,思う,接続,グローバル,端末,阿倍野,割り当てる,キャンパス,動画,入れる,見つかる,登録,試す,ユーザ,ホスト,可能,共同,機能,申請,固定,ある,アドレス,現在,マイクロソフト,新規,研究,インストール,削除,マニュアル,割り当て,展開,見つける,添付,指示,拝見,設定,差出人,ライセンス,けんか,分かる,容量,教える,発行,ソフト,対策,必要,ログアウト,切断,表示,ページ,財務,会計,つながる,サイト,使える,質問,つなげる,包括,有償,わかる,スパムメール,迷惑,勤務,使う,病院,上限,アップデート,情報,複合,名誉,教授,リモート,トップ,デスク,サーバー,再生,無効,提供,ウィルス,自宅,インターネット,ログイン,アクセス,応答,サーバ,異動,アン,転出,人事,出る,十分,問い合わせ,部署,見る,作成,大学,クリック,事務,ダブル,ない,共用,学内,切れる,授業,レポート,出す,振る,機器,繋げる,ポート,ネット,ケーブル,引く,権限,発生,データベース,データ,学外,閲覧,公開,エラー,反映,取得,ダウンロード,ウイルス,プライバシー,保護,担当,運用,更新 |
Sign up for free
to join this conversation on GitHub.
Already have an account?
Sign in to comment
Run139 ocu123.py


Run139 ocu12345.py