Skip to content

This repository is a related to all about Natural Langauge Processing - an A-Z guide to the world of Data Science. This supplement contains the implementation of algorithms, statistical methods and techniques (in Python)

Notifications You must be signed in to change notification settings

dr-mushtaq/Natural-language-processing

Folders and files

NameName
Last commit message
Last commit date

Latest commit

ย 
ย 
ย 
ย 
ย 
ย 
ย 
ย 
ย 
ย 
ย 
ย 
ย 
ย 
ย 
ย 
ย 
ย 
ย 
ย 
ย 
ย 
ย 
ย 
ย 
ย 
ย 
ย 
ย 
ย 
ย 
ย 
ย 
ย 
ย 
ย 
ย 
ย 
ย 
ย 
ย 
ย 
ย 
ย 
ย 
ย 
ย 
ย 
ย 
ย 
ย 
ย 
ย 
ย 
ย 
ย 
ย 
ย 
ย 
ย 
ย 
ย 
ย 
ย 
ย 
ย 
ย 
ย 
ย 
ย 
ย 
ย 
ย 
ย 
ย 

Repository files navigation

Welcome to Collaborative Natural Language Processing (NLP) Course๐Ÿ‘‹๐Ÿ›’

Welcome to the Natural Language Processing (NLP) Course, an open-source initiative to learn, implement, and master NLP concepts using Python. Whether you're a student, researcher, or AI enthusiast, this repository provides a structured, hands-on approach to mastering NLP from fundamentals to advanced topics.

Also please subscribe to my youtube channel!

๐Ÿ“š Table of Contents

๐ŸŽฏ Why Join This Course?

  1. ๐Ÿ“– Comprehensive Learning: Covers all major NLP topics, from basics to cutting-edge deep learning techniques.

  2. ๐Ÿ›  Practical Implementation: Each topic includes hands-on coding exercises, Jupyter notebooks, and real-world projects.

  3. ๐Ÿค Collaborative Learning: ork with students and researchers worldwide through GitHub discussions, issue tracking, and dedicated forums..

  4. ๐Ÿ”ฅ AI-Powered Course: Stay ahead with industry-relevant techniques like transformers, BERT, GPT, and more. Convert this for computer vision so that it attract contributor

๐Ÿ’ก How to Participate?

๐Ÿš€ Fork & Star this repository

๐Ÿ‘ฉโ€๐Ÿ’ป Explore and Learn from structured lessons

๐Ÿ”ง Enhance the current blog or code, or write a blog on a new topic

๐Ÿ”ง Implement & Experiment with provided code

๐Ÿค Collaborate with fellow NLP enthusiasts

๐Ÿ“Œ Contribute your own implementations & projects

๐Ÿ“Œ Share valuable blogs, videos, courses, GitHub repositories, and research websites

๐Ÿ’ก Start your NLP journey today!

๐ŸŽ“ Enrolled Courses

Please enrolled in the following courses to strengthen knowledge and practical skills in Natural Language Processing (NLP). These courses are designed to provide both theoretical understanding and hands-on experience with real-world NLP applications.

๐Ÿ”— Basic Natural Language Processingl

1- Covers foundational concepts such as tokenization, POS tagging, lemmatization, and basic text classification.

๐Ÿ”— NLP Probabilistic Models

1- Focuses on probabilistic techniques including n-gram models, Naive Bayes, and Hidden Markov Models.

๐Ÿ”— NLP with Sequence Model

  1. Explores advanced topics such as RNNs, LSTMs, GRUs, and their application in language modeling and machine translation.

๐Ÿ’ก These courses are part of a structured NLP curriculum offered by Coursesteach, designed by Couresteach team, and emphasize practical implementation using Python and deep learning libraries.

๐ŸŒ Join Our Community

๐Ÿ”— YouTube Channel

๐Ÿ”— SubStack Blogs

๐Ÿ”— Facebook

๐Ÿ”— LinkedIn

