Pinned Repositories
Clickbait-Detection-CNN
Using Word2Vec embeddings and a shallow Convolutional Neural Network to detect clickbait-like headlines.
Compact-Bilinear-Pooling-via-KRP
Example implementation of the Compact Bilinear Pooling via Kernelized Random Projection (CBP-KRP) layer
DeepLearning-caffe-examples
Some examples showing how to make real time classification with a Cifar10-trained CNN (With Caffe framework) and a bit of OpenCV
Gaussian-Bayes-classifier
Simple python implementation of the Gaussian Bayes classifier algorithm (without the naive asumption)
MNIST-reconstruction-LSTM-Tensorflow
MNIST Digit reconstruction by means of LSTM as implemented in TensorFlow.
Multilayer-Perceptron
Basic python-numpy implementation of Multi-Layer Perceptron and Backpropagation with regularization
PolyKernel-RP
Implementation of Random Projection for homogeneous polynomial kernel feature spaces
pypuzzle3d
Python code to find all solutions of arbitrary 3x3x3 cube puzzles.
tf2-advanced-examples
unown-mnist
MNIST-like dataset of unown pokemons.
lopeLH's Repositories
lopeLH/Multilayer-Perceptron
Basic python-numpy implementation of Multi-Layer Perceptron and Backpropagation with regularization
lopeLH/Gaussian-Bayes-classifier
Simple python implementation of the Gaussian Bayes classifier algorithm (without the naive asumption)
lopeLH/unown-mnist
MNIST-like dataset of unown pokemons.
lopeLH/DeepLearning-caffe-examples
Some examples showing how to make real time classification with a Cifar10-trained CNN (With Caffe framework) and a bit of OpenCV
lopeLH/Tensorflow-basic-examples
Some basic usage examples of TensorFlow I prepared for a workshop at the University of Salamanca.
lopeLH/ICA-by-Distance-Correlation
Independent Component Analysis using Distance Correlation, applied to Bind Source Separation
lopeLH/Pokemon-Variational-Autoencoder
lopeLH/PolyKernel-RP
Implementation of Random Projection for homogeneous polynomial kernel feature spaces
lopeLH/Clickbait-Detection-CNN
Using Word2Vec embeddings and a shallow Convolutional Neural Network to detect clickbait-like headlines.
lopeLH/Compact-Bilinear-Pooling-via-KRP
Example implementation of the Compact Bilinear Pooling via Kernelized Random Projection (CBP-KRP) layer
lopeLH/Lumberjack_Q-learning
Lumberjack game fromTelegram with Q-learning
lopeLH/MNIST-reconstruction-LSTM-Tensorflow
MNIST Digit reconstruction by means of LSTM as implemented in TensorFlow.
lopeLH/Multivariate-linear-regression
Multivariate linear regression with gradient descent
lopeLH/pypuzzle3d
Python code to find all solutions of arbitrary 3x3x3 cube puzzles.
lopeLH/LunarLanderGA
This project shows that MLP (Multi layer perceptrons) can be used in videogames.
lopeLH/tf2-advanced-examples
lopeLH/AI-Intro-course
Code examples for the course "Introducción a la IA: Aprendizaje Automático y Redes Neuronales Artificiales"
lopeLH/detectron2
Detectron2 is FAIR's next-generation platform for object detection and segmentation.
lopeLH/Logistic-regression
Logistic Regression by gradient descent
lopeLH/mememoji
A facial expression classification system that recognizes 6 basic emotions: happy, sad, surprise, fear, anger and neutral.
lopeLH/NormalEquation
Multivariate linear regression with the Normal equation method
lopeLH/scikit-learn
scikit-learn: machine learning in Python
lopeLH/SuperMarioMLP
Using Neural Networks to learn the behavior of human players in video-games