Word Embedding and NLP with TF2.0 and Keras on Twitter Sentiment Data

Word Embedding and Sentiment Analysis What is Word Embedding? Natural Language Processing(NLP) refers to computer systems designed to understand human language. Human language, like English or Hindi consists of words and sentences, and NLP attempts to extract information from these sentences. Machine learning and deep learning algorithms only take numeric Read more…

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 classification. Unlike traditional multilayer perceptron architectures, it uses two operations Read more…

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. In this dataset there is two class cats and dogs Read more…

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 set of input words. We are going to train the Read more…

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 name from a given text. For example: For example, the Read more…

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 are going to use contains 370 features. We are going Read more…

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 resulting embeddings show interesting linear substructures of the word in Read more…

Human Activity Recognition Using Accelerometer Data

Prediction of Human Activity In this project we are going to use accelometer data to train the model so that it can predict the human activity. We are going to use 2D Convolutional Neural Networks to build the model. source = “Deep Neural Network Example” by Nils Ackermann is licensed under Creative Commons CC Read more…

Multi-step-Time-series-predicting using RNN LSTM

Household Power Consumption Prediction using RNN-LSTM Power outage accidents will cause huge economic loss to the social economy. Therefore, it is very important to predict power consumption. Given the rise of smart electricity meters and the wide adoption of electricity generation technology like solar panels, there is a wealth of Read more…

Deep Learning with TensorFlow 2.0 Tutorial – Building Your First ANN with TensorFlow 2.0

Deep learning with Tensorflow # pip install tensorflow==2.0.0-rc0 # pip install tensorflow-gpu==2.0.0-rc0 Watch Full Lesson Here: Objective Our objective for this code is to build to an Artificial neural network for classification problem using tensorflow and keras libraries. We will try to learn how to build a nerual netwroks model Read more…

Deep Learning with Tensorflow 2.0 Tutorial – Getting Started with Tensorflow 2.0 and Keras for Beginners

Classification using Fashion MNIST  dataset What is TensorFlow? TensorFlow is one of the best libraries to implement deep learning. TensorFlow is a software library for numerical computation of mathematical expressional, using data flow graphs. Nodes in the graph represent mathematical operations, while the edges represent the multidimensional data arrays (tensors) that flow between Read more…

DistilBERT – Smaller, faster, cheaper, lighter and ofcourse Distilled!

Sentiment Classification Using DistilBERT Problem Statement We will use the IMDB Movie Reviews Dataset, where based on the given review we have to classify the sentiments of that particular review like positive or negative. The motivational BERT BERT became an essential ingredient of many NLP deep learning pipelines. It is considered Read more…

IMDB Review Sentiment Classification using RNN LSTM

Sentiment Classification in Python In this notebook we are going to implement a LSTM model to perform classification of reviews. We are going to perform binary classification i.e. we will classify the reviews as positive or negative according to the sentiment. Recurrent Neural Network Neural Networks are set of algorithms Read more…