Ecosyste.ms: Repos

An open API service providing repository metadata for many open source software ecosystems.

GitHub topics: loss-function

EndlessSora/focal-frequency-loss

[ICCV 2021] Focal Frequency Loss for Image Reconstruction and Synthesis

Language: Python - Size: 4.93 MB - Last synced: 7 days ago - Pushed: almost 2 years ago - Stars: 600 - Forks: 61

xxxupeng/ADL

[CVPR 2024] Adaptive Multi-Modal Cross-Entropy Loss for Stereo Matching

Language: Python - Size: 1.35 MB - Last synced: 10 days ago - Pushed: 10 days ago - Stars: 9 - Forks: 0

abdoush/SurvLossEvo

Evolutionary search for survival analysis loss function for neural networks

Language: Jupyter Notebook - Size: 971 KB - Last synced: 15 days ago - Pushed: 16 days ago - Stars: 0 - Forks: 0

nathanrooy/landscapes

A dependency free library of standardized optimization test functions written in pure Python.

Language: Python - Size: 1.81 MB - Last synced: 21 days ago - Pushed: 5 months ago - Stars: 51 - Forks: 11

bnu-wangxun/Deep_Metric

Deep Metric Learning

Language: Python - Size: 135 KB - Last synced: about 2 months ago - Pushed: almost 4 years ago - Stars: 773 - Forks: 148

rsy6318/DDF-Loss

Directional Distance Field for Modeling the Difference between 3D Point Clouds

Language: Python - Size: 879 KB - Last synced: 4 months ago - Pushed: 4 months ago - Stars: 6 - Forks: 0

cvqluu/Angular-Penalty-Softmax-Losses-Pytorch

Angular penalty loss functions in Pytorch (ArcFace, SphereFace, Additive Margin, CosFace)

Language: Python - Size: 9.35 MB - Last synced: 4 months ago - Pushed: 6 months ago - Stars: 471 - Forks: 91

lartpang/mssim.pytorch

A better pytorch-based implementation for the mean structural similarity. Differentiable simpler SSIM and MS-SSIM.

Language: Python - Size: 40 KB - Last synced: 5 months ago - Pushed: 5 months ago - Stars: 14 - Forks: 1

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

Language: C++ - Size: 26.4 KB - Last synced: 5 months ago - Pushed: 5 months ago - Stars: 1 - Forks: 0

estija/Co-VeGAN

Co-VeGAN: Complex-Valued Generative Adversarial Network for Compressive Sensing MR Image Reconstruction

Language: Python - Size: 102 KB - Last synced: 5 months ago - Pushed: 5 months ago - Stars: 5 - Forks: 0

gugarosa/loss_programming

πŸ“„ Official implementation regarding the paper "Programmatically Evolving Losses in Machine Learning".

Language: Python - Size: 101 KB - Last synced: 26 days ago - Pushed: over 1 year ago - Stars: 1 - Forks: 1

SinChee/distortion-estimation-loss

A new loss proposed that are sensitive towards image corruption and high information to noise trade off

Language: Jupyter Notebook - Size: 2.64 MB - Last synced: 8 months ago - Pushed: over 1 year ago - Stars: 0 - Forks: 0

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

Language: Jupyter Notebook - Size: 2.61 MB - Last synced: 9 months ago - Pushed: over 2 years ago - Stars: 0 - Forks: 0

ZohebAbai/tf-focal-frequency-loss

Tensorflow Implementation of Focal Frequency Loss for Image Reconstruction and Synthesis [ICCV 2021]

Language: Python - Size: 10.7 KB - Last synced: 29 days ago - Pushed: almost 2 years ago - Stars: 9 - Forks: 0

BoltStrike77/Lagrangian-Optimization

A codebase for a traffic optimization research project.

Language: Jupyter Notebook - Size: 4.98 MB - Last synced: 10 months ago - Pushed: 10 months ago - Stars: 0 - Forks: 0

m92vyas/Implementing_Attention_Mechanism_Language_Translation

Bahdanau Attention Mechanism | Tensorflow Custom Layers/Model/Loss Function/Metrics | LSTM | Encoder | Decoder | Cross-Attention | Language Translation | Blue Score | Dropout

Language: Jupyter Notebook - Size: 48.4 MB - Last synced: 11 months ago - Pushed: 11 months ago - Stars: 1 - Forks: 0

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.

Language: Python - Size: 2.56 MB - Last synced: 27 days ago - Pushed: about 1 year ago - Stars: 2 - Forks: 0

keonlee9420/Soft-DTW-Loss

PyTorch implementation of Soft-DTW: a Differentiable Loss Function for Time-Series in CUDA

Language: Python - Size: 264 KB - Last synced: about 1 year ago - Pushed: almost 3 years ago - Stars: 88 - Forks: 9

PerdonLiu/CSE-Autoloss

Seach Losses of our paper 'Loss Function Discovery for Object Detection via Convergence-Simulation Driven Search', accepted by ICLR 2021.

Language: Python - Size: 6.81 MB - Last synced: about 1 year ago - Pushed: about 2 years ago - Stars: 56 - Forks: 6

JiauZhang/lossers

Deep Learning Loss Functions

Language: Python - Size: 21.5 KB - Last synced: 23 days ago - Pushed: 10 months ago - Stars: 0 - Forks: 0

gwr3n/pwlf-milp

Piecewise linear approximations for the static-dynamic uncertainty strategy in stochastic lot-sizing

Language: Java - Size: 1.3 MB - Last synced: 7 months ago - Pushed: 7 months ago - Stars: 2 - Forks: 1

ChenLiu-1996/AdversarialFocalLoss

Adversarial Focal Loss: Asking Your Discriminator for Hard Examples.

Size: 51.5 MB - Last synced: about 1 year ago - Pushed: over 1 year ago - Stars: 3 - Forks: 0

henrylee97/isl πŸ“¦

Inverse Supervised Learning

Language: Python - Size: 61.5 KB - Last synced: about 1 year ago - Pushed: over 2 years ago - Stars: 1 - Forks: 0

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

Language: Python - Size: 1.73 MB - Last synced: about 1 year ago - Pushed: over 3 years ago - Stars: 5 - Forks: 1

inzapp/absolute-logarithmic-error

Alternative loss function of binary cross entropy and focal loss

Language: Python - Size: 18.6 KB - Last synced: 4 months ago - Pushed: 4 months ago - Stars: 0 - Forks: 0

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

Language: Jupyter Notebook - Size: 84 KB - Last synced: 12 months ago - Pushed: over 1 year ago - Stars: 0 - Forks: 0

arhtur007/Angular-Triplet-Center-Loss

Angular triplet center loss implementation in Pytorch.

Language: Python - Size: 2.93 KB - Last synced: about 1 year ago - Pushed: about 3 years ago - Stars: 8 - Forks: 3

yangtiming/SSWS-loss_function_based_on_MS-TCN

Supervised Sliding Window Smoothing Loss Function Based on MS-TCN for Video Segmentation

Language: Python - Size: 250 MB - Last synced: about 1 year ago - Pushed: over 2 years ago - Stars: 3 - Forks: 0

masadcv/PROPEL

Official PyTorch implementation for "PROPEL: Probabilistic Parametric Regression Loss for Convolutional Neural Networks"

Language: Python - Size: 2.74 MB - Last synced: 9 days ago - Pushed: about 2 years ago - Stars: 6 - Forks: 0

Arijit1000/Tensorflow_Sinewave_Prediction

Generating a TensorFlow model that predicts values in a sinewave

Language: Jupyter Notebook - Size: 108 KB - Last synced: about 1 year ago - Pushed: over 2 years ago - Stars: 1 - Forks: 0

vipul43/linear_regression

performing linear regression

Language: Jupyter Notebook - Size: 33.2 KB - Last synced: about 1 year ago - Pushed: almost 3 years ago - Stars: 0 - Forks: 0

fayolle/chamfer_dist_approx

Approximation of the chamfer distance

Language: C++ - Size: 1.95 KB - Last synced: 12 months ago - Pushed: over 3 years ago - Stars: 0 - Forks: 0

rabieifk/CNN-with-CIFAR-10

Design of a CNN (Convolutional Neural Networks) to classify CIFAR-10 images

Language: Python - Size: 14.6 KB - Last synced: 12 months ago - Pushed: over 3 years ago - Stars: 0 - Forks: 1

Related Keywords
loss-function 33 machine-learning 8 deep-learning 7 loss-functions 4 pytorch 4 python 3 generative-adversarial-network 3 tensorflow2 2 face-recognition 2 face-verification 2 neural-network 2 metric-learning 2 speaker-recognition 2 focal-loss 2 activation-function 2 computer-vision 2 keras 2 matplotlib-pyplot 2 artificial-intelligence 2 tensorflow 2 loss 2 pix2pix 2 image-synthesis 2 frequency-domain 2 image-reconstruction 2 frequency-analysis 2 spade 2 stylegan2 2 generative-models 2 gan 2 autoencoder 2 image-generation 2 variational-autoencoder 2 iccv2021 2 generic 2 soft-dtw 1 dynamic-time-warping 1 time-series 1 automl 1 evolutionary-algorithm 1 object-detection 1 inventory-control 1 mixed-integer-programming 1 piecewise-linear-approximation 1 cvpr 1 attention-mechanism 1 custom-elements 1 encoder-decoder-architecture 1 lstm 1 preprocessing-data 1 tokenizer 1 convolutional-neural-network 1 artificial-neural-networks 1 custom-loss-functions 1 hrm 1 human-resources 1 modelling 1 prediction-interval 1 prediction-intervals 1 predictive-analytics 1 prescriptive-analytics 1 cuda 1 deep-neural-networks 1 dtw 1 action-segmentation 1 sliding-window 1 video-segmentation 1 probabilistic 1 pytorch-implementation 1 regression 1 cnn 1 keras-tensorflow 1 optimizer-algorithms 1 tflite-models 1 contour-plot 1 gradient-descent 1 linear-regression 1 numpy-library 1 python3 1 chamfer-dist 1 cpp 1 static-dynamic-uncertainty 1 classification 1 keypoint-detection 1 reinforcement-learning 1 supervised-learning 1 density-ratio-estimation 1 kliep 1 lllr 1 alternative 1 binary-crossentropy 1 imdb-dataset 1 optimizer 1 cnn-keras 1 training 1 speaker-embedding 1 speaker-embeddings 1 speaker-verification 1 deep-metric-learning 1 embedding-learning 1