• Stars
    star
    106
  • Rank 325,871 (Top 7 %)
  • Language
    Python
  • Created over 8 years ago
  • Updated almost 6 years ago

Reviews

There are no reviews yet. Be the first to send feedback to the community and the maintainers!

Repository Details

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

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.

More Repositories

1

Repo-2017

My first Python repo with codes in Machine Learning, NLP and Deep Learning with Keras and Theano
Python
1,175
star
2

Repo-2018

Deep Learning Summer School + Tensorflow + OpenCV cascade training + YOLO + COCO + CycleGAN + AWS EC2 Setup + AWS IoT Project + AWS SageMaker + AWS API Gateway + Raspberry Pi3 Ubuntu Core
Jupyter Notebook
168
star
3

Repo-2019

BERT, AWS RDS, AWS Forecast, EMR Spark Cluster, Hive, Serverless, Google Assistant + Raspberry Pi, Infrared, Google Cloud Platform Natural Language, Anomaly detection, Tensorflow, Mathematics
Jupyter Notebook
137
star
4

Repo-2021

Transformers, Graph Neural Networks, PySpark, Neural Cellular Automata, FB Prophet, Google Cloud, NLP codes, Ethical Hacking and C Language
Jupyter Notebook
50
star
5

Gemini-RAG

Chatbot that uses Gemini-1.0-Pro to answer questions, with memory by using LangChain. Also, it's enriched by RAG and deployed in Dialogflow
Python
23
star
6

GAN-Project-2018

GAN in Tensorflow to be run via Linux command line
Python
21
star
7

Repo-2022

Python codes on PyTorch, Tensorflow, Keras, Wav2Vec2 Fine-Tuning and Google Cloud
Jupyter Notebook
7
star
8

Repo-2020

Machine Learning, Google Cloud and Quantitative Algorithms for Stocks Trading
Jupyter Notebook
6
star
9

CyberBotLLM

4 chatbots with memory made with Langchain, VertexAI and Gemini, as a cyber challenge to capture and expose RAG content.
Python
6
star
10

Hacking_Utilities

Ethical Hacking: Utilities for passwords augumentation and generation of passwords for people of interest
Python
3
star
11

Graph_RAG

A Flask app running GraphRAG for healthcare, made with Vertex AI and Neo4j, to be deployed in a container (Cloud Run or ECS).
Python
1
star
12

wav2vec2

Python
1
star
13

TestePush

Teste Push
Python
1
star
14

Project-01-2018

Personal Project: Keras Model with Learning Rate Scheduler via shell command in Linux
Python
1
star
15

Pull_Request_Azure_Pred

Pull Request Azure Predictive Maintenance
Jupyter Notebook
1
star
16

GDE-Sprints

A repository of code developed in Google Developer Experts sprints
Jupyter Notebook
1
star
17

OWASP-Survey

Data preparation for the 2024 OWASP Top 10 for LLMs Survey
Jupyter Notebook
1
star
18

fitbit-public

Generative AI Application (chatbot) using Cloud Run, Dialogflow and Vertex AI
Python
1
star