natual-language-processing

There are 60 repositories under natual-language-processing topic.

  • Yonggie/chinese-poetry

    A dataset under construction of Chinese Poetry 中文古文诗词数据集,,近1,4000诗人, 107,891唐诗,275,581宋词。

    Language:Python1421024
  • Abbey4799/CuteGPT

    An open-source conversational language model developed by the Knowledge Works Research Laboratory at Fudan University.

    Language:Python62233
  • rajarshd/CBR-AKBC

    Code for paper A simple approach to case-based reasoning in knowledge bases

    Language:Python33257
  • 3dlg-hcvc/tricolo

    [WACV 2024] TriCoLo: Trimodal Contrastive Loss for Text to Shape Retrieval

    Language:Python22231
  • SGNetworksIndia/J.A.R.V.I.S

    J.A.R.V.I.S is a very advanced virtual assistant who can automate almost all tasks of everything of PC & IoT. Just Say It.

    Language:Python11002
  • Arsh2k01/UTrack

    UTrack analyses the user's tweets and finds the level of Loneliness, Stress, and Anxiety, and their trends over time

    Language:Python7005
  • Ahmed-Naseer-01/NLP-projects

    "Welcome to my NLP mini-projects repository! Here, I'll share a collection of projects that explore various natural language processing (NLP) techniques and tools. From sentiment analysis to text classification, each project is designed to help you gain a better understanding of NLP and its applications. Whether you're new to NLP or an experienced

    Language:Jupyter Notebook6201
  • nazmul-karim170/FIP

    [CCS'24] Official Implementation of "Fisher Information guided Purification against Backdoor Attacks"

    Language:Python6112
  • AbdulMoizAli/Extractive-Text-Summarization

    Automatic Extractive Text Summarization using TF-IDF Frequency Analysis. This is a Node.js web application using Express.js on the server side.

    Language:JavaScript5104
  • Pratik94229/Simple-Deeplearning-Based-Chatbot

    This project is a simple deep learning-based chatbot that uses a three-layer neural network to predict the intent of user inputs. The model architecture consists of the following layers:

    Language:Jupyter Notebook420
  • kbdharun/NLP-Lab

    This repository contains the programs that I worked out in Natural Language Processing lab

    Language:Jupyter Notebook3200
  • SerenaYKim/Solar-Sentiment-BERT

    Sentiment Analysis of Solar Energy Using Bidirectional Encoder Representations from Transformers

    Language:Python3301
  • Shannon-Watts/fake_news_ML

    Machine and deep learning models to predict real or fake news.

    Language:Jupyter Notebook3102
  • AlessandroMasala/Audio_Intent_Detection-Classification_Problem

    The aim of this work is to solve Audio Intent Detection Problem using off the shelf libraries

    Language:Jupyter Notebook2100
  • AlisonYao/NLP-Final-Project

    CSCI-SHU 376 Natural Language Processing | Spring 2021 | Final Project

    Language:Jupyter Notebook2110
  • Anthonyive/DSCI-550-Assignments

    📚 DSCI 550 Project: Analysis of Cyber Phishing Emails

  • LivXue/VCNLG

    Vision-Controllable Natural Language Generation

    Language:Python2100
  • LyeZinho/tweet-classifyer

    🐤A simple tweet classifyer with deep learning. That find diferences between two tweets using deep learning.🤖🧠

    Language:JavaScript2201
  • tarudev/Sentiment_Analysis_using_BagOfWords

    A tool for Raw Text processing and deciphering the Sentiment as positive or negative based on training ML (Machine Learning) models on a dataset of reviews. The Bag Of Words model is coupled with the NLP (Natural Language Processing) method for text preprocessing, tokenisation and vectorisation to predict the sentiment as positive or negative for a certain review.

    Language:Jupyter Notebook2200
  • tkmanabat/hoax-radar

    A web application used to determine fake news articles utilizing Machine Learning and Natural Language Processing.

    Language:HTML2100
  • akash-1536/Lecture-Summarizer

    Language:Jupyter Notebook1100
  • AvishParmar/Language-Model-Generation

    This assignment involved the implementation of a pre-trained DistilBERT model, a BERT based language model, to predict the sentiment of a given movie review.

    Language:Jupyter Notebook1100
  • egeozanozyedek/NN-Mini-Projects

    Mini projects done for the EEE443 Neural Networks course. Includes from scratch implementations (using Numpy) of LSTM, GRU, simple RNN, a MLP structure with SGD + Momentum and more.

    Language:Python1201
  • GauravDaharia20/NLP-Heath-checker

    This is NLP model which is 98% accurate is predicting the problem related to symptoms and for mode detail have look over the notebook, uploaded on this repository.

    Language:Jupyter Notebook1100
  • ishaangupta2306/Skip-gram-NLP-model

    Skip-gram is a Natural Language Processing word2vec learning algorithm that efficiently produces vector representations for a text corpus

    Language:Python1
  • Izemaj/workout-tracking

    This Python script tracks your workouts by leveraging natural language API processing to extract information about the exercises you did. It uses the Nutritionix API to obtain exercise data based on your input, and sends the workout information to a Google Sheets document using the Sheety API.

    Language:Python1200
  • mfaizaan128/Sentence-Ordering-Using-BERT-CNN

    The BERT Sequence classifier combined with a Dense Neural Network is used to predict the order of sentences in a set of samples. An accuracy of 71% is achieved from the Test Set outputs.

    Language:Jupyter Notebook1100
  • NamrataThakur/Singapore-Advisor

    Detailed sentiment analysis (overall and aspect based sentiment analysis) on major Singapore attractions.

    Language:Jupyter Notebook1100
  • otterrrr/pyclglove

    python + OpenCL implementation of GloVe word embeddings

    Language:Python1100
  • tayuto/COMP90042_Natural_Language_Processing

    Tutorials & Projects from Subject COMP90042 Natural Language Processing in the University of Melbourne

    Language:Jupyter Notebook1100
  • Maria-Antony/Seq2Seq-NMT

    This is project for sequence to sequence NLP task. We developed a custom model to understand the process of task using PyTorch. We also fine tuned pre-trained transformer models to improve the performance of translation task.

    Language:Jupyter Notebook0100
  • phamvlap/data-preprocessing

    Language:Jupyter Notebook00
  • AbhayPancholi/Transformer_Summarizer

    This project is focused on making use of the transformer as a summarizer while using the two form of attention mechanism. All the code for the transformer is implemented from scratch in order to understand the in-depth working of each component.

    Language:Jupyter Notebook
  • peymansheikhghomi/Fine-Tuning-mBart50-NLP-Translation

    A project for fine-tuning a pre-trained mBart 50 model for English-Persian subtitle translation using NLP techniques. The fine-tuned model has been made available on Hugging Face 🤗 for open-source access and further development by the community.

    Language:Jupyter Notebook
  • RuiVarela/SmallLanguageModel

    Simple small GPT

    Language:Python10