๐Ÿ“ฌ Need Help? Connect with us on WhatsApp

๐Ÿš€ Let's Build NLP Together!

Join us in creating, sharing, and implementing NLP solutions. Your contributions will help advance open-source AI education globally. ๐Ÿ’ก๐Ÿค–

๐Ÿ”— Start Learning NLP Now!

๐Ÿ“ฌ Newsletter CTA Markdown Snippet

๐Ÿ“ฌ Stay Updated with Weekly NLP Lessons!

Never miss a tutorial! Get weekly insights, updates, and bonus content straight to your inbox.
Join hundreds of NLP learners on Substack.

๐Ÿ‘‰ Subscribe to Our NLP Newsletter โœจ

๐Ÿ’ก Optional Badge (to make it pop)

Subscribe on Substack

๐Ÿ“Œ Course Modules & Resources

๐Ÿ“•Course 01 -Classification and Vector Spaces

๐Ÿ”นWeek 0-Chapter 1:Introduction

Topic Name/Tutorial Video ๐Ÿ’ป Colab Implementation
โœ…1-What is Natural Language Processing (NLP)-gโญ๏ธ-Substack Link 1 ---
โœ…2- Natural Language Processing Tasks and Applications-gโญ๏ธ 1 Content 3
โœ…3- Best Free Resources to Learn NLP-Tutorial-g Content 5 Content 6

๐Ÿ”นWeek 1-Chapter 2:Sentiment Analysis (logistic Regression)

๐Ÿ“Œ Learning Objectives or Outcomes

  • Understand the difference between supervised and unsupervised learning.
  • Learn how sentiment classification works using labeled datasets.
Topic Name/Tutorial Video ๐Ÿ’ป Colab Implementation
โœ…1- Preprocessing_Aassignment_1 Content 2 Colab icon
โœ…2- Supervised ML & Sentiment Analysis-g Video 1 Colab icon
โœ…3-Vocabulary & Feature Extraction 1 Colab icon
โœ…4-Negative and Positive Frequencies 1 Colab icon
โœ…5-Text pre-processing-s 1-2 Colab icon
โœ…6-Putting it All Together-S 1 Colab icon
โœ…7-Logistic Regression Overview-S 1 Colab icon
โœ…8-Logistic Regression: Training-s 1 Colab icon
โœ…9-Logistic Regression: Testingโญ๏ธ 1 Colab icon
โœ…10-Logistic Regression: Cost Functionโญ๏ธ 1 Colab icon
โœ…Lab#1:Visualizing word frequencies --- Colab icon
โœ…Lab 2:Visualizing tweets and the Logistic Regression model --- Colab icon
โœ…Assignmen:Sentiment analysis with logistic Regression --- Colab icon

Week 2-๐Ÿ“šChapter3:Sentiment Analysis using Naive Bayes

