loss-function
There are 39 repositories under loss-function topic.
bnu-wangxun/Deep_Metric
Deep Metric Learning
EndlessSora/focal-frequency-loss
[ICCV 2021] Focal Frequency Loss for Image Reconstruction and Synthesis
cvqluu/Angular-Penalty-Softmax-Losses-Pytorch
Angular penalty loss functions in Pytorch (ArcFace, SphereFace, Additive Margin, CosFace)
keonlee9420/Soft-DTW-Loss
PyTorch implementation of Soft-DTW: a Differentiable Loss Function for Time-Series in CUDA
nathanrooy/landscapes
A dependency free library of standardized optimization test functions written in pure Python.
PerdonLiu/CSE-Autoloss
Seach Losses of our paper 'Loss Function Discovery for Object Detection via Convergence-Simulation Driven Search', accepted by ICLR 2021.
xxxupeng/ADL
[CVPR 2024] Adaptive Multi-Modal Cross-Entropy Loss for Stereo Matching
lartpang/mssim.pytorch
A better pytorch-based implementation for the mean structural similarity. Differentiable simpler SSIM and MS-SSIM.
estija/Co-VeGAN
Co-VeGAN: Complex-Valued Generative Adversarial Network for Compressive Sensing MR Image Reconstruction
arhtur007/Angular-Triplet-Center-Loss
Angular triplet center loss implementation in Pytorch.
ZohebAbai/tf-focal-frequency-loss
Tensorflow Implementation of Focal Frequency Loss for Image Reconstruction and Synthesis [ICCV 2021]
rsy6318/DDF-Loss
Directional Distance Field for Modeling the Difference between 3D Point Clouds
Akinori-F-Ebihara/LLLR_toymodel
A simple 3-layer fully connected network performing the density ratio estimation using the loss for log-likelihood ratio estimation (LLLR).
masadcv/PROPEL
Official PyTorch implementation for "PROPEL: Probabilistic Parametric Regression Loss for Convolutional Neural Networks"
ChenLiu-1996/AdversarialFocalLoss
Adversarial Focal Loss: Asking Your Discriminator for Hard Examples.
gwr3n/pwlf-milp
Piecewise linear approximations for the static-dynamic uncertainty strategy in stochastic lot-sizing
yangtiming/SSWS-loss_function_based_on_MS-TCN
Supervised Sliding Window Smoothing Loss Function Based on MS-TCN for Video Segmentation
abdoush/SurvLossEvo
Evolutionary search for survival analysis loss function for neural networks
Ilikepizza2/Perceptron
A neat, lightweight and single neuron perceptron written in C++ from scratch without any external library, trained using the perceptron trick and loss function
NeuraXenetica/comport_ai
An HR predictive analytics tool for forecasting the likely range of a worker’s future job performance using multiple ANNs with custom loss functions.
Arijit1000/Tensorflow_Sinewave_Prediction
Generating a TensorFlow model that predicts values in a sinewave
Decadz/Sparse-Label-Smoothing-Regularization
PyTorch code for Sparse Label Smoothing Regularization presented in "Learning Symbolic Model-Agnostic Loss Functions via Meta-Learning" (TPAMI-2023). Paper Link: https://arxiv.org/abs/2209.08907
gugarosa/loss_programming
📄 Official implementation regarding the paper "Programmatically Evolving Losses in Machine Learning".
henrylee97/isl
Inverse Supervised Learning
m92vyas/Implementing_Attention_Mechanism_Language_Translation
Bahdanau Attention Mechanism | Tensorflow Custom Layers/Model/Loss Function/Metrics | LSTM | Encoder | Decoder | Cross-Attention | Language Translation | Bleu Score | Dropout
BoltStrike77/Lagrangian-Optimization
A codebase for a traffic optimization research project.
fayolle/chamfer_dist_approx
Approximation of the chamfer distance
fxckillua/Iris-accuracy-and-loss
Projeto que utiliza a base de dados Iris para calcular a acurácia e a função de perda de um modelo de aprendizado de máquina. Focado em análise de desempenho e avaliação de modelos.
inzapp/absolute-logarithmic-error
Alternative loss function of binary cross entropy and focal loss
SinChee/distortion-estimation-loss
A new loss proposed that are sensitive towards image corruption and high information to noise trade off
uai-ufmg/open-set-loss
OpenLoss: This repository discloses cost functions designed for open-set classification tasks, namely, Entropic Open-set, ObjectoSphere and Maximal-Entropy Loss.
AminKhavari78/tensorflow-coding
Core components of neural networks An introduction to Keras Setting up a deep-learning workstation Using neural networks to solve basic classification and regression problems
JiauZhang/lossers
Deep Learning Loss Functions
premkumar246/Machine-Learning
This Repository contains material to learn about machine learning algorithms concepts along with implementation. This also provides you the material to prepare yourself for interviews.
Rajil101/Stock-Trend-Prediction-Web-App
Stock Trend Prediction App: In these project I created stock trend web application to predicted continuous real time trend of desired stock input taken from user with fetching data from "Yahoo Finance".