An open API service providing repository metadata for many open source software ecosystems.

Topic: "rnn-model"

mravanelli/pytorch-kaldi

pytorch-kaldi is a project for developing state-of-the-art DNN/RNN hybrid speech recognition systems. The DNN part is managed by pytorch, while feature extraction, label computation, and decoding are performed with the kaldi toolkit.

Language: Python - Size: 567 KB - Last synced at: 17 days ago - Pushed at: about 3 years ago - Stars: 2,384 - Forks: 445

prakashpandey9/Text-Classification-Pytorch

Text classification using deep learning models in Pytorch

Language: Python - Size: 31.3 KB - Last synced at: about 1 year ago - Pushed at: over 6 years ago - Stars: 801 - Forks: 237

JusperLee/Dual-Path-RNN-Pytorch

Dual-path RNN: efficient long sequence modeling for time-domain single-channel speech separation implemented by Pytorch

Language: Python - Size: 94.7 KB - Last synced at: 30 days ago - Pushed at: about 2 years ago - Stars: 434 - Forks: 66

zhongkaifu/RNNSharp

RNNSharp is a toolkit of deep recurrent neural network which is widely used for many different kinds of tasks, such as sequence labeling, sequence-to-sequence and so on. It's written by C# language and based on .NET framework 4.6 or above versions. RNNSharp supports many different types of networks, such as forward and bi-directional network, sequence-to-sequence network, and different types of layers, such as LSTM, Softmax, sampled Softmax and others.

Language: C# - Size: 1.85 MB - Last synced at: 24 days ago - Pushed at: over 4 years ago - Stars: 284 - Forks: 91

rajshah4/tensorflow_shiny

A R/Shiny app for interactive RNN tensorflow models

Language: Jupyter Notebook - Size: 150 KB - Last synced at: 21 days ago - Pushed at: over 8 years ago - Stars: 118 - Forks: 40

thibo73800/deep-generation

I used in this project a reccurent neural network to generate c code based on a dataset of c files from the linux repository.

Language: C - Size: 36.7 MB - Last synced at: over 1 year ago - Pushed at: over 7 years ago - Stars: 109 - Forks: 64

ShashankSinha98/Food-Ordering-Application-with-Review-Analyzer

A food ordering android application with feedback analyzer to improve food suggestions to customer.

Language: Java - Size: 29 MB - Last synced at: over 1 year ago - Pushed at: over 4 years ago - Stars: 76 - Forks: 31

ntrang086/image_captioning

generate captions for images using a CNN-RNN model that is trained on the Microsoft Common Objects in COntext (MS COCO) dataset

Language: Python - Size: 3.55 MB - Last synced at: over 1 year ago - Pushed at: almost 7 years ago - Stars: 66 - Forks: 42

AvinashNath2/Recurrent-Neural-Network-for-BitCoin-price-prediction

Recurrent Neural Network (LSTM) by using TensorFlow and Keras in Python for BitCoin price prediction

Language: Python - Size: 168 KB - Last synced at: about 1 year ago - Pushed at: over 3 years ago - Stars: 57 - Forks: 20

TatevKaren/recurrent-neural-network-pricing-model

Price Prediction Case Study predicting the Bitcoin price and the Google stock price using Deep Learning, RNN with LSTM layers with TensorFlow and Keras in Python. (Includes: Data, Case Study Paper, Code)

Language: Python - Size: 12.1 MB - Last synced at: 22 days ago - Pushed at: over 1 year ago - Stars: 53 - Forks: 34

Shaik-Sohail-72/Network-Intrusion-Detection-Using-Deep-Learning

Cyber Security: Development of Network Intrusion Detection System (NIDS), with Machine Learning and Deep Learning (RNN) models, MERN web I/O System.

Language: EJS - Size: 19.4 MB - Last synced at: 19 days ago - Pushed at: over 1 year ago - Stars: 40 - Forks: 16

nursnaaz/Deeplearning-and-NLP

Deep Learning notes and practical implementation with Tensorflow and keras. Text Analytics and practical application implementation with NLTK, Spacy and Gensim.