Topic Name/Tutorial Video Code
โœ…1-Probability and Bayesโ€™ Rule 1 Colab icon
โœ…2-Bayesโ€™ Rule 1 Colab icon
โœ…3-Naรฏve Bayes Introduction 1 Colab icon
โœ…4-Laplacian Smoothing 1 Colab icon
โœ…5-Log Likelihood, Part 1 1 Colab icon
โœ…6-Log Likelihood, Part 2 1 Colab icon
โœ…7-Training Naรฏve Bayes 1 Colab icon
๐ŸŒLab1-Visualizing Naive Bayes Content 5 Colab icon
๐ŸŒAssignment_2_Naive_Bayes --- Colab icon
โœ…8-Testing Naรฏve Bayes 1 Colab icon
โœ…9-Applications of Naรฏve Bayes 1 Colab icon
โœ…10-Naรฏve Bayes Assumptions 1 Colab icon
๐ŸŒ11-Error Analysis 1 Colab icon
Topic Name/Tutorial Video Code
๐ŸŒ1-Vector Space Models 1 Colab icon
๐ŸŒ2-Word by Word and Word by Doc 1 Colab icon
๐ŸŒ3-Euclidean Distance 1-2 Colab icon
๐ŸŒ4-Cosine Similarity: Intuition 1-2 Colab icon
๐ŸŒ5-Cosine Similarity 1 Colab icon
๐ŸŒ6-Manipulating Words in Vector Spaces 1 Colab icon
๐ŸŒ7-Visualization and PCA 1 Colab icon
๐ŸŒ8-Lab1_Linear_algebra_in_Python_with_Numpy.ipynb
๐ŸŒ8-PCA Algorithm 1-2 Colab icon
๐ŸŒ9-Lab:2_Manipulating word embeddings
Topic Name/Tutorial Video Code
๐ŸŒ1-Transforming word vectors 1 Colab icon
๐ŸŒ2-Lab1 Rotation matrices R2 -- Colab icon
๐ŸŒ3-K-nearest neighbors 1 Colab icon
๐ŸŒ4-Hash tables and hash functions 1 Colab icon
๐ŸŒ5-Locality sensitive hashing 1 Colab icon
๐ŸŒ6-Multiple Planes-r 1 Colab icon
๐ŸŒ7-Approximate nearest neighbors 1 Colab icon
๐ŸŒ7-Lab2:Hash tables 1 Colab icon
๐ŸŒ8-Searching documents 1 Colab icon

๐Ÿ“•Course 02 -Natural Language Processing with Probabilistic Models

Topic Name/Tutorial Video Code
๐ŸŒ1-Overview 1 Colab icon
๐ŸŒ2-Autocorrect 1 Colab icon
๐ŸŒ3-Build Model 1-2 Colab icon
๐ŸŒLecture notebook building_the_vocabulary --- Colab icon
๐ŸŒLecture notebook Candidates from edits --- Colab icon
๐ŸŒ4-Minimum edit distance 1 Colab icon
๐ŸŒ5-Minimum edit distance Alogrithem 1 1 Colab icon
๐ŸŒ6-Minimum edit distance Alogrithem 2 1 Colab icon
๐ŸŒ7-Minimum edit distance Alogrithem 3 1 Colab icon
Topic Name/Tutorial Video Code
๐ŸŒ1-Part of Speech Tagging 1-2 Colab icon
๐ŸŒ2-Markov Chains 1 Colab icon
๐ŸŒ3-Markov Chains and POS Tags 1 Colab icon
๐ŸŒ4-Hidden Markov Models 1 Colab icon
๐ŸŒ5-Calculating Probabilities 1-2 Colab icon
๐ŸŒ6-Populating the Emission Matrix 1 Colab icon
๐ŸŒLecture Notebook - Working with tags and Numpy -- Colab icon
๐ŸŒ7-The Viterbi Algorithm 1-2 Colab icon
๐ŸŒ8-Viterbi: Initialization,Forward Pass,Backward Pass 1-2-3 Colab icon
๐ŸŒ9-Lecture Notebook - Working with text file -- Colab icon
๐ŸŒ10-Assignment: Part of Speech Tagging -- Colab icon
Topic Name/Tutorial Video Code
๐ŸŒ1-N-Grams Overview 1 Colab icon
๐ŸŒ2-N-grams and Probabilities 1-2 Colab icon
๐ŸŒ3-Sequence Probabilities 1 Colab icon
๐ŸŒ3-Understanding the Start and End of Sentences in N-Gram Language Models 1 Colab icon
๐ŸŒ4-Lecture notebook: Corpus preprocessing for N-grams --- Colab icon
๐ŸŒ5-Creating and Using N-gram Language Models for Text Prediction and Generation 1 Colab icon
๐ŸŒ6-How to Evaluate Language Models Using Perplexity: A Step-by-Step Guideโญ๏ธ 1 Colab icon
๐ŸŒ7-Lecture notebook: Building the language model --- Colab icon
๐ŸŒ8-Out of Vocabulary Wordsโญ๏ธ 1 Colab icon
๐ŸŒ9-Smoothingโญ๏ธ 1 Colab icon

