A list of NLP(Natural Language Processing) tutorials built on Tensorflow 2.0.

Overview

Tensorflow-NLP-tutorial

A list of NLP(Natural Language Processing) tutorials built on Tensorflow 2.0.

위키독스 딥 러닝을 이용한 자연어 처리 입문 의 자연어 처리 튜토리얼 저장소입니다.
기본적으로 딥 러닝 프레임워크 Tensorflow 2.0+을 사용하고 있습니다.

자연어처리_상단_책

코드의 기반이 되는 이론적인 설명은 무료 e-book을 참고바랍니다.

e-book : https://wikidocs.net/book/2155

많은 딥 러닝 또는 자연어 처리 입문자들에게 도움이 되기를 바랍니다.

Colab 실습 방법

각 실습 파일의 py 파일을 열어보면 Colab 링크를 기재해두었습니다.
해당 링크를 Chrome 브라우저에서 복사 + 붙여넣기 하시면 별도 파이썬 설치 바로 실습이 가능합니다.

최신 업데이트 공지

  • 2021년 12월 31일 : 깃허브 저장소를 오픈하였습니다.
Comments
  • [none type error 수정 부탁드립니다]18-4. kor_bert_nsmc_model_from_transformers_gpu.py

    [none type error 수정 부탁드립니다]18-4. kor_bert_nsmc_model_from_transformers_gpu.py

    model.fit 부분에 코드 에러 해결책 업데이트 부탁드립니다

    • AttributeError: 'NoneType' object has no attribute 'dtype

    해결 방법

    model = TFBertForSequenceClassification.from_pretrained("klue/bert-base", num_labels=2, from_pt=True) loss =tf.keras.losses.SparseCategoricalCrossentropy(from_logits=True) metric = tf.keras.metrics.SparseCategoricalAccuracy('accuracy') model.compile(optimizer=optimizer, loss=loss, metrics=[metric])

    • loss 관련한 부분을 재정의 [logit 함수 관련 정의가 빠진것으로 보입니다]
    opened by Aramir94 0
  • pip install glove_python_binary  install 실패

    pip install glove_python_binary install 실패

    glove 모듀을 사용하기 위해 라이브러리 설치 및 임포트 하려고 했는데,

    pip install glove_python_binary 이 코드로 해도 실패하고,

    pip install glove_python 만 입력해도 실패합니다.

    혹시 해당 라이브러리를 설치하고 임포트 할 수 있는 방법이 있을까요?

    opened by lookinsight 0
  • CVE-2007-4559 Patch

    CVE-2007-4559 Patch

    Patching CVE-2007-4559

    Hi, we are security researchers from the Advanced Research Center at Trellix. We have began a campaign to patch a widespread bug named CVE-2007-4559. CVE-2007-4559 is a 15 year old bug in the Python tarfile package. By using extract() or extractall() on a tarfile object without sanitizing input, a maliciously crafted .tar file could perform a directory path traversal attack. We found at least one unsantized extractall() in your codebase and are providing a patch for you via pull request. The patch essentially checks to see if all tarfile members will be extracted safely and throws an exception otherwise. We encourage you to use this patch or your own solution to secure against CVE-2007-4559. Further technical information about the vulnerability can be found in this blog.

    If you have further questions you may contact us through this projects lead researcher Kasimir Schulz.

    opened by TrellixVulnTeam 0
  • text_preprocessing_tools_for_korean_text.py

    text_preprocessing_tools_for_korean_text.py

    https://github.com/ukairia777/tensorflow-nlp-tutorial/blob/main/02.%20Text%20Preprocessing/2-10.%20text_preprocessing_tools_for_korean_text.py

    내 파일 내용이 주제와 다른 거 같습니다. 또한, colab 경로도 다른 거 같습니다.

    opened by swhan0329 0
  • [18-3. kor_bert_nsmc_tpu] TPU 모델 저장

    [18-3. kor_bert_nsmc_tpu] TPU 모델 저장

    안녕하세요! 작가님 덕분에 너무 유용하게 자료들 참고하며 학수하고 있습니다. 질문이 하나 있는데요.

    18-3. kor_bert_nsmc_tpu class TFBertForSequenceClassification(tf.keras.Model) 로 정의하여 학습시킨

    model = TFBertForSequenceClassification("klue/bert-base") model.fit(train_X, train_y, epochs=2, batch_size=64, validation_split=0.2) results = model.evaluate(test_X, test_y, batch_size=1024) 의 'model'을 colab에서 google drive 내에 저장하는 방법을 여쭤봐도 될까요?

    감사합니다! :)

    opened by roachmaster555 1
Owner
Won Joon Yoo
Machine Learning Engineer
Won Joon Yoo
💫 Industrial-strength Natural Language Processing (NLP) in Python

spaCy: Industrial-strength NLP spaCy is a library for advanced Natural Language Processing in Python and Cython. It's built on the very latest researc

Explosion 24.9k Jan 2, 2023
Basic Utilities for PyTorch Natural Language Processing (NLP)

Basic Utilities for PyTorch Natural Language Processing (NLP) PyTorch-NLP, or torchnlp for short, is a library of basic utilities for PyTorch NLP. tor

Michael Petrochuk 2.1k Jan 1, 2023
💫 Industrial-strength Natural Language Processing (NLP) in Python

spaCy: Industrial-strength NLP spaCy is a library for advanced Natural Language Processing in Python and Cython. It's built on the very latest researc

Explosion 19.5k Feb 13, 2021
A very simple framework for state-of-the-art Natural Language Processing (NLP)

A very simple framework for state-of-the-art NLP. Developed by Humboldt University of Berlin and friends. IMPORTANT: (30.08.2020) We moved our models

flair 12.3k Dec 31, 2022
Basic Utilities for PyTorch Natural Language Processing (NLP)

Basic Utilities for PyTorch Natural Language Processing (NLP) PyTorch-NLP, or torchnlp for short, is a library of basic utilities for PyTorch NLP. tor

Michael Petrochuk 1.9k Feb 3, 2021
💫 Industrial-strength Natural Language Processing (NLP) in Python

spaCy: Industrial-strength NLP spaCy is a library for advanced Natural Language Processing in Python and Cython. It's built on the very latest researc

Explosion 19.6k Feb 18, 2021
A very simple framework for state-of-the-art Natural Language Processing (NLP)

A very simple framework for state-of-the-art NLP. Developed by Humboldt University of Berlin and friends. IMPORTANT: (30.08.2020) We moved our models

flair 10k Feb 18, 2021
Basic Utilities for PyTorch Natural Language Processing (NLP)

Basic Utilities for PyTorch Natural Language Processing (NLP) PyTorch-NLP, or torchnlp for short, is a library of basic utilities for PyTorch NLP. tor

Michael Petrochuk 1.9k Feb 18, 2021
A very simple framework for state-of-the-art Natural Language Processing (NLP)

A very simple framework for state-of-the-art NLP. Developed by Humboldt University of Berlin and friends. Flair is: A powerful NLP library. Flair allo

flair 12.3k Jan 2, 2023
Paradigm Shift in NLP - "Paradigm Shift in Natural Language Processing".

Paradigm Shift in NLP Welcome to the webpage for "Paradigm Shift in Natural Language Processing". Some resources of the paper are constantly maintaine

Tianxiang Sun 41 Dec 30, 2022
Python library for Serbian Natural language processing (NLP)

SrbAI - Python biblioteka za procesiranje srpskog jezika SrbAI je projekat prikupljanja algoritama i modela za procesiranje srpskog jezika u jedinstve

Serbian AI Society 3 Nov 22, 2022
Develop open-source Python Arabic NLP libraries that the Arab world will easily use in all Natural Language Processing applications

Develop open-source Python Arabic NLP libraries that the Arab world will easily use in all Natural Language Processing applications

BADER ALABDAN 2 Oct 22, 2022
Twitter-NLP-Analysis - Twitter Natural Language Processing Analysis

Twitter-NLP-Analysis Business Problem I got last @turk_politika 3000 tweets with

Çağrı Karadeniz 7 Mar 12, 2022
Natural Language Processing library built with AllenNLP 🌲🌱

Custom Natural Language Processing with big and small models ????

Recognai 65 Sep 13, 2022
We have built a Voice based Personal Assistant for people to access files hands free in their device using natural language processing.

Voice Based Personal Assistant We have built a Voice based Personal Assistant for people to access files hands free in their device using natural lang

Rushabh 2 Nov 13, 2021
Indobenchmark are collections of Natural Language Understanding (IndoNLU) and Natural Language Generation (IndoNLG)

Indobenchmark Toolkit Indobenchmark are collections of Natural Language Understanding (IndoNLU) and Natural Language Generation (IndoNLG) resources fo

Samuel Cahyawijaya 11 Aug 26, 2022
🤗Transformers: State-of-the-art Natural Language Processing for Pytorch and TensorFlow 2.0.

State-of-the-art Natural Language Processing for PyTorch and TensorFlow 2.0 ?? Transformers provides thousands of pretrained models to perform tasks o

Hugging Face 77.3k Jan 3, 2023
Toolkit for Machine Learning, Natural Language Processing, and Text Generation, in TensorFlow. This is part of the CASL project: http://casl-project.ai/

Texar is a toolkit aiming to support a broad set of machine learning, especially natural language processing and text generation tasks. Texar provides

ASYML 2.3k Jan 7, 2023
🤗Transformers: State-of-the-art Natural Language Processing for Pytorch and TensorFlow 2.0.

State-of-the-art Natural Language Processing for PyTorch and TensorFlow 2.0 ?? Transformers provides thousands of pretrained models to perform tasks o

Hugging Face 40.9k Feb 18, 2021