Language: Jupyter Notebook - Size: 45.9 MB - Last synced at: about 2 years ago - Pushed at: about 4 years ago - Stars: 30 - Forks: 56

renuka-fernando/sinhalese_language_racism_detection

Sinhalese Language based Hate Speech Detection

Language: Jupyter Notebook - Size: 106 MB - Last synced at: about 8 hours ago - Pushed at: almost 6 years ago - Stars: 30 - Forks: 16

NN4Neurosim/nn4n

Language: Python - Size: 5.18 MB - Last synced at: 4 days ago - Pushed at: 4 days ago - Stars: 24 - Forks: 0

Efficient-Scalable-Machine-Learning/EvNN

Event-based neural networks

Language: Python - Size: 6.52 MB - Last synced at: 11 months ago - Pushed at: 11 months ago - Stars: 20 - Forks: 4

SanjoShaju/Cryptocurrency-Analysis-Python

Time series forecasting using RNN, Twitter Sentiment Analysis and Turtle Trading Strategy applied on Cryptocurrency

Language: HTML - Size: 27.1 MB - Last synced at: about 2 years ago - Pushed at: over 6 years ago - Stars: 20 - Forks: 8

MohdSaif-1807/Network-Intrusion-Detection-System-Using-Machine-Learning-and-Deep-Learning

Cyber Security: Development of Network Intrusion Detection System (NIDS), with Machine Learning and Deep Learning (RNN) models, MERN web I/O System. The deployed project link is as follows.

Language: EJS - Size: 11.2 MB - Last synced at: 9 days ago - Pushed at: about 1 year ago - Stars: 17 - Forks: 2

xinzcode/QA_BiLSTM

A QA System based by BiLSTM. 一个基于双向LSTM的智能问答系统,有交互界面、详细注释、多版本、能运行、文件齐全。

Language: Python - Size: 33.2 KB - Last synced at: 5 months ago - Pushed at: almost 5 years ago - Stars: 17 - Forks: 4

Little-girl-1992/RAE

基于tensorflow搭建的神经网络recursive autuencode,用于实现句子聚类

Language: Python - Size: 11.7 KB - Last synced at: 25 days ago - Pushed at: almost 8 years ago - Stars: 11 - Forks: 3

iAmKankan/Neural-Network

Deep Learning, Attention, Transformers, BERT, GPT-2, GTP-3

Language: Jupyter Notebook - Size: 2.21 MB - Last synced at: 21 days ago - Pushed at: 11 months ago - Stars: 10 - Forks: 0

AlbertoCenzato/pytorch_model_zoo

A repository for my pytorch models

Language: Python - Size: 17.6 KB - Last synced at: about 2 years ago - Pushed at: about 6 years ago - Stars: 10 - Forks: 3

simoninithomas/Time-series-prediction-and-text-generation

Built RNNs that can generate sequences based on input data - with a focus on two applications: used real market data in order to predict future Apple stock prices using an RNN model. The second one will be trained on Sir Arthur Conan Doyle's classic novel Sherlock Holmes and generates wacky sentences based on it that may - or may not - become the next great Sherlock Holmes novel.

Language: Jupyter Notebook - Size: 5.06 MB - Last synced at: 8 days ago - Pushed at: over 7 years ago - Stars: 10 - Forks: 6

tarcisio-marinho/Music-Generation

Piano music generation with RNN with Tensorflow

Language: Python - Size: 827 KB - Last synced at: 22 days ago - Pushed at: about 7 years ago - Stars: 9 - Forks: 3

eakgun/Time-Series-Prediction-With-RNNs

Generalized Implementation of RNNs for Chaotic Time Series Prediction

Language: MATLAB - Size: 169 KB - Last synced at: about 1 year ago - Pushed at: over 2 years ago - Stars: 8 - Forks: 1

kanch91/project-energy

Time-series analysis of the electricity load consumption in the Mumbai Metropolitan Region.

Language: Python - Size: 49 MB - Last synced at: over 1 year ago - Pushed at: almost 4 years ago - Stars: 8 - Forks: 0

noureldinalaa/depression_detector

Depression detection from social media

Language: Python - Size: 4.51 MB - Last synced at: over 1 year ago - Pushed at: over 4 years ago - Stars: 8 - Forks: 1