๐Ÿ“Œ Learning Objectives or Outcomes

1- Understand the Fundamentals of Word Embeddings

2- Master the CBOW Model

3- Evaluate Word Embeddings Effectively

4- Apply Practical Skills in Word Embedding Tasks

Topic Name/Tutorial Video Code Resources
๐ŸŒ1-Basic Word Representationsโญ๏ธ 1 Colab icon
๐ŸŒ2-Word Embeddingโญ๏ธ 1-2-3-4 Colab icon 1
๐ŸŒ3-How to Create Word Embeddingsโญ๏ธ 1 Colab icon
๐ŸŒ4-Word Embedding Methodsโญ๏ธ 1 Colab icon
๐ŸŒ5-Continuous Bag-of-Words Modelโญ๏ธ 1-2 Colab icon
๐ŸŒ6-Cleaning and Tokenizationโญ๏ธ 1 Colab icon
๐ŸŒ7-Sliding Windowโญ๏ธ 1 Colab icon
๐ŸŒ8-Transforming Words into Vectorsโญ๏ธ 1 Colab icon
๐ŸŒ9-Lecture Notebook - Data Preparationโญ๏ธ --- Colab icon
๐ŸŒ9-Architecture of the CBOW Modelโญ๏ธ 1 Colab icon
๐ŸŒ10-Architecture of the CBOW Model-Dimensionsโญ๏ธ 1 Colab icon
๐ŸŒ11-Architecture of the CBOW Model-Dimensions 2โญ๏ธ 1 Colab icon
๐ŸŒ12-Architecture of the CBOW Model-Activation Functionsโญ๏ธ 1 Colab icon
๐ŸŒLecture Notebook - Intro to CBOW modelโญ๏ธ --- Colab icon
๐ŸŒ13-Training a CBOW Model-Cost Functionโญ๏ธ 1 Colab icon
๐ŸŒ14-Training a CBOW Model-Forward Propagationโญ๏ธ 1 Colab icon
๐ŸŒ15-Training a CBOW Model-Backpropagation and Gradient Descentโญ๏ธ 1 Colab icon
๐ŸŒ16-Lecture Notebook - Training the CBOW modelโญ๏ธ --- Colab icon
๐ŸŒ17-Extracting Word Embedding Vectorsโญ๏ธ 1 Colab icon
๐ŸŒLecture Notebook - Word Embeddingsโญ๏ธ --- Colab icon
๐ŸŒ18-Evaluating Word Embeddings-Intrinsic Evaluationโญ๏ธ 1 Colab icon
๐ŸŒ19-Evaluating Word Embeddings-Extrinsic Evaluationโญ๏ธ 1 Colab icon
๐ŸŒLecture notebook: Word embeddings step by stepโญ๏ธ --- Colab icon

๐Ÿ“•Course 03 -Natural Language Processing with Sequence Models

๐ŸŽฏ Course Description

This course dives deep into sequence modeling techniques for Natural Language Processing (NLP), covering foundational to state-of-the-art architectures like RNNs, GRUs, LSTMs, and Transformer models. Learners will explore language modeling, machine translation, text summarization, named entity recognition, and more. The course emphasizes both theoretical understanding and practical implementation through coding assignments, mini-projects, and real-world datasets.

Topic Name/Tutorial Video Code
๐ŸŒ1-Course 3 Introduction 1 Colab icon
๐ŸŒ2-Neural Networks for Sentiment Analysis 1 Colab icon
๐ŸŒ3-Dense Layers and ReLU 1 Colab icon
๐ŸŒ4-Embedding and Mean Layers 1 Colab icon
๐ŸŒ5-Traditional Language models 1 Colab icon
๐ŸŒ6-Recurrent Neural Networks 1 Colab icon
๐ŸŒ7-Application of RNN 1 Colab icon
๐ŸŒ9-Math in Simple RNNs 1 Colab icon

๐Ÿ“•Course 04 -Natural Language Processing with Attention Models

Topic Name/Tutorial Video Code
๐ŸŒ1-Overview 1 Colab icon

๐Ÿ“•Course 05 -Building Chatbots in Python

๐Ÿ“• Natural-Language Processing Resources

๐Ÿ‘๏ธ Chapter1: - Free Courses

Title/link Description Reading Status Knlowdgef Level FeedBack
โœ… 1-Natural Language Processing Specialization by Eddy Shyu,Cousera,Goog InProgress Beginer Good
โœ… 2-Applied Language Technology It is free course and it contain notes and video Pending
โœ… 3-Large Language Models for the General Audience It is free course and it contain notes and video,Andrej Karpathy Pending
โœ… 4-A Code-First Intro to Natural Language Processing It is free course and it contain notes and video,Andrej Karpathy Pending
โœ… 5-AI for Medicine Specialization It is free course and it contain notes and video,Andrej Karpathy Pending
โœ… 6-Fundamentals of AI Agents Using RAG and LangChain by IBM Learn retrieval-augmented generation (RAG) applications and processes. Pending
โœ… 7-Large Language Model Agents Covers fundamental LLM agent concepts and required abilities. Pending
โœ… 8-AI Agentic Design Patterns with AutoGen Learn to make and customize multi-agent systems using AutoGen.. Pending
โœ… 9-AI Agents in LangGraph by deeplearning.ai Build an agent from scratch, then rebuild it using LangGraph.by Harrison Chase, Rotem Weiss Pending
โœ… 10-Serverless Agentic Workflows with Amazon Bedrockby deeplearning.ai Build and deploy serverless agentic applications.by Mike Chambers Pending
โœ… 11-Multi-AI Agent Systems with CrewAI deeplearning.ai Learn principles of designing effective AI agents and organizing agent teams..by Joรฃo Moura Pending
โœ… 12-Smol Agents: Build & Deploy by Hugging Face Study AI agents in theory, design, and practical application Pending
โœ… 13-Advanced Large Language Model Agents by Learn advanced topics like complex reasoning and planning for LLM agents. by Xinyun Chen Pending

๐Ÿ‘๏ธ Chapter2: - Important Website

Title/link Description Code
โœ…1- learngood It is Videos and github ---

๐Ÿ‘๏ธ Chapter3: - Important Social medica Groups

Title/link Description Code
๐ŸŒ1- Computer Science courses with video lectures It is Videos and github ---

๐Ÿ‘๏ธ Chapter4: - Free Books

Title/link Description Code
๐ŸŒ1- Computer Science courses with video lectures It is Videos and github ---

๐Ÿ‘๏ธ Chapter5: - Github Repository

Title/link Description Status
โœ… 1- Computer Science courses with video lectures It is Videos and github Pending
โœ… 2- ML YouTube Courses Github repisotry contain couress Pending
โœ… 3- ml-roadmap Github repisotry contain couress Pending
โœ… 4-courses & resources It is course of all AI domain Pending
โœ… 5-GenAI Agents: Comprehensive Repository for Development and Implementation collections of Generative AI (GenAI) agent tutorials and implementations Pending
โœ… 6-nlp-notebooks it implement nlp concept , it is by nlptown Pending
โœ… 7-NLP with Python it implement nlp concept in python Pending
โœ… 8-nlp-notebooks it implement nlp concept in python Pending
โœ… 9-CS 4650 and 7650 This course gives an overview of modern data-driven techniques for natural language processing. Pending
โœ… 10-LLM course This course gives an overview of modern data-driven techniques for natural language processing. Pending
โœ… 11-Awesome-LLM It also contains frameworks for LLM training, tools to deploy LLM, courses and tutorials about LLM. Pending
โœ… 11-LLM-Agent-Paper-List This repository is a treasure trove of research papers on LLM-based agents.. Pending
โœ… 12-Masterclass: Large Language Models for Data Science This repository focuses on integrating LLMs into workflows. It provides an ebook-style introduction to various topics such as prompt engineering, local LLMs, retrieval-augmented generation (RAG) problems, and more Pending
โœ… 13-Awesome LLM Apps A curated collection of awesome LLM apps built with RAG and AI agents. This repository features LLM apps that use models from OpenAI, Anthropic, Google, and open-source models like DeepSeek, Qwen or Llama that you can run locally on your computer. Pending
โœ… 14-Hands-On Large Language Models Welcome! In this repository you will find the code for all examples throughout the book Hands-On Large Language Models written by Jay Alammar and Maarten Grootendorst which we playfully dubbed: Pending
โœ… 15-Awesome-Multimodal-Large-Language-Models The first comprehensive survey for Multimodal Large Language Models (MLLMs). โœจ Pending
โœ… 16-Build a Large Language Model (From Scratch) This repository contains the code for developing, pretraining, and finetuning a GPT-like LLM and is the official code repository for the book Build a Large Language Model (From Scratch). Pending
โœ… 17-AI-Notebooks by Marktechpost AI-Tutorials/Implementations and Notebooks. Pending

๐Ÿ‘๏ธ Chapter1: - ๐Ÿ” General Tools and Chatbots

Title/Link Description
Theresanaiforthat Directory of AI tools for every possible use case.
ChatGPT Chatbot powered by OpenAI for general and professional use.
Copilot Microsoft's AI assistant integrated across their ecosystem.
Poe Multi-AI platform enabling access to various models.
Groq High-performance inference for LLMs.
Hugging Face Hub for AI models, datasets, and ML tools.
Mistral Chat Chatbot powered by Mistral models.
Pi (Inflection AI) Personalized AI chatbot assistant.
DeepSeek Chat Open-source chat assistant by DeepSeek.
Andi Search AI-powered search engine with conversational answers.

๐Ÿ’ป Workflow:

  • ๐Ÿ”น Fork the repository and submit Pull Requests (PRs) for changes.

  • ๐Ÿ”นClone your forked repository using terminal or gitbash.

  • ๐Ÿ”นMake changes to the cloned repository

  • ๐Ÿ”นAdd, Commit and Push

  • ๐Ÿ”น Reviewers will approve or request changes before merging.

  • ๐Ÿ”นThen in Github, in your cloned repository find the option to make a pull request

  • ๐Ÿ”น Nobody can push directly to main (unless explicitly allowed in settings).

๐Ÿ”นprint("Start contributing for Natural Language Processing")

โš™๏ธ Things to Note

  • Make sure you do not copy codes from external sources because that work will not be considered. Plagiarism is strictly not allowed.
  • You can only work on issues that have been assigned to you.
  • If you want to contribute the algorithm, it's preferrable that you create a new issue before making a PR and link your PR to that issue.
  • If you have modified/added code work, make sure the code compiles before submitting.
  • Strictly use snake_case (underscore_separated) in your file_name and push it in correct folder.
  • Do not update the README.md.

๐Ÿ” Explore more

Explore cutting-edge tools and Python libraries, access insightful slides and source code, and tap into a wealth of free online courses from top universities and organizations. Connect with like-minded individuals on Reddit, Facebook, and beyond, and stay updated with our YouTube channel and GitHub repository. Donโ€™t wait โ€” enroll now and unleash your NLP potential!โ€

โœจTop Contributors

We would love your help in making this repository even better! If you know of an amazing NLP course that isn't listed here, or if you have any suggestions for improvement in any course content, feel free to open an issue or submit a course contribution request.

                   Together, let's make this the best AI learning hub website! ๐Ÿš€

Thanks goes to these Wonderful People. Contributions of any kind are welcome!๐Ÿš€

Packages

No packages published

Contributors 2

  •  
  •