All Projects → RubensZimbres → Repo 2016

RubensZimbres / Repo 2016

R, Python and Mathematica Codes in Machine Learning, Deep Learning, Artificial Intelligence, NLP and Geolocation

Programming Languages

python
139335 projects - #7 most used programming language
python3
1442 projects

Projects that are alternatives of or similar to Repo 2016

2D-and-3D-Deep-Autoencoder
Convolutional AutoEncoder application on MRI images
Stars: ✭ 57 (-44.66%)
Mutual labels:  lasagne, theano, autoencoder
Lstm Autoencoders
Anomaly detection for streaming data using autoencoders
Stars: ✭ 113 (+9.71%)
Mutual labels:  timeseries, lstm, autoencoder
Chameleon recsys
Source code of CHAMELEON - A Deep Learning Meta-Architecture for News Recommender Systems
Stars: ✭ 202 (+96.12%)
Mutual labels:  lstm, word2vec, lstm-neural-networks
Repo 2017
Python codes in Machine Learning, NLP, Deep Learning and Reinforcement Learning with Keras and Theano
Stars: ✭ 1,123 (+990.29%)
Mutual labels:  natural-language-processing, word2vec, autoencoder
Predictive Maintenance Using Lstm
Example of Multiple Multivariate Time Series Prediction with LSTM Recurrent Neural Networks in Python with Keras.
Stars: ✭ 352 (+241.75%)
Mutual labels:  timeseries, lstm, lstm-neural-networks
NTUA-slp-nlp
💻Speech and Natural Language Processing (SLP & NLP) Lab Assignments for ECE NTUA
Stars: ✭ 19 (-81.55%)
Mutual labels:  word2vec, nlp-machine-learning, lstm-neural-networks
Awesome Tensorlayer
A curated list of dedicated resources and applications
Stars: ✭ 248 (+140.78%)
Mutual labels:  natural-language-processing, autoencoder, lstm-neural-networks
Personality Detection
Implementation of a hierarchical CNN based model to detect Big Five personality traits
Stars: ✭ 338 (+228.16%)
Mutual labels:  lstm, lstm-neural-networks, theano
Ad examples
A collection of anomaly detection methods (iid/point-based, graph and time series) including active learning for anomaly detection/discovery, bayesian rule-mining, description for diversity/explanation/interpretability. Analysis of incorporating label feedback with ensemble and tree-based detectors. Includes adversarial attacks with Graph Convolutional Network.
Stars: ✭ 641 (+522.33%)
Mutual labels:  timeseries, lstm, autoencoder
Bitcoin Price Prediction Using Lstm
Bitcoin price Prediction ( Time Series ) using LSTM Recurrent neural network
Stars: ✭ 67 (-34.95%)
Mutual labels:  lstm, lstm-neural-networks, time-series-analysis
Ai Reading Materials
Some of the ML and DL related reading materials, research papers that I've read
Stars: ✭ 79 (-23.3%)
Mutual labels:  lstm, face-recognition
Dialogue Understanding
This repository contains PyTorch implementation for the baseline models from the paper Utterance-level Dialogue Understanding: An Empirical Study
Stars: ✭ 77 (-25.24%)
Mutual labels:  natural-language-processing, lstm
Russian news corpus
Russian mass media stemmed texts corpus / Корпус лемматизированных (морфологически нормализованных) текстов российских СМИ
Stars: ✭ 76 (-26.21%)
Mutual labels:  word2vec, nlp-machine-learning
Aialpha
Use unsupervised and supervised learning to predict stocks
Stars: ✭ 1,191 (+1056.31%)
Mutual labels:  lstm, autoencoder
Contextual Utterance Level Multimodal Sentiment Analysis
Context-Dependent Sentiment Analysis in User-Generated Videos
Stars: ✭ 86 (-16.5%)
Mutual labels:  lstm, lstm-neural-networks
Ja.text8
Japanese text8 corpus for word embedding.
Stars: ✭ 79 (-23.3%)
Mutual labels:  natural-language-processing, word2vec
Cnn lstm for text classify
CNN, LSTM, NBOW, fasttext 中文文本分类
Stars: ✭ 90 (-12.62%)
Mutual labels:  lstm, lstm-neural-networks
Multitask sentiment analysis
Multitask Deep Learning for Sentiment Analysis using Character-Level Language Model, Bi-LSTMs for POS Tag, Chunking and Unsupervised Dependency Parsing. Inspired by this great article https://arxiv.org/abs/1611.01587
Stars: ✭ 93 (-9.71%)
Mutual labels:  natural-language-processing, lstm
Codesearchnet
Datasets, tools, and benchmarks for representation learning of code.
Stars: ✭ 1,378 (+1237.86%)
Mutual labels:  natural-language-processing, nlp-machine-learning
Sense2vec
🦆 Contextually-keyed word vectors
Stars: ✭ 1,184 (+1049.51%)
Mutual labels:  natural-language-processing, word2vec

R, Python and Mathematica Codes in Data Science

Welcome to my GitHub repo.

I am a Data Scientist and I code in R, Python and Wolfram Mathematica. Here you will find some Machine Learning, Deep Learning, Natural Language Processing and Artificial Intelligence models I developed.

