cross-entropy
There are 61 repositories under cross-entropy topic.
udacity/deep-reinforcement-learning
Repo for the Deep Reinforcement Learning Nanodegree program
jeromerony/dml_cross_entropy
Code for the paper "A unifying mutual information view of metric learning: cross-entropy vs. pairwise losses" (ECCV 2020 - Spotlight)
fcakyon/balanced-loss
Easy to use class balanced cross entropy and focal loss implementation for Pytorch
sea-boat/DeepLearning-Lab
Code lab for deep learning. Including rnn,seq2seq,word2vec,cross entropy,bidirectional rnn,convolution operation,pooling operation,InceptionV3,transfer learning.
mosdeo/LKYDeepNN
Low dependency(C++11 STL only), good portability, header-only, deep neural networks for embedded
dmitrijsc/practical-rl
Reinforcement learning in Julia. Solving OpenAI gym.
justinlovinger/optimal-py
A python metaheuristic optimization library. Currently supports Genetic Algorithms, Gravitational Search, Cross Entropy, and PBIL.
ili3p/vqa-soft
Accompanying code for "A Simple Loss Function for Improving the Convergence and Accuracy of Visual Question Answering Models" CVPR 2017 VQA workshop paper.
AliAbbasi/Numerically-Stable-Cross-Entropy-Loss-Function-Tensorflow
Numerically Stable Cross Entropy Loss Function Implemented with Python and Tensorflow
cjymz886/modeling-data-imbalance-with-different-losses
compare the performance of cross entropy, focal loss, and dice loss in solving the problem of data imbalance
imraviagrawal/Reinforcement-Learning-Implementation
Implementation of Reinforcement Algorithms from scratch
swarm-lab/cec
Cross-Entropy Clustering R Package
yhuag/Transfer-Learning-for-Flower-Classification-by-ResNet
A jupyter notebook is provided for in-depth explanation.
anshul1004/LyricsGenerator
Song lyrics generation using Recurrent Neural Networks (RNNs)
cpaxton/grid_planning
Integrated task and motion planning using grounded actions learned from observing expert demonstrations.
ken-power/DRLND_DeepReinforcementLearning_Examples
Examples and tutorials that implement various algorithms in Deep Reinforcement Learning.
v-iashin/CrossEntropyTSP
An implementation of an approximation of the solution to Traveling Salesman Problem using cross entropy approach on Python 3
ChriZ982/NeuralNetTest
Test project for neural networks - Handwritten digit recognition on MNIST dataset
MahmudulAlam/Subitizing
Towards Generalization in Subitizing with Neuro-Symbolic Loss using Holographic Reduced Representations
vkurenkov/cem-tetris
Solving Tetris using Cross-Entropy Method
corentinpla/Learning-Tetris-Using-the-Noisy-Cross-Entropy-Method
We apply the noisy cross-entropy method to the game of Tetris to demonstrate its efficiency.
daodavid/maths-behind-ML
Maths behind machine learning and some implementations from scratch.
dlwsdqdws/MLP_Data_Classification
A data classification using MLP
jdleesmiller/cross_entropy
Ruby library for solving optimisation problems with the Cross Entropy Method.
carlomarxdk/RobustCrossEntropyLoss
PyTorch Implementation of Robust Cross Entropy Loss (Loss Correction for Label Noise)
raghu1121/FashionMNIST
A pytorch implementation of Densenet for FashionMNIST dataset
americocunhajr/FraCTune
FraCTune is a Matlab package for tuning fractional-order controllers with the Cross-Entropy method and augmented Lagrangian formulation.
ander-son-almeida/iso-crypto
The Project IsoCrypto was inspired by statistical tools applied in the data mining of astrophysics data. The main references were theoretical curves adjusted in open clusters – these curves are called isochrones. Therefore, this project aims to amplify the applications of those curves in econophysics.
chandnii7/Natural-Language-Processing
NLP implementations like information-theoretic measures of distributional similarity, text preprocessing using shell commands, Naive Bayes text categorization model, Cocke-Younger-Kasami parsing.
daodavid/classic-ML
Implementation of classic machine learning concepts and algorithms from scratch and math behind their implementation.Written in Jupiter Notebook Python
konkyrkos/bigram-trigram-language-models
Bigram and Trigram Language Models. This repository provides my solution for the 1st Assignment for the course of Text Analytics for the MSc in Data Science at Athens University of Economics and Business.
somefunAgba/deeplearningWithMatlabinPy
Investigating the Behaviour of Deep Neural Networks for Classification
tate8/softmax-regression
Softmax Regression from scratch. MNIST dataset
thaines/orogram
A library for working with 1D piecewise linear probability density functions.
Victor-Martinez-Pozos/DRL-HC-methods
In this repo I explore the Hill Climbing improvements like adaptative nopise scaling and cross-entropy to use them to solve the enviroment CartPole-v0 from OpenAI-GYM.