KGP Talkie
  • Home
  • YouTube
  • Machine Learning
  • BLOG
    • Machine Learning
    • Natural Language Processing (NLP)
    • Deep Learning
  • Udemy Courses
    • Data Visualization Masterclass
    • NLP for Beginners
    • Advanced NLP in Python
  • Ask Questions

Free Machine Learning

Natural Language Processing (NLP) Python

Working with Text Files in Python for NLP

Working with the text files Working with f-strings for formated print Working with .CSV, .TSV files to read and write Working with %%writefile to create simple .txt files [works in jupyter notebook only] Working with Python’s inbuilt file read and Read more

By georgiannacambel, 5 years8 September 2020 ago
Deep Learning Keras Machine Learning Matplotlib Numpy Pandas Python Tensorflow 2

Multi-Label Image Classification on Movies Poster using CNN

Multi-Label Image Classification in Python In this project, we are going to train our model on a set of labeled movie posters. The model will predict the genres of the movie based on the movie poster. We will consider a Read more

By georgiannacambel, 5 years7 September 2020 ago
Python

LinkedIn Profile Scrapper in Python

LinkedIn Profile Scrapping using Selenium and Beautiful Soup Scraping of LinkedIn profiles is a very useful activity especially to achieve public relations/marketing tasks. In this project, we are going to scrap important data from a LinkedIn profile. The first part Read more

By georgiannacambel, 5 years6 September 2020 ago
Deep Learning Image Processing Keras Machine Learning Python Tensorflow 2

2D CNN in TensorFlow 2.0 on CIFAR-10 – Object Recognition in Images

What is CNN This Notebook demonstrates training a simple Convolutional Neural Network (CNN) to classify CIFAR images. Convolutional Neural Networks (ConvNets or CNNs) are a category of Neural Networks that have proven very effective in areas such as image recognition and Read more

By crystlefroggatt, 5 years6 September 2020 ago
Python

LinkedIn Auto Connect Bot with Personalized Messaging

Auto Connect Bot for LinkedIn In this project, we are going to create a bot that finds the people in your LinkedIn suggestions and sends a connection request to each one of them with a message. It also finds the Read more

By georgiannacambel, 5 years5 September 2020 ago
Deep Learning Keras Machine Learning Matplotlib Numpy Pandas Python Seaborn and Plotly Tensorflow 2

Breast Cancer Detection Using CNN

Breast Cancer Detection Using CNN in Python Breast cancer is the most commonly occurring cancer in women and the second most common cancer overall. There were over 2 million new cases in 2018, making it a significant health problem in Read more

By pasqualebrownlow, 5 years5 September 2020 ago
Deep Learning Image Processing Keras Matplotlib Numpy Pandas Python Tensorflow 2

Classify Dog or Cat by the help of Convolutional Neural Network(CNN)

Use of Dropout and Batch Normalization in 2D CNN on Dog Cat Image Classification in TensorFlow 2.0 We are going to predict cat or dog by the help of Convolutional neural network. I have taken the dataset from kaggle https://www.kaggle.com/tongpython/cat-and-dog. Read more

By pasqualebrownlow, 5 years4 September 2020 ago
Natural Language Processing (NLP) Python Text Processing

Text Summarization using NLP

Extractive Text Summarization What is text summarization? Text summarization is the process of creating a short, accurate, and fluent summary of a longer text document. It is the process of distilling the most important information from a source text. Automatic Read more

By georgiannacambel, 5 years4 September 2020 ago
Deep Learning Keras Machine Learning Matplotlib Numpy Pandas Python Tensorflow 2

Credit Card Fraud Detection using CNN

Classification using CNN It is important that credit card companies are able to recognize fraudulent credit card transactions so that customers are not charged for items that they did not purchase. In this project we are going to build a Read more

By georgiannacambel, 5 years3 September 2020 ago
Natural Language Processing (NLP) Python Text Processing

Real-Time Twitter Sentiment Analysis

Donald Trump vs Warren Twitter Sentiment | US Election 2020 In this project we are going to extract live data from twitter related to Donald Trump and Elizabeth Warren. We are going to analyze the sentiment of the data and Read more

By georgiannacambel, 5 years2 September 2020 ago
Machine Learning Natural Language Processing (NLP) Python Text Processing

Real-Time Sentiment Analysis of a Phone Call Using NLTK and TextBlob in Python

Speech to text conversion and real-time sentiment analysis In this project we are going to analyse the sentiment of the call. We are first going to convert the speech to text and the analyse the sentiment using TextBlob. TextBlob is a Python Read more

By georgiannacambel, 5 years2 September 2020 ago
Machine Learning Natural Language Processing (NLP) Numpy Pandas Python Text Processing

NLP: End to End Text Processing for Beginners

Complete Text Processing for Beginners Everything we express (either verbally or in written) carries huge amounts of information. The topic we choose, our tone, our selection of words, everything adds some type of information that can be interpreted and value Read more

By berryedelson, 5 years1 September 2020 ago
Deep Learning Keras Machine Learning Natural Language Processing (NLP) Numpy Python Tensorflow 2 Text Processing

Text Generation using Tensorflow, Keras and LSTM

Automatic Text Generation Automatic text generation is the generation of natural language texts by computer. It has applications in automatic documentation systems, automatic letter writing, automatic report generation, etc. In this project, we are going to generate words given a Read more

By georgiannacambel, 5 years31 August 2020 ago
Natural Language Processing (NLP) Python

Extract Text from PDF Files in Python for NLP

Extraction of text from PDF using PyPDF2 This notebook demonstrates the extraction of text from PDF files using python packages. Extracting text from PDFs is an easy but useful task as it is needed to do further analysis of the Read more

By georgiannacambel, 5 years30 August 2020 ago
Machine Learning

Full HD Desktop Wallpaper Download from Unsplash API

Free Full HD Desktop Wallpaper Download from Unsplash API – How to Use Unsplash API Unsplash is a website that offers users free photos to download on your desktop. Moreover, it’s a license-free user can use it for personal use. Read more

By pasqualebrownlow, 5 years30 August 2020 ago
Deep Learning Machine Learning Natural Language Processing (NLP) Python Text Processing

SpaCy – Introduction for NLP | Combining NLP Models and Custom rules

Combining NLP Models and Creation of Custom rules using SpaCy Objective: In this article, we are going to create some custom rules for our requirements and will add that to our pipeline like explanding named entities and identifying person’s organization Read more

By berryedelson, 5 years30 August 2020 ago
Deep Learning Feature Selection Keras Machine Learning Matplotlib Numpy Pandas Python Tensorflow 2

Bank Customer Satisfaction Prediction Using CNN and Feature Selection

Feature Selection and CNN In this project we are going to build a neural network to predict if a particular bank customer is satisfies or not. To do this we are going to use Convolutional Neural Networks. The dataset which we Read more

By georgiannacambel, 5 years29 August 2020 ago
Deep Learning Machine Learning Matplotlib Numpy Pandas Python Tensorflow 2

Airline Passenger Prediction using RNN – LSTM

Prediction of number of passengers for an airline using LSTM In this project we are going to build a model to predict the number of passengers in an airline. To do so we are going to use Recurrent Neural Networks, more Read more

By georgiannacambel, 5 years29 August 2020 ago
Deep Learning Keras Machine Learning Natural Language Processing (NLP) Numpy Pandas Python Tensorflow 2 Text Processing

Words Embedding using GloVe Vectors

NLP Tutorial – GloVe Vectors Embedding with TF2.0 and Keras GloVe stands for global vectors for word representation. It is an unsupervised learning algorithm developed by Stanford for generating word embeddings by aggregating a global word-word co-occurrence matrix from a corpus. The Read more

By berryedelson, 5 years28 August 2020 ago
Machine Learning Natural Language Processing (NLP) Numpy Pandas Python

Star Rating Prediction

Star Rating Prediction of Amazon Products Reviews Objective In this notebook, we are going to predict the Ratings of Amazon products reviews by the help of given reviewText column. Natural Language Processing (NLP) is a sub-field of artificial intelligence that Read more

By pasqualebrownlow, 5 years28 August 2020 ago

Posts pagination

Previous 1 2 3 … 5 Next
Search Articles

Deep Learning for Beginners with Python
Neural Networks, TensorFlow, ANN, CNN, RNN, LSTM, Transfer Learning and Much More.

Python for Machine Learning: A Step-by-Step Guide
Learn to build Machine Learning and Deep Learning models using Python and its libraries like Scikit-Learn, Keras, and TensorFlow.


Natural Language Processing in Python for Beginners
Learn to build Natural Language Processing Projects using Spacy, NLTK, and Gensim, and transformer models like BERT, GPT-2, and XLNet.

Data Visualization in Python Masterclass™: Beginners to Pro
Learn to build Machine Learning and Deep Learning models using Python and its libraries like Scikit-Learn, Keras, and TensorFlow.
Python for Linear Regression in Machine Learning
Learn to build Linear Regression models using Python and its libraries like Scikit-Learn.

Introduction to Spacy 3 for Natural Language Processing
Learn to build Natural Language Processing models using Python and its libraries like Spacy.

Advanced Machine Learning and Deep Learning Projects
Learn to build Advanced Machine Learning and Deep Learning models using Python and transformer models like BERT, GPT-2, and XLNet.

Deployment of Machine Learning Models in Production in Python
Learn to deploy Machine Learning and Deep Learning models using Python and its libraries like Flask, Streamlit, and NGINX.

R 4.0 Programming for Data Science - Beginners to Pro
Learn to build Machine Learning and Deep Learning models using R and its libraries like caret, tidyverse, and keras.
Categories
Recent Posts
  • How to Become a Successful Machine Learning Engineer
  • Interview Questions and Answers on TF-IDF in NLP and Machine Learning
  • Top 10 Interview Questions and Answers for MLOps Engineers
  • Feature Engineering Tutorial Series 6: Variable magnitude
  • Feature Engineering Tutorial Series 5: Outliers
Tags
aarya aarya tadvalkar api arm Batch Normalisation Classification classifier cnn data science data visualization Deep Learning Embedded Feature selection imdb dataset iot Keras kgp talkie kgptalkie lstm Machine Learning Md. Ejazul Hassan Memory Natural Language Processing neural networks nlp numpy pandas Processor python Regression rnn roshan seaborn sentiment classification sklearn spaCy Spatial locality stm32 stm32cubemx temporal locality Tensorflow Text processing tfidf Titanic Dataset Transfer Rate
Archives
  • January 2023
  • December 2022
  • October 2020
  • September 2020
  • August 2020
  • October 2016
  • September 2016
Search Blogs

  • Home
  • Data Visualization in Python
  • Advanced NLP
  • NLP in Python for Beginners
Hestia | Developed by ThemeIsle