Outputs of the models can be seen at my portfolio: https://drive.google.com/file/d/0B0RLknmL54khdjRQWVBKeTVxSHM/view?usp=sharing


Mathematica Codes

MNIST_HOT.5.FULL: is a solution for the MNIST dataset in Mathematica, with 96.51% accuracy, based on difference of pixels.

Mathematica - Artificial Intelligence Simulating Interactions in Social Networks: is a model that simulates human interactions in a social network using cellular automata and agent-based modeling. Each agent has 3 possible choices for interation and a memory. The code has 14 pages with a big loop included in one line of code.

Mathematica - Facial Recognition in Movement: This code operationalizes facial recognition in a downloaded YouTube video. The output is also a video with the result of face recognition (YouTube link of the output is included in code page)

Mathematica - Monte Carlo Simulation: is an animated model of a Markov Chain Monte Carlo Simulation for autonomous driving. A video of the dynamic output was also generated and link for the YouTube video is included in code page.

Mathematica - Social Network Surveillance: is a model that tracks individuals in a social network, tracks also his connections and future interactions.


Python Codes

Keras version used in models: keras==1.1.0 | LSTM 0.2

Python - Autoencoder MNIST: is an autoencoder model for classification of images developed with Keras, for the MNIST dataset, with model Checkpoint as a callback to save weights.

Python - Autoencoder for Text Classification: is an autoencoder model for classification of text made with Keras, also with model Checkpoint.

Python - Deep Learning with Lasagne: is a deep neural network developed with Lasagne, where you can see values of weights in each layer, including bias.

Python - Face Recognition: is a model using OpenCV to detect faces.

Python - Image Extraction from Twitter: is a model that extracts pictures and their links from Twitter webpages, plotting with matplotlib.

Python - Keras Convolutional Neural Network: is a CNN developed to classify the MNIST dataset with an accuracy greater than 99%.

Python - Keras Deep Regressor: is a deep Neural Network for prediction of a continuous output made with Keras, learning rate scheduler according to derivative of error, random initial weights, with loss history.

Python - Keras LSTM Network: is a Recurrent Neural Network (LSTM) to predict and generate text.

Python - Keras Multi Layer Perceptron: is a MLP model, Neural Networks made with Keras with loss history, scheduled learning rate according to derivative of error for prediction and classification.

Python - Machine Learning: is a Principal Components Analysis followed by a Linear Regression.

Python - NLP Doc2Vec: is a Natural Language Processing model where I asked a Wikipedia webpage a question and 4 possible answers were semantically chosen from the tokenized and vectorized webpage, using KNN and cosine distance.

Python - NLP Semantic Analysis: is a Natural Language Processing model that classifies a given sentence according to semantic similarity to other sentences, using cosine distance.

Python - NLP Word2Vec: is a model developed from scratch to measure cosine similarity among words.

Python - Reinforcement Learning: is a model based on simple rules and Game Theory where agents attitude change according to payoff achieved. Can be adapted for tit-for-tat strategy, always cooperate, always defeat and other strategies. Rewards were placed in the payoff matrix.

Python - Social Networks: is a model that draws social networks configuration and connections.

Python - Support Vector Machines: is a Machine Learning model that classifies the Iris dataset with SVM and plots it.

Python - Theano Deep Learning: is a Neural Network with two hidden layers using Theano.


R Codes

R - Churn of Customers: is a model that uses a logistic regression associated with a threshold to predict which customers present the greater risk to be lost.

R - Data Cleaning + Multinomial Regression: is a model that presents data cleaning and a multinomial regression using package nnet to classify customers according to their level of loyalty.

R - Face Recognition: is a code to detect faces and objects in R.

R - Geolocation Brazil: is a file for geo-spatial localization, brazilian map.

R - Geolocation USA: is also a file for geo-spatial localization, USA map.

R - Geolocation World: is a file for geo-spatial localization, world map, zoom available, customizable icons.

R - Gradient Descent Logistic: is a model that performs a gradient descent to define a threshold for the sigmoid function in a Logistic Regression. Boosting was implemented and ROC curves compared.

R - H2O Deep Learning: is a Neural Network model developed to predict recommendations and word-of-mouth advertising.

R - Imbalanced classes is a model for employee churn, where features have no correlation with target variable and also there are imbalanced classes in the proportion 1/20. A logistic regression from scratch is applied, a hill climbing gradient is used to define the best threshold for the logistic function and after that, boosting was compared regarding AUC in a ROC plot.

Logistic Regression + Gradient Descent + Boosting is a model where features have no correlation with target variable. Logistic Regression with Gradient Descent was applied, and then Boosting.

R - MNIST: is a solution for the MNIST dataset, developed from scratch.

R - Markov Chains: is a simple visualization of Markov Chains and probabilities associated.

R - NeuralNet: is a Neural Network model developed to predict and classify word-of-mouth advertising.

R - Ridge Regression: is a model with Ridge Regularization made from scratch to prevent overfitting.

R - Deep Learning: is a Neural Network model with 2 hidden layers for prediction of a continuous variable.

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].