• Stars
    star
    204
  • Rank 190,969 (Top 4 %)
  • Language
    Jupyter Notebook
  • Created almost 7 years ago
  • Updated over 4 years ago

Reviews

There are no reviews yet. Be the first to send feedback to the community and the maintainers!

Repository Details

(한국어) 텍스트 마이닝을 위한 공부거리들

(한국어) 텍스트 마이닝을 위한 튜토리얼

텍스트 마이닝을 공부하기 위한 자료입니다. 언어에 상관없이 적용할 수 있는 자연어처리 / 머신러닝 관련 자료도 포함되지만, 한국어 분석을 위한 자료들도 포함됩니다.

  • 이 자료는 현재 작업중이며, slide와 jupyter notebook example codes가 포함되어 있습니다.
  • 이 자료는 soynlp package를 이용합니다. 한국어 분석을 위한 자연어처리 코드입니다. soynlp 역시 현재 작업중입니다.
  • Slides 내용에 관련된 texts 는 blog 에 포스팅 중입니다.
  • 실습코드는 코드 repository 에 있습니다.

Contents

  1. Python basic
    1. jupyter tutorial
  2. From text to vector (KoNLPy)
    1. n-gram
    2. from text to vector using KoNLPy
  3. Word extraction and tokenization (Korean)
    1. word extractor
    2. unsupervised tokenizer
    3. noun extractor
    4. dictionary based pos tagger
  4. Document classification
    1. Logistic Regression and Lasso regression
    2. SVM (linear, RBF)
    3. k-nearest neighbors classifier
    4. Feed-forward neural network
    5. Decision Tree
    6. Naive Bayes
  5. Sequential labeling
    1. Conditional Random Field
  6. Embedding for representation
    1. Word2Vec / Doc2Vec
    2. GloVe
    3. FastText (word embedding using subword)
    4. FastText (supervised word embedding)
    5. Sparse Coding
    6. Nonnegative Matrix Factorization (NMF) for topic modeling
  7. Embedding for vector visualization
    1. MDS, ISOMAP, Locally Linear Embedding, PCA, Kernel PCA
    2. t-SNE
    3. t-SNE (detailed)
  8. Keyword / Related words analysis
    1. co-occurrence based keyword / related word analysis
  9. Document clustering
    1. k-means is good for document clustering
    2. DBSCAN, hierarchical, GMM, BGMM are not appropriate for document clustering
  10. Finding similar documents (neighbor search)
    1. Random Projection
    2. Locality Sensitive Hashing
    3. Inverted Index
  11. Graph similarity and ranking (centrality)
    1. SimRank & Random Walk with Restart
    2. PageRank, HITS, WordRank, TextRank
    3. kr-wordrank keyword extraction
  12. String similarity
    1. Levenshtein / Cosine / Jaccard distance
  13. Convolutional Neural Network (CNN)
    1. Introduction of CNN
    2. Word-level CNN for sentence classification (Yoon Kim)
    3. Character-level CNN (LeCun)
    4. BOW-CNN
  14. Recurrent Neural Network (RNN)
    1. Introduction of RNN
    2. LSTM, GRU
    3. Deep RNN & ELMo
    4. Sequence to sequence & seq2seq with attention
    5. Skip-thought vector
    6. Attention mechanism for sentence classification
    7. Hierarchical Attention Network (HAN) for document classification
    8. Transformer & BERT
  15. Applications
    1. soyspacing: heuristic Korean space correction
    2. crf-based Korean soace correction
    3. HMM & CRF-based part-of-speech tagger (morphological analyzer)
    4. semantic movie search using IMDB
  16. TBD

Thanks to

자료를 리뷰하고 함께 토론해주는 고마운 동료들이 많습니다. 특히 많은 시간과 정성을 들여 도와주는 태욱에게 고마움을 표합니다.

More Repositories

1

soynlp

한국어 자연어처리를 위한 파이썬 라이브러리입니다. 단어 추출/ 토크나이저 / 품사판별/ 전처리의 기능을 제공합니다.
Python
933
star
2

KR-WordRank

비지도학습 방법으로 한국어 텍스트에서 단어/키워드를 자동으로 추출하는 라이브러리입니다
Python
351
star
3

soyspacing

띄어쓰기 오류 교정 라이브러리입니다. CRF 와 같은 머신러닝 알고리즘이 아닌, 직관적인 접근법으로 띄어쓰기를 교정합니다.
Python
145
star
4

customized_konlpy

Customized KoNLPy - Korean Natural Language Processing Toolkit KoNLPy wrapping code
Python
126
star
5

textrank

Implementation TextRank and related utils
Python
84
star
6

KoBERTScore

BERTScore for Korean
Python
72
star
7

fastcampus_textml_blogs

패스트캠퍼스, 자연어처리를 위한 머신러닝, 수업관련 포스트 입니다.
70
star
8

huggingface_konlpy

Training Transformers of Huggingface with KoNLPy
Jupyter Notebook
68
star
9

WordPieceModel

Word Piece Model python light version with functions tokenize/save/load
Python
66
star
10

namuwikitext

Wikitext format dataset of Namuwiki (Most famous Korean wikipedia)
Python
50
star
11

soy

Python
50
star
12

naver_news_search_scraper

검색어 기준으로 네이버뉴스와 댓글을 수집하는 파이썬 코드
Python
43
star
13

korean_lemmatizer

한국어 용언 분석기 (원형 복원, 용언 형태소 분석)
Python
41
star
14

python_ml4nlp

패스트캠퍼스 자연어처리를 위한 머신러닝 실습 자료실
Jupyter Notebook
40
star
15

soykeyword

Python library for keyword extraction
Python
39
star
16

textmining_dataset

텍스트마이닝 실습을 위한 데이터셋 핸들러
Python
38
star
17

clustering4docs

Clustering algorithm library. Implemented spherical kmeans
Python
37
star
18

sejong_corpus_cleaner

세종 말뭉치 데이터를 정제하기 위한 utils
Python
36
star
19

naver_movie_scraper

네이버 영화 정보 및 사용자 작성 영화평/평점 데이터 수집기
Python
29
star
20

kmrd

Synthetic dataset for recommender system created from Naver Movie rating system
Python
24
star
21

levenshtein_finder

Similar string search in Levenshtein distance
Python
22
star
22

python_ml_intro

패스트캠퍼스, 파이썬을 이용한 머신러닝 입문 실습 코드
Jupyter Notebook
21
star
23

python_ml4tm

패스트캠퍼스 텍스트마이닝을 위한 머신러닝 실습 자료실
Jupyter Notebook
20
star
24

kowikitext

Python
19
star
25

petitions_dataset

청와대 국민청원 게시판으로부터 수집된 데이터
Python
17
star
26

synthetic_dataset

Synthetic data generator for machine learning
Python
16
star
27

petitions_archive

청와대 국민청원 데이터 아카이브
15
star
28

petitions_scraper

청와대 국민청원 게시판의 데이터를 수집하는 스크래퍼
Python
15
star
29

pycrfsuite_spacing

python-crfsuite를 이용한 한국어 띄어쓰기 교정기
Python
14
star
30

sejong_corpus

세종말뭉치 가공데이터 Repository
Jupyter Notebook
13
star
31

crf_postagger

Korean Part-of-Speech Tagger using Conditional Random Field (CRF)
Python
12
star
32

kmeans_to_pyLDAvis

Visualizing k-means using pyLDAvis
Python
11
star
33

komoran3py

Komoran 3 in Python
Python
11
star
34

hmm_postagger

Korean Morphological Analyzer using Hidden Markov Model (HMM)
Python
10
star
35

flask_api_tutorial

Flask 로 API 를 만들기 위한 튜토리얼
Python
10
star
36

kmeans_ensemble

Python k-means ensemble package & tutorials
Python
9
star
37

text_embedding

Inferring vector of unseen words
Python
7
star
38

archive_carblog_analysis

Carblog dataset (github.com/lovit/carblog_dataset) 의 분석 코드입니다
Python
6
star
39

joint_visualization_of_words_and_docs

(Demo) Joint visualization for representation of words and docs trained from Doc2Vec
Python
6
star
40

ppomppu_scraper

뽐뿌게시판 본문, 제목, 스크래퍼
Python
6
star
41

text-dedup

Python package for memory-friendly text de-duplication
Python
6
star
42

open-review2

구관이 명관인 데이터마이닝 알고리즘들
5
star
43

pagerank

PageRank
Jupyter Notebook
5
star
44

topic_embedding

Embedding words to topic space
Python
5
star
45

ekmeans

Epsilon constrained k-means for document clustering with noise removal
Python
5
star
46

sharing_korean_dictionary

다양한 분야의 한국어 part of speech tagging / named entity recognition 용 사전을 공유하기 위한repository입니다
Python
4
star
47

rnnspace

Space Correction using Character-level Recurrent Neural Network (RNN, LSTM, GRU, etc)
Python
4
star
48

lovit.github.io

HTML
4
star
49

washingtonpost_scraper

Washington Post Search Scraper
Python
3
star
50

soygraph

Graph similarity & ranking algorithms
Python
3
star
51

archive_clustering_visualization

Visualize clustering result
Jupyter Notebook
3
star
52

korean-wikis-handler

한국어 위키피디아, 나무위키 데이터 핸들링
Jupyter Notebook
3
star
53

python_upload_webserver

Flask, Waitress based file upload webserver
Python
3
star
54

sec.gov_scrapper

Scrapping code for www.sec.gov
Jupyter Notebook
2
star
55

ie_openseminar_1_from_text_to_doc2vec_tsne

Openseminar #1 From scraping to Word2vec, Doc2Vec visualization with t-SNE
Jupyter Notebook
2
star
56

fastcosine

Approximiated nearest neighbor search for sparse vector
Python
2
star
57

s3-log-parser

AWS S3 access log parser
Python
2
star
58

korean_autumn_hmm

"한국의 봄 가을은 짧아지고 있는가? 김동현, 신하용, 대한산업공학회지 2013" 논문의 재현
2
star
59

latex_sample

Latex 으로 문서 작업을 하고, git 으로 버전관리를 하는 것을 설명하기 위한 sample repository 입니다.
TeX
1
star
60

python-stopwatch

Python stopwatch
Python
1
star
61

reddit_scraper

Reddit scraper. Get latest posts from Reddit
Python
1
star
62

simple_ner

Simple NER Extraction
Jupyter Notebook
1
star
63

bag-of-concepts

Python
1
star
64

lda_significance_rank

LDA 모델의 junk topic, words 탐색기
Python
1
star
65

crs_downloader

Python
1
star
66

wilsoncenter_scraper

Wilsoncenter web page scraper
Python
1
star
67

s3log_monitor

S3 log monitor
Python
1
star
68

network_based_nearest_neighbors

Network-based Nearest Neighbor Indexer
Python
1
star
69

imdb_scraper

Python
1
star
70

easy_wikitext

Wikitext dataset handler
Python
1
star
71

google_scholar_citation_keywords

Google scholar citation keyword
Jupyter Notebook
1
star
72

archive_acl2019review

Python
1
star
73

wsj_scraper

Scrapping thumbnails of search result in WSJ
Python
1
star