All Projects → anujdutt9 → AI-Chatbot

anujdutt9 / AI-Chatbot

Licence: other
AI Chatbot using Dynamic Memory Network in Keras.

Programming Languages

python
139335 projects - #7 most used programming language

Projects that are alternatives of or similar to AI-Chatbot

cartpole-rl-remote
CartPole game by Reinforcement Learning, a journey from training to inference
Stars: ✭ 24 (-62.5%)
Mutual labels:  keras-neural-networks
DeepLearningCode
深度学习相关代码
Stars: ✭ 21 (-67.19%)
Mutual labels:  keras-neural-networks
Aspect-Based-Sentiment-Analysis
No description or website provided.
Stars: ✭ 29 (-54.69%)
Mutual labels:  keras-neural-networks
Keras4Delphi
Keras4Delphi is a high-level neural networks API, written in Pascal with Python Binding
Stars: ✭ 37 (-42.19%)
Mutual labels:  keras-neural-networks
Offline-Signature-Verification
Implemented two papers for offline signature verification. Both use different deep learning techniques - Convolutional network and Siamese network.
Stars: ✭ 24 (-62.5%)
Mutual labels:  keras-neural-networks
dl-relu
Deep Learning using Rectified Linear Units (ReLU)
Stars: ✭ 20 (-68.75%)
Mutual labels:  keras-neural-networks
Final-year-project-deep-learning-models
Deep learning for freehand sketch object recognition
Stars: ✭ 22 (-65.62%)
Mutual labels:  keras-neural-networks
Invoicenet
Deep neural network to extract intelligent information from invoice documents.
Stars: ✭ 1,886 (+2846.88%)
Mutual labels:  keras-neural-networks
Deep-Learning-Coursera
Projects from the Deep Learning Specialization from deeplearning.ai provided by Coursera
Stars: ✭ 123 (+92.19%)
Mutual labels:  keras-neural-networks
pytorch2keras
PyTorch to Keras model convertor
Stars: ✭ 788 (+1131.25%)
Mutual labels:  keras-neural-networks
babble-rnn
babble-rnn is a research project in the use of machine learning to generate new speech by modelling human speech audio, without any intermediate text or word representations. The idea is to learn to speak through imitation, much like a baby might.
Stars: ✭ 34 (-46.87%)
Mutual labels:  keras-neural-networks
Deep-learning-model-deploy-with-django
Serving a keras model (neural networks) in a website with the python Django-REST framework.
Stars: ✭ 76 (+18.75%)
Mutual labels:  keras-neural-networks
stocktwits-sentiment
Stocktwits market sentiment analysis in Python with Keras and TensorFlow.
Stars: ✭ 23 (-64.06%)
Mutual labels:  keras-neural-networks
Nearest-Celebrity-Face
Tensorflow Implementation of FaceNet: A Unified Embedding for Face Recognition and Clustering to find the celebrity whose face matches the closest to yours.
Stars: ✭ 30 (-53.12%)
Mutual labels:  keras-neural-networks
keras seq2seq word level
Implementation of seq2seq word-level model using keras
Stars: ✭ 12 (-81.25%)
Mutual labels:  keras-neural-networks
Recurrent-Neural-Network-for-BitCoin-price-prediction
Recurrent Neural Network (LSTM) by using TensorFlow and Keras in Python for BitCoin price prediction
Stars: ✭ 53 (-17.19%)
Mutual labels:  keras-neural-networks
stone paper scissor defeator using opencv keras
In this repository i tried to replicate a cool project by a japanese scientist who made a machine which had 100 % accuracy in defeating humans in the game of stone-paper and scissors
Stars: ✭ 22 (-65.62%)
Mutual labels:  keras-neural-networks
Keras Attention Mechanism
Attention mechanism Implementation for Keras.
Stars: ✭ 2,504 (+3812.5%)
Mutual labels:  keras-neural-networks
DLSS
Deep Learning Super Sampling with Deep Convolutional Generative Adversarial Networks.
Stars: ✭ 88 (+37.5%)
Mutual labels:  keras-neural-networks
keras generative pg
A Deep Generative Framework for Paraphrase Generation Implementaion
Stars: ✭ 78 (+21.88%)
Mutual labels:  keras-neural-networks

AI Chatbot

This repository contains the code for AI Chatbot using Python3, Keras and Numpy.

Requirements

  1. Tensorflow 1.2.0

To check this, go to IDLE and do:

import tensorflow as tf
print(tf.__version__)
  1. Numpy 1.13.0 [+ mkl Windows]

To check this, go to IDLE and do:

import numpy as np
print(np.__version__)
  1. Keras 2.0.2

To check this, go to IDLE and do:

import keras
print(keras.__version__)

Result

Output a1

Resources

S.No. Papers / Authors Paper Links
1. Blog post on "Implementing Dynamic Memory Network" by YereveNN https://yerevann.github.io/2016/02/05/implementing-dynamic-memory-networks/
2. Blog post on "Attention and Memmory in Deep Learning and NLP" by WILDML http://www.wildml.com/2016/01/attention-and-memory-in-deep-learning-and-nlp/
3. Keras "babi_memnn" code for Training Network https://github.com/fchollet/keras/blob/master/examples/babi_memnn.py
4. Training Dataset "bAbI-tasks-v1.2" by Facebook AI Research https://research.fb.com/downloads/babi/
Note that the project description data, including the texts, logos, images, and/or trademarks, for each open source project belongs to its rightful owner. If you wish to add or remove any projects, please contact us at [email protected].