GINK03/keras-enigma-rnn

kerasのRNNでEnigmaを解きます

Language: Python - Size: 15.2 MB - Last synced at: over 1 year ago - Pushed at: about 7 years ago - Stars: 7 - Forks: 1

dikshant2210/UCF101-Classification

Analyze and classify videos in the UCF101 dataset

Language: Jupyter Notebook - Size: 65.4 KB - Last synced at: almost 2 years ago - Pushed at: over 7 years ago - Stars: 7 - Forks: 2

anshul1004/LyricsGenerator

Song lyrics generation using Recurrent Neural Networks (RNNs)

Language: Python - Size: 47.3 MB - Last synced at: over 1 year ago - Pushed at: over 5 years ago - Stars: 6 - Forks: 0

hammaad2002/Solar-Irradiance-Forecasting-Using-Deep-Learning-Techniques

Solar Irradiance Forecasting Using Deep Learning Techniques

Language: Jupyter Notebook - Size: 5.39 MB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 4 - Forks: 1

briancheang/dr-seuss

Char-RNN generated Dr. Seuss

Language: Jupyter Notebook - Size: 219 MB - Last synced at: 6 months ago - Pushed at: over 6 years ago - Stars: 4 - Forks: 0

susantabiswas/TriggerWordAssistant

A RNN based voice application which can do tasks when it recognizes the user speaking the Trigger word. Here the trigger word is "activate".

Language: Jupyter Notebook - Size: 11.7 MB - Last synced at: about 2 years ago - Pushed at: about 7 years ago - Stars: 4 - Forks: 1

MartinuzziFrancesco/LuxRecurrentLayers.jl

Novel recurrent layers for Lux.jl

Language: Julia - Size: 333 KB - Last synced at: 6 days ago - Pushed at: 6 days ago - Stars: 3 - Forks: 0

ranfysvalle02/ai-self-attention

This repository provides a basic implementation of self-attention. The code demonstrates how attention mechanisms work in predicting the next word in a sequence. It's a basic implementation that demonstrates the core concept of attention but lacks the complexity of more advanced models like Transformers.

Language: Python - Size: 263 KB - Last synced at: 10 days ago - Pushed at: 7 months ago - Stars: 3 - Forks: 0

SuvabBaral/LSTM-for-Predicting-the-next-app-to-use.

Recurrent Neural Network to predict the next app to be used, using Python and Keras.

Language: Python - Size: 5.21 MB - Last synced at: about 2 years ago - Pushed at: over 2 years ago - Stars: 3 - Forks: 3

Central-Cee/-Network-Intrusion-Detection-System-

Cyber Security: Development of Network Intrusion Detection System (NIDS), with Machine Learning and Deep Learning (RNN) models, MERN web I/O System.

Language: Python - Size: 11.1 MB - Last synced at: 11 months ago - Pushed at: over 2 years ago - Stars: 3 - Forks: 0

alphadl/VRNN.tensorflow

A novel RNN cell named VRNN, which consumes less parameters and training time but gain comparable performance as LSTM/GRU

Language: Python - Size: 1.98 MB - Last synced at: over 1 year ago - Pushed at: over 3 years ago - Stars: 3 - Forks: 2

krohak/QuoteGen

Cross-Topic Quotes Generation using Word Embeddings

Language: Jupyter Notebook - Size: 225 MB - Last synced at: about 2 years ago - Pushed at: almost 4 years ago - Stars: 3 - Forks: 2

RegaipKURT/Artificial_Intelligence_PYTHON

Artificial İntelligence Python Codes

Language: Jupyter Notebook - Size: 5.75 MB - Last synced at: about 2 years ago - Pushed at: about 4 years ago - Stars: 3 - Forks: 0

archana1998/predictive-modelling

Predictive Modelling of Time Series Data using LSTM RNNs

Language: Python - Size: 11.7 KB - Last synced at: 10 months ago - Pushed at: over 5 years ago - Stars: 3 - Forks: 0

kingardor/LSTM-TimeSeries

Future forecast using LSTM RNN for Time Series Data

Language: Python - Size: 902 KB - Last synced at: about 1 year ago - Pushed at: over 6 years ago - Stars: 3 - Forks: 0

prodo56/Time-series-analysis-using-RNN

RNN based on LSTM

Language: Python - Size: 23.4 KB - Last synced at: about 2 years ago - Pushed at: almost 8 years ago - Stars: 3 - Forks: 0

benbenlijie/StockPricePredict

Language: Jupyter Notebook - Size: 79.1 KB - Last synced at: about 2 years ago - Pushed at: almost 8 years ago - Stars: 3 - Forks: 2

MU94W/FlexibleAttention

An attention mechanism implementation based on keras with theano as backend.

Language: Python - Size: 63.5 KB - Last synced at: almost 2 years ago - Pushed at: about 8 years ago - Stars: 3 - Forks: 2

bhaskar9221/DeepLearning-Projects

This is my Repository for Deep Learning Project and Works

Language: Python - Size: 22.5 KB - Last synced at: 2 months ago - Pushed at: 2 months ago - Stars: 2 - Forks: 0

Nishant2018/RNN-From-Scratch

Recurrent Neural Networks (RNNs) are a class of artificial neural networks designed to recognize patterns in sequences of data, such as time series, speech, or text.

Language: Jupyter Notebook - Size: 30.3 KB - Last synced at: 2 months ago - Pushed at: 11 months ago - Stars: 2 - Forks: 0

shubhammola/NIDS

Cyber Security: Development of Network Intrusion Detection System (NIDS), with Machine Learning and Deep Learning, Recurrent Neural Network models, MERN web I/O System.

Language: EJS - Size: 13.2 MB - Last synced at: about 1 year ago - Pushed at: about 1 year ago - Stars: 2 - Forks: 1

MoinDalvs/CO2_Emission_Forecasting

P-140 Air Quality forecasting(CO2 emissions) Business Objective: To forecast Co2 levels for an organization so that the organization can follow government norms with respect to Co2 emission levels. Data Set Details: Time parameter and levels of Co2 emission

Language: Jupyter Notebook - Size: 54.2 MB - Last synced at: about 2 months ago - Pushed at: over 2 years ago - Stars: 2 - Forks: 0

iteam1/image_captioning

use InceptionV3 and LSTM model for making the caption in images

Language: Jupyter Notebook - Size: 131 MB - Last synced at: about 2 years ago - Pushed at: almost 3 years ago - Stars: 2 - Forks: 0

iteam1/predict-series-data-with-RNN

application to predict series data by RNNs model

Language: Jupyter Notebook - Size: 13.5 MB - Last synced at: about 2 years ago - Pushed at: almost 3 years ago - Stars: 2 - Forks: 0

samirsalman/SongLyricsGenerator

Song Lyrics Generator is a Deep Learning model, particularly an RNN model, it is able to generate music lyrics starting from a string input.

Size: 14.5 MB - Last synced at: about 2 years ago - Pushed at: over 4 years ago - Stars: 2 - Forks: 0

bhattg/Decay-RNN-ACL-SRW2020

This is an official pytorch implementation for the experiments described in the paper - "How much complexity does an RNN architecture need to learn syntax-sensitive dependencies?", Proceedings of the 58th Annual Meeting of the Association for Computational Linguistics: Student Research Workshop

Language: Python - Size: 671 KB - Last synced at: about 1 year ago - Pushed at: almost 5 years ago - Stars: 2 - Forks: 0

Subangkar/Sequence-Models-Deeplearning.ai-Coursera-Assignments

Notebooks of programming assignments of Sequence Models course of deeplearning.ai on coursera in May-2020

Language: Jupyter Notebook - Size: 9.08 MB - Last synced at: about 2 years ago - Pushed at: almost 5 years ago - Stars: 2 - Forks: 4

wangleihitcs/ImageCaptions

A base model for image captions.

Language: Python - Size: 96.3 MB - Last synced at: 2 months ago - Pushed at: about 6 years ago - Stars: 2 - Forks: 1

ManglaSourav/Sentiment-Analysis

Many to one RNN model in Keras :+1: or :-1:

Language: Jupyter Notebook - Size: 890 KB - Last synced at: about 2 years ago - Pushed at: almost 7 years ago - Stars: 2 - Forks: 0

0lidaxiang/dp-predict-stock

Used re-constructed news title data to predict stock by deep learning(LSTM).This is the final project of NTUST CS5144701 Practices of Deep Learning course.

Language: Jupyter Notebook - Size: 31 MB - Last synced at: over 1 year ago - Pushed at: almost 7 years ago - Stars: 2 - Forks: 1

maurus56/musical-engine

Simple music generation rnn. Update/Built untop of MattVitelli/GRUV and unnati-xyz/music-generation

Language: Python - Size: 2.9 MB - Last synced at: about 2 years ago - Pushed at: over 7 years ago - Stars: 2 - Forks: 0

jrios6/AIND-Recurrent-Neural-Network

RNN for Time-Series Stock Prediction and Text Generation

Language: Jupyter Notebook - Size: 9.55 MB - Last synced at: over 1 year ago - Pushed at: almost 8 years ago - Stars: 2 - Forks: 1

sszukala/TrianglePixels

The results obtained from the experiments are compared and analyzed to determine the effectiveness of using triangle pixels in image classification tasks.

Language: Python - Size: 25.4 KB - Last synced at: 3 months ago - Pushed at: 3 months ago - Stars: 1 - Forks: 0

tinsaeabreham45/RNN_Numpy

Building Recurrent Neural Network Only Using Numpy

Language: Jupyter Notebook - Size: 269 KB - Last synced at: about 1 month ago - Pushed at: 3 months ago - Stars: 1 - Forks: 0

ajitashwathr10/music-magenta-rnn

This project is a music generation allowing users to create genre-specific MIDI files by specifying preferred genre and tempo.

Language: Python - Size: 9.77 KB - Last synced at: 2 months ago - Pushed at: 4 months ago - Stars: 1 - Forks: 0

abhi227070/Stock-Price-Forecasting-using-LSTM

This project uses LSTM neural networks to forecast Google Stock prices. Data is fetched from Tiingo using pandas datareader, preprocessed, and used to train the model. It's designed to run on Google Colab with GPU acceleration for faster training.

Language: Jupyter Notebook - Size: 1.01 MB - Last synced at: 2 months ago - Pushed at: about 1 year ago - Stars: 1 - Forks: 0

ParthLa/HeartSound_classification_and_filtering

Language: HTML - Size: 36.8 MB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 1 - Forks: 0

BinFuPKU/pytorch-practice

个人实现pytorch高级编程,包括基本知识、卷积神经网络、循环神经网络、生成对抗、模型部署和分布式训练(2022)

Language: Jupyter Notebook - Size: 279 KB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 1 - Forks: 0

ericsoderquist/SentimentAnalysis_IMDB_RNN

Sentiment Analysis of IMDB Movie Reviews using a Hand-Crafted Recurrent Neural Network.

Language: Python - Size: 151 KB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 1 - Forks: 0

sphamtambo/lstm-drug-discovery

Biological activity prediction of HIV compounds using LSTM models.

Language: Jupyter Notebook - Size: 13.7 KB - Last synced at: almost 2 years ago - Pushed at: about 2 years ago - Stars: 1 - Forks: 0

SoundaryaMiranam/Stock-Price-Prediction

This project uses sentiment analysis using tweepy and textblob and Deep Learning model, Long-Short Term Memory (LSTM) Recurrent neural network (RNN) algorithm to predict closing prices of stocks.

Language: Python - Size: 478 KB - Last synced at: about 2 years ago - Pushed at: over 3 years ago - Stars: 1 - Forks: 1

DarinJoshua-dev/Deep-Learning-Text-Emotion-Analyzer

A Deep Learning Recurrent Neural Network by PyTorch to identify the different emotions in the text, feedback & paragraph by training the model to predict accurately, the emotions of anger, fear, joy, surprise & sadness

Language: Jupyter Notebook - Size: 17.4 MB - Last synced at: about 2 years ago - Pushed at: over 4 years ago - Stars: 1 - Forks: 0

CynthiaKoopman/Echo-State-Networks

Implementation of Echo State Networks, a special kind of Recurrent Neural Networks

Language: Jupyter Notebook - Size: 300 KB - Last synced at: over 1 year ago - Pushed at: almost 5 years ago - Stars: 1 - Forks: 2

the-code-experiments/experiment-rnn

Learning the basics of RNN

Size: 1.22 MB - Last synced at: over 1 year ago - Pushed at: over 5 years ago - Stars: 1 - Forks: 0

deepanshnagaria/Machine-Learning-Summer-Intern

Transportation analysis with social social media data

Language: Jupyter Notebook - Size: 2.38 MB - Last synced at: about 2 years ago - Pushed at: about 6 years ago - Stars: 1 - Forks: 0

anjanatiha/Twitter-US-Airline-Sentiment

Twitter data on US Airlines Sentiment Analysis with Deep Learning (LSTM and CNN)

Language: Jupyter Notebook - Size: 300 KB - Last synced at: about 2 years ago - Pushed at: about 6 years ago - Stars: 1 - Forks: 2

Shraddha2702/LSTM-Text-Generator-and-Image-Classifier

Text Generator and CNN Image Classifier

Language: Jupyter Notebook - Size: 162 MB - Last synced at: over 1 year ago - Pushed at: over 6 years ago - Stars: 1 - Forks: 0

ridwanakf/Temperature-Prediction-Using-RNN-TensorFlow

I tried to predict temperature of local area in Indonesia using data from BMKG (Badan Meteorologi, Klimatologi dan Geofisika) Indonesia and RNN Model from TensorFlow

Language: Jupyter Notebook - Size: 56.6 KB - Last synced at: about 2 years ago - Pushed at: over 6 years ago - Stars: 1 - Forks: 1

rajsrujan77/ML_Experiments

Language: Jupyter Notebook - Size: 60.5 KB - Last synced at: about 2 years ago - Pushed at: about 7 years ago - Stars: 1 - Forks: 0

duoan/dl-tv-script-generation

generate tv scripts via RNN

Language: HTML - Size: 393 KB - Last synced at: about 1 year ago - Pushed at: over 7 years ago - Stars: 1 - Forks: 1

Wenlu057/deep-learning-practice

deep learning projects from Udacity

Language: Python - Size: 97.7 KB - Last synced at: almost 2 years ago - Pushed at: over 7 years ago - Stars: 1 - Forks: 0

wellango/Music-Generation-RNN

Generating music using a character-level Recurrent Neural Network.

Language: Python - Size: 928 KB - Last synced at: about 2 years ago - Pushed at: about 8 years ago - Stars: 1 - Forks: 1

Nirva-Patel/Time-Series-Forecasting

This project aims to forecast gold prices using time series techniques. It includes data preprocessing, model training, and evaluation of methods like ARIMA, SARIMA, LSTM, etc. to identify the best-performing model. The repository contains code, data workflows, and model comparisons.

Language: Jupyter Notebook - Size: 4.95 MB - Last synced at: 3 days ago - Pushed at: 3 days ago - Stars: 0 - Forks: 0

RamtinS/machine-learning

This repository showcases various designs and techniques in machine learning, covering a range of models and approaches.

Language: Jupyter Notebook - Size: 5.6 MB - Last synced at: about 2 months ago - Pushed at: about 2 months ago - Stars: 0 - Forks: 0

mayankmittal29/NeuroPredictive_Advanced-Neural-Language-Models

Powerful neural architectures for next word prediction using FFNN, RNN, and LSTM models

Language: Jupyter Notebook - Size: 304 MB - Last synced at: 2 months ago - Pushed at: 2 months ago - Stars: 0 - Forks: 0

PMDOUGLAS23/Customer-Reviews-Analysis

Data Science Project : Supply Chain - Satisfaction des clients. Prédire la satisfaction client à partir des commentaires. De ces commentaires, identifier les catégories de sujets problématiques A partir des commentaires clients, être capable d’automatiser une réponse Détection du sentiment client : positif, neutre ou négatif

Language: Jupyter Notebook - Size: 54 MB - Last synced at: 3 months ago - Pushed at: 3 months ago - Stars: 0 - Forks: 0

Only1JohnN/chaotic_systems_lstm

Learn and model chaotic systems using Long Short-Term Memory (LSTM) networks, with a focus on the Lorenz system

Language: Python - Size: 1.34 MB - Last synced at: 3 months ago - Pushed at: 3 months ago - Stars: 0 - Forks: 0

osman-haider/TrainMyAI

TrainMyAI is a streamlined tool for training deep learning models with a single click. It offers an intuitive Streamlit-based interface for model selection, dataset upload, training, performance evaluation, and inference, making AI accessible and efficient for everyone.

Language: Python - Size: 165 KB - Last synced at: 3 months ago - Pushed at: 3 months ago - Stars: 0 - Forks: 0

sinhaparth5/learning-rnn

Creating a deep learning model (specifically an LSTM-based RNN) that learns patterns from Indian devotional MIDI music files and can generate new, similar music pieces - essentially training an AI to compose new devotional songs by learning from existing ones.

Language: Python - Size: 1.94 MB - Last synced at: about 2 months ago - Pushed at: 3 months ago - Stars: 0 - Forks: 0

AnuragRaj11/IMDB-Movie-Review-RNN-Project

Language: Jupyter Notebook - Size: 24.4 KB - Last synced at: 4 months ago - Pushed at: 4 months ago - Stars: 0 - Forks: 0

gaaniruddha/FIT5149-A2

This repository contains assignment #2 that was completed as a part of "FIT5149 Applied Data Analysis", taught at Monash Uni in S2 2020.

Language: Jupyter Notebook - Size: 12.6 MB - Last synced at: 2 months ago - Pushed at: 4 months ago - Stars: 0 - Forks: 0

SM0311/movie-review-sentiment-app

IMDB Movie Review Sentiment Analysis

Language: Jupyter Notebook - Size: 13.9 MB - Last synced at: 6 months ago - Pushed at: 6 months ago - Stars: 0 - Forks: 0

grascya/Forecasting-Electricity-by-Hour-RNN-vs-LSTM

Explore the Production and Consumption of Electricity produced by different types of energy sources and build an RNN and LSTM to forecast them

Language: Jupyter Notebook - Size: 3.58 MB - Last synced at: 6 months ago - Pushed at: 6 months ago - Stars: 0 - Forks: 0

cvbesJulian/Performance_RNN_For_EDM_RealTime

A trained RNN with an EDM MIDI set in various genres. This will be develop as a Max4Live device and it's main goal is to use it as a Real Time performance Tool within Ableton Live.

Size: 17.6 KB - Last synced at: 6 months ago - Pushed at: 6 months ago - Stars: 0 - Forks: 0

MoulyaAS/Mental-Stress-Detection

The aim of this project is to develop a machine learning model that can accurately classify whether an individual is experiencing stress based on their textual data.

Language: Python - Size: 8.79 KB - Last synced at: 6 months ago - Pushed at: 7 months ago - Stars: 0 - Forks: 0

im-dpaul/Beer-Production-Analysis-and-Prediction

This project delves into the world of craft beer, analyzing and forecasting monthly beer production trends. It utilizes various time series analysis techniques to uncover patterns and predict future production levels.

Language: Jupyter Notebook - Size: 533 KB - Last synced at: 9 months ago - Pushed at: 9 months ago - Stars: 0 - Forks: 0

Pree-04/Sentiment-Analysis-of-clothing-reviews

RNN model trained for sentiment analysis of e-commerce women's clothing reviews.

Language: Jupyter Notebook - Size: 5.86 KB - Last synced at: 10 months ago - Pushed at: 10 months ago - Stars: 0 - Forks: 0

vishnun0027/Sentiment-Analysis

Here the several ways to perform sentiment analysis on text data, with varying degrees of complexity and accuracy

Language: Jupyter Notebook - Size: 40 MB - Last synced at: about 1 month ago - Pushed at: 10 months ago - Stars: 0 - Forks: 0

Parnianjalali/Deep-Learning

Emotion Recognition/ Ethereum Price Estimation/ Face Mask Detection

Language: Jupyter Notebook - Size: 3 MB - Last synced at: 10 months ago - Pushed at: 10 months ago - Stars: 0 - Forks: 0

mmutadich/sonnet-writing-HMM-and-RNN

Generate Shakespearean sonnets by training Hidden Markov Models (HMMs) and Recurrent Neural Networks (RNNs)

Language: Jupyter Notebook - Size: 3.08 MB - Last synced at: 10 months ago - Pushed at: 10 months ago - Stars: 0 - Forks: 0

SreecharanV/Improving-CIFAR-10-Image-Classification-with-Diverse-Architectures-Using-Ensemble-Learning

This project uses an ensemble of CNN, RNN, and VGG16 models to enhance CIFAR-10 image classification accuracy and robustness. By combining multiple architectures, we significantly outperform single-model approaches, achieving superior classification performance.

Language: Jupyter Notebook - Size: 2.26 MB - Last synced at: about 1 month ago - Pushed at: 11 months ago - Stars: 0 - Forks: 0

ohmthanap/CS583_Deep-Learning

Learned knowledge and techniques in Deep Learning and also related tools: Python, Pytorch, Jupyter Notebook, RNN, CNN, Reinforcement Learning, LSTM, BERT, Language Modeling

Language: Jupyter Notebook - Size: 127 MB - Last synced at: 12 months ago - Pushed at: 12 months ago - Stars: 0 - Forks: 0

MohanBisunke/Email_Multiclass_classification_LSTM

The built model(LSTM) is able to Categorize emails into Primary, Spam, Promotions and Social. Because of dataset taken from individual, it's not uploaded for privacy concern.

Language: Jupyter Notebook - Size: 62.5 KB - Last synced at: 12 months ago - Pushed at: about 1 year ago - Stars: 0 - Forks: 0

amirR01/Image-Captioning

Image Captioning using Recurrent Neural Networks

Language: Jupyter Notebook - Size: 3.32 MB - Last synced at: about 1 year ago - Pushed at: about 1 year ago - Stars: 0 - Forks: 0

Related Topics
rnn 42 deep-learning 39 lstm 33 lstm-neural-networks 30 tensorflow 28 machine-learning 27 rnn-tensorflow 27 python 24 keras 23 rnn-lstm 18 deep-neural-networks 15 lstm-model 15 cnn-model 14 nlp 14 rnn-pytorch 14 neural-network 13 recurrent-neural-networks 12 pytorch 12 python3 12 keras-tensorflow 11 nlp-machine-learning 8 keras-neural-networks 7 stock-price-prediction 7 gru 7 sentiment-analysis 7 cnn 7 natural-language-processing 6 cnn-keras 6 neural-networks 6 rnn-keras 6 prediction 6 deeplearning 6 time-series-analysis 6 machine-learning-algorithms 5 logistic-regression 5 time-series-forecasting 5 rnn-encoder-decoder 5 rnn-language-model 4 recurrent-neural-network 4 time-series 4 data-science 4 reactjs 4 text-classification 4 numpy 4 cybersecurity 4 nsl-kdd 4 sentiment-classification 4 pandas 4 detect-anomalies 4 nids 4 computer-vision 4 network-intrusion-detection 4 network 4 mongodb 4 mern-stack 4 knn 4 nodejs 4 bert-model 4 forecasting 3 gru-model 3 attention-model 3 language-modeling 3 time-series-prediction 3 text-generation 3 music-generation 3 tensorflow2 3 attention-mechanism 3 artificial-neural-networks 3 svm-model 3 convolutional-neural-networks 3 lstm-neural-network 3 classification 3 image-recognition 3 artificial-intelligence 3 reinforcement-learning 3 machinelearning 3 cnn-for-visual-recognition 3 gan 2 word-embedding 2 word-embeddings 2 music 2 python-script 2 glove 2 data-analysis 2 rnn-gru 2 price-prediction 2 sequence-to-sequence 2 ann 2 ocr 2 unsupervised-learning 2 image-processing 2 time-series-forecast 2 forecasting-models 2 arima-forecasting 2 twitter 2 machine-learning-application 2 rnns 2 stock 2 tensorflow-experiments 2 recommender-system 2