GitHub topics: loss-functions
cordutie/ddsp_textures
Repository designed to showcase the results of the paper "A Statistics-Driven Differentiable Approach for Sound Texture Synthesis and Analysis" presented atDAFx 2025 in Ancona, Italy.
Language: Jupyter Notebook - Size: 2.89 GB - Last synced at: about 19 hours ago - Pushed at: about 20 hours ago - Stars: 0 - Forks: 0

Sasirumindaka10/pytorch-focalloss
PyTorch implementation of binary and multi-class focal loss functions
Language: Python - Size: 22.5 KB - Last synced at: about 21 hours ago - Pushed at: about 22 hours ago - Stars: 0 - Forks: 0

OnlineBunker/linear-regression
🎯 Predict exam scores based on study time using your very own implementation of linear regression from scratch! Visualized, optimized, and beginner-friendly.
Language: Python - Size: 71.3 KB - Last synced at: 3 days ago - Pushed at: 3 days ago - Stars: 0 - Forks: 0

itakurah/Focal-loss-PyTorch
Focal Loss implementation of the loss function proposed by Facebook AI Research to address class imbalance during training in tasks like object detection
Language: Python - Size: 158 KB - Last synced at: 5 days ago - Pushed at: 6 days ago - Stars: 15 - Forks: 2

NikolasMarkou/dl_techniques
Advanced deep learning learning techniques, layers, activations loss functions, all in keras / tensorflow
Language: Python - Size: 1.33 MB - Last synced at: 6 days ago - Pushed at: 7 days ago - Stars: 2 - Forks: 0

harleyszhang/dl_note
深度学习系统笔记,包含深度学习数学基础知识、神经网络基础部件详解、深度学习炼丹策略、模型压缩算法详解。
Language: Python - Size: 189 MB - Last synced at: 6 days ago - Pushed at: about 1 month ago - Stars: 468 - Forks: 66

fayzi-dev/California_Home_Price_with_MLP
Language: Python - Size: 604 KB - Last synced at: 1 day ago - Pushed at: 13 days ago - Stars: 1 - Forks: 0

kozistr/pytorch_optimizer
optimizer & lr scheduler & loss function collections in PyTorch
Language: Python - Size: 287 MB - Last synced at: 9 days ago - Pushed at: 10 days ago - Stars: 297 - Forks: 24

BoltzmannEntropy/interviews.ai
It is my belief that you, the postgraduate students and job-seekers for whom the book is primarily meant will benefit from reading it; however, it is my hope that even the most experienced researchers will find it fascinating as well.
Size: 21 MB - Last synced at: 9 days ago - Pushed at: over 3 years ago - Stars: 4,621 - Forks: 303

csteinmetz1/auraloss
Collection of audio-focused loss functions in PyTorch
Language: Python - Size: 130 KB - Last synced at: 8 days ago - Pushed at: 10 months ago - Stars: 782 - Forks: 71

TransformerTitan/torchcriterion
A curated library of modular, extensible PyTorch loss functions — also known as criteria — for classification, regression, segmentation, and metric learning.
Language: Python - Size: 0 Bytes - Last synced at: 11 days ago - Pushed at: 11 days ago - Stars: 1 - Forks: 0

MacVenegas/MLExploration
Welcome to MLExploration, a space for hands-on learning in Machine Learning and Deep Learning. Dive into practical projects and tutorials while exploring essential concepts using popular Python libraries! 🐱💻✨
Language: Jupyter Notebook - Size: 453 KB - Last synced at: 12 days ago - Pushed at: 12 days ago - Stars: 0 - Forks: 0

civion-research/MLExploration
Machine Learning Exploration
Language: Jupyter Notebook - Size: 429 KB - Last synced at: 12 days ago - Pushed at: 12 days ago - Stars: 1 - Forks: 0

catboost/catboost-viewer
Standalone application for plotting charts with different training statistics in a browser.
Language: JavaScript - Size: 39.1 KB - Last synced at: 1 day ago - Pushed at: almost 8 years ago - Stars: 125 - Forks: 19

statmlben/ensLoss
EnsLoss: Stochastic Calibrated Loss Ensembles for Preventing Overfitting in Classification
Language: Python - Size: 4.13 MB - Last synced at: 10 days ago - Pushed at: 17 days ago - Stars: 29 - Forks: 1

Subhajit0210/Face-Mask-Detection-using-CNN
This project demonstrates how to build a Face Mask Detection System using CNN
Language: Jupyter Notebook - Size: 1.03 MB - Last synced at: 22 days ago - Pushed at: 22 days ago - Stars: 0 - Forks: 0

bermanmaxim/LovaszSoftmax
Code for the Lovász-Softmax loss (CVPR 2018)
Language: Jupyter Notebook - Size: 2.06 MB - Last synced at: 15 days ago - Pushed at: about 1 year ago - Stars: 1,393 - Forks: 271

mahnoorsheikh16/Node-Classification-with-Graph-Neural-Networks
Evaluation of multiple graph neural network models—GCN, GAT, GraphSAGE, MPNN and DGI—for node classification on graph-structured data. Preprocessing includes feature normalization and adjacency-matrix regularization, and an ensemble of model predictions boosts performance. The best ensemble achieves 83.47% test accuracy.
Language: Jupyter Notebook - Size: 286 KB - Last synced at: 5 days ago - Pushed at: 25 days ago - Stars: 1 - Forks: 0

fcakyon/balanced-loss
Easy to use class balanced cross entropy and focal loss implementation for Pytorch
Language: Python - Size: 30.3 KB - Last synced at: 13 days ago - Pushed at: 6 months ago - Stars: 96 - Forks: 8

LuisFelipePoma/Machine_Learning
Learning about the algorithms used in machine learning, along with techniques for training and testing models.
Language: Jupyter Notebook - Size: 17.3 MB - Last synced at: 27 days ago - Pushed at: 27 days ago - Stars: 2 - Forks: 0

SXV357/Inspirit-AI-Deep-Dive-Designing-DL-Systems-FinalProject-RL-for-Autonomous-Vehicles
This project uses Reinforcement Learning to teach an agent to drive by itself and learn from its observations so that it can maximize the reward(180+ lines)
Language: Jupyter Notebook - Size: 14.6 MB - Last synced at: 27 days ago - Pushed at: 27 days ago - Stars: 3 - Forks: 0

kakumarabhishek/MCC-Loss
Matthews Correlation Coefficient Loss implementation for image segmentation.
Language: Jupyter Notebook - Size: 311 KB - Last synced at: 28 days ago - Pushed at: 28 days ago - Stars: 12 - Forks: 4

BhargaviM0729/MNIST-Handwritten-Digit-Classification-with-Neural-Networks
This project involves training a neural network to classify grayscale images of handwritten digits from the MNIST dataset. Each image is 28x28 pixels and labeled with the correct digit (0–9). The goal is to build a model that can accurately predict the digit shown in a new, unseen image.
Language: Jupyter Notebook - Size: 70.3 KB - Last synced at: about 1 month ago - Pushed at: about 1 month ago - Stars: 0 - Forks: 0

KaiyangZhou/pytorch-center-loss
Pytorch implementation of Center Loss
Language: Python - Size: 5.54 MB - Last synced at: 14 days ago - Pushed at: over 2 years ago - Stars: 988 - Forks: 219

dingkeyan93/DISTS
IQA: Deep Image Structure and Texture Similarity Metric
Language: Python - Size: 51.3 MB - Last synced at: about 1 month ago - Pushed at: about 5 years ago - Stars: 417 - Forks: 45

dingkeyan93/IQA-optimization
Comparison of IQA models in Perceptual Optimization
Language: Python - Size: 404 KB - Last synced at: 12 days ago - Pushed at: almost 2 years ago - Stars: 312 - Forks: 39

vandit15/Class-balanced-loss-pytorch
Pytorch implementation of the paper "Class-Balanced Loss Based on Effective Number of Samples"
Language: Python - Size: 157 KB - Last synced at: 29 days ago - Pushed at: over 1 year ago - Stars: 797 - Forks: 123

crlandsc/torch-log-wmse
logWMSE, an audio quality metric & loss function with support for digital silence target. Useful for training and evaluating audio source separation systems.
Language: Python - Size: 408 KB - Last synced at: 26 days ago - Pushed at: about 1 month ago - Stars: 39 - Forks: 1

utkuatasoy/Face-Expression-Recognition
This project implements a deep learning-based facial expression recognition system using the FER2013 dataset, addressing class imbalance through sampling strategies, enhancing accuracy with MTCNN-based face alignment, and enabling real-time inference via ONNX models.
Language: Jupyter Notebook - Size: 307 MB - Last synced at: about 1 month ago - Pushed at: about 1 month ago - Stars: 0 - Forks: 0

bashiralam185/Loss_functions_guide
This repository introduce an interactive Streamlit-based platform that allows real-time experimentation with all 25 loss functions. The tool supports both single-image and batch processing modes, providing visual diagnostics, performance metrics, and overlays for comparing model predictions against ground truth data.
Language: Python - Size: 481 MB - Last synced at: about 1 month ago - Pushed at: about 1 month ago - Stars: 0 - Forks: 0

dentitoreto/Learning-PyTorch-workflow-with-optuna-and-wandb-for-image-classification-
This repo contains 3 notebooks for implementing PyTorch workflow for simple image classification problem. It contains basic machine learning project flow and also gets improved by using machine learning platforms like Weights & Biases and Optuna. Dataset that is used in CIFAR10. Model is pretrained ResNet18 neural network.
Language: Jupyter Notebook - Size: 195 KB - Last synced at: about 1 month ago - Pushed at: about 1 month ago - Stars: 0 - Forks: 0

AdeelH/pytorch-multi-class-focal-loss
An (unofficial) implementation of Focal Loss, as described in the RetinaNet paper, generalized to the multi-class case.
Language: Python - Size: 27.3 KB - Last synced at: 29 days ago - Pushed at: over 1 year ago - Stars: 235 - Forks: 26

shshojaei/research-of-super-resolution
This repository is about my experiences and experiments on the single image super resolution task, which is about retrievaling a high resolution image from a low resolution image using deep learning.
Language: Jupyter Notebook - Size: 169 MB - Last synced at: 24 days ago - Pushed at: over 1 year ago - Stars: 6 - Forks: 0

kahnchana/opl
Official repository for "Orthogonal Projection Loss" (ICCV'21)
Language: Python - Size: 3.25 MB - Last synced at: 29 days ago - Pushed at: over 3 years ago - Stars: 121 - Forks: 19

m-clark/introduction-to-machine-learning
A document covering machine learning basics. 🤖📊
Language: R - Size: 89.9 MB - Last synced at: about 1 month ago - Pushed at: over 2 years ago - Stars: 27 - Forks: 13

DannyCollinson/pytorch-focalloss
PyTorch implementation of binary and multi-class focal loss functions
Language: Python - Size: 58.6 KB - Last synced at: about 1 hour ago - Pushed at: about 2 months ago - Stars: 0 - Forks: 0

I-Halder/ML-algorithm-from-scratch
This repo contains implementation of some basic ML algorithms from scratch on PyTorch with GPU support.
Language: Python - Size: 40 KB - Last synced at: about 2 months ago - Pushed at: about 2 months ago - Stars: 0 - Forks: 0

artemmavrin/focal-loss 📦
TensorFlow implementation of focal loss
Language: Python - Size: 177 KB - Last synced at: 10 days ago - Pushed at: about 4 years ago - Stars: 189 - Forks: 42

GT-RIPL/L2C
Learning to Cluster. A deep clustering strategy.
Language: Python - Size: 431 KB - Last synced at: 29 days ago - Pushed at: over 5 years ago - Stars: 315 - Forks: 49

Shakilgithub20/Diabetes-Prediction
Using machine learning to determine whether a patient has diabetes or not. applied data cleansing, modeling, visualization.
Language: Jupyter Notebook - Size: 1.43 MB - Last synced at: about 2 months ago - Pushed at: almost 3 years ago - Stars: 7 - Forks: 1

Shakilgithub20/Classifying_Textual_Emotions
Language: Jupyter Notebook - Size: 508 KB - Last synced at: about 1 month ago - Pushed at: over 3 years ago - Stars: 3 - Forks: 1

balditommaso/PyLandscape
This project propose the loss landscape analysis as effective methodology to understand the robustness against natural perturbation of QNN.
Language: Jupyter Notebook - Size: 8.33 MB - Last synced at: about 1 month ago - Pushed at: 2 months ago - Stars: 0 - 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 at: 2 months ago - Pushed at: over 1 year ago - Stars: 487 - Forks: 93

mahshid1378/DCCRN
DCCRN with various loss functions
Language: Python - Size: 3.94 MB - Last synced at: about 2 months ago - Pushed at: 2 months ago - Stars: 0 - Forks: 0

orchardbirds/bokbokbok
Custom Loss Functions and Evaluation Metrics for XGBoost and LightGBM
Language: Python - Size: 574 KB - Last synced at: 17 days ago - Pushed at: about 2 months ago - Stars: 36 - Forks: 7

aryan-jadon/Regression-Loss-Functions-in-Time-Series-Forecasting-Tensorflow
This repository contains the implementation of paper Temporal Fusion Transformers for Interpretable Multi-horizon Time Series Forecasting with different loss functions in Tensorflow. We have compared 14 regression loss functions performance on 4 different datasets.
Language: Python - Size: 2.52 MB - Last synced at: 2 months ago - Pushed at: 3 months ago - Stars: 80 - Forks: 18

lusinlu/gradient-variance-loss
Code of the ICASSP 2022 paper "Gradient Variance Loss for Structure Enhanced Super-Resolution"
Language: Python - Size: 204 KB - Last synced at: about 2 months ago - Pushed at: over 3 years ago - Stars: 31 - Forks: 0

umbertogriffo/focal-loss-keras
Binary and Categorical Focal loss implementation in Keras.
Language: Python - Size: 101 KB - Last synced at: 14 days ago - Pushed at: 6 months ago - Stars: 279 - Forks: 67

HiLab-git/ACELoss
Implementations of "Learning Euler's Elastica Model for Medical Image Segmentation"
Language: Python - Size: 2.49 MB - Last synced at: 2 months ago - Pushed at: over 4 years ago - Stars: 74 - Forks: 12

JuliaML/LossFunctions.jl
Julia package of loss functions for machine learning.
Language: Julia - Size: 1.37 MB - Last synced at: 5 days ago - Pushed at: 6 months ago - Stars: 146 - Forks: 34

cainmagi/Literature-inspections
The inspections on some important literatures, mainly including codes.
Size: 10.7 KB - Last synced at: 2 months ago - Pushed at: over 6 years ago - Stars: 0 - Forks: 0

lartpang/mssim.pytorch
A better pytorch-based implementation for the mean structural similarity. Differentiable simpler SSIM and MS-SSIM.
Language: Python - Size: 50.8 KB - Last synced at: 2 months ago - Pushed at: 6 months ago - Stars: 25 - Forks: 1

pbaylies/stylegan-encoder Fork of Puzer/stylegan-encoder
StyleGAN Encoder - converts real images to latent space
Language: Jupyter Notebook - Size: 12.4 MB - Last synced at: about 2 months ago - Pushed at: over 2 years ago - Stars: 745 - Forks: 180

sijuswamyresearch/Research_Diary
research details
Language: TeX - Size: 2.61 MB - Last synced at: 3 months ago - Pushed at: 3 months ago - Stars: 0 - Forks: 0

yiyixuxu/polyloss-pytorch
Implementing PolyLoss in Pytorch
Language: Jupyter Notebook - Size: 1.64 MB - Last synced at: about 1 month ago - Pushed at: about 3 years ago - Stars: 76 - Forks: 15

C0ll1nDr4k3/sibyl
Repository for the paper "Advancing Time Series Forecasting: Variance-Aware Loss Functions in Transformers"
Language: Python - Size: 247 MB - Last synced at: 3 months ago - Pushed at: 9 months ago - Stars: 0 - Forks: 0

zxurie/Fuel-Efficiency-Prediction--Python
This is a learning project for practice, using regression on the Auto MPG dataset to predict fuel efficiency. It involves building a Neural Network with RMSprop, MSE loss, data normalization, and early stopping to prevent overfitting. Key: normalize data, use MAE/MSE, optimize model.
Size: 1.95 KB - Last synced at: 3 months ago - Pushed at: 3 months ago - Stars: 0 - Forks: 0

mblondel/fenchel-young-losses
Probabilistic classification in PyTorch/TensorFlow/scikit-learn with Fenchel-Young losses
Language: Python - Size: 244 KB - Last synced at: 2 months ago - Pushed at: over 1 year ago - Stars: 184 - Forks: 9

Rex-8/MNIST-4-layer
Implementing a 4 layer neural to identify digits from a 28x28 grid using just python and numpy
Language: Python - Size: 107 KB - Last synced at: 3 months ago - Pushed at: 3 months ago - Stars: 1 - Forks: 0

aryan-jadon/Regression-Loss-Functions-in-Time-Series-Forecasting-PyTorch
This repository compares the performance of 8 different regression loss functions used in Time Series Forecasting using Temporal Fusion Transformers.
Language: Jupyter Notebook - Size: 115 MB - Last synced at: 3 months ago - Pushed at: 3 months ago - Stars: 27 - Forks: 5

SamanKhamesian/GLIMMER
Type 1 Diabetes Management using GLIMMER: Glucose Level Indicator Model with Modified Error Rate
Language: Python - Size: 24.4 KB - Last synced at: 3 months ago - Pushed at: 4 months ago - Stars: 0 - Forks: 0

Subhajit0210/Bank-Churn-Analysis-And-Modelling--ANN
Language: Jupyter Notebook - Size: 0 Bytes - Last synced at: 4 months ago - Pushed at: 4 months ago - Stars: 0 - Forks: 0

alexeytochin/tf_seq2seq_losses
TensorFlow implementations of losses for sequence to sequence machine learning models
Language: Python - Size: 73.2 KB - Last synced at: about 2 months ago - Pushed at: 12 months ago - Stars: 10 - Forks: 2

anushkundu/Animal-Image-Classification
Effective deep learning approaches for animal classification.
Language: Jupyter Notebook - Size: 41.5 MB - Last synced at: 3 months ago - Pushed at: 4 months ago - Stars: 0 - Forks: 0

Mr-TalhaIlyas/Loss-Functions-Package-Tensorflow-Keras-PyTorch
Loss function Package Tensorflow Keras PyTOrch
Size: 152 KB - Last synced at: 2 months ago - Pushed at: almost 2 years ago - Stars: 53 - Forks: 6

unvercan/loss-function-comparison-pytorch
Comparison of common loss functions in PyTorch using MNIST dataset
Language: Python - Size: 3.02 MB - Last synced at: 9 days ago - Pushed at: over 3 years ago - Stars: 2 - Forks: 0

happynear/AMSoftmax
A simple yet effective loss function for face verification.
Language: Matlab - Size: 1.04 MB - Last synced at: 3 months ago - Pushed at: almost 7 years ago - Stars: 489 - Forks: 128

hase3b/BONBID-HIE-Segmentation
This repository implements a 3D U-Net model for segmenting HIE lesions in neonatal MRI scans, exploring various loss functions including Dice, Dice-Focal, Tversky, Hausdorff Distance, and hybrid loss functions. BONBID-HIE dataset is used for this study.
Language: Jupyter Notebook - Size: 3.39 MB - Last synced at: 3 months ago - Pushed at: 4 months ago - Stars: 0 - Forks: 0

nprimavera/Data-Science-for-Mechanical-Systems-ML-
Code created during a Machine Learning class at Columbia University
Size: 4.98 MB - Last synced at: 4 months ago - Pushed at: 4 months ago - Stars: 1 - Forks: 0

AryanPatill/Fuel-Efficiency-Prediction--Python
This is a learning project for practice, using regression on the Auto MPG dataset to predict fuel efficiency. It involves building a Neural Network with RMSprop, MSE loss, data normalization, and early stopping to prevent overfitting. Key: normalize data, use MAE/MSE, optimize model.
Language: Jupyter Notebook - Size: 0 Bytes - Last synced at: 4 months ago - Pushed at: 4 months ago - Stars: 0 - Forks: 0

ellenzhuwang/rooted_loss
[AISTATS 2025] Rooted logistic loss to optimize neural network traning and LLM quantization
Language: Python - Size: 128 MB - Last synced at: 4 months ago - Pushed at: 4 months ago - Stars: 3 - Forks: 1

Puranjit/Deep-Learning
I am currently working on developing this repository. This repository includes folders including codes for separate deep learning frameworks/API.
Language: Jupyter Notebook - Size: 131 MB - Last synced at: 4 months ago - Pushed at: 4 months ago - Stars: 1 - Forks: 0

YunYang1994/SphereFace
🍑 TensorFlow Code for CVPR 2017 paper "SphereFace: Deep Hypersphere Embedding for Face Recognition"
Language: Python - Size: 50.9 MB - Last synced at: about 2 months ago - Pushed at: about 6 years ago - Stars: 113 - Forks: 28

Parneet-Sandhu/Play-Generator
This model utilizes a character-based approach to generate text that mimics the style of Shakespearean plays.
Language: Jupyter Notebook - Size: 18.5 MB - Last synced at: 3 months ago - Pushed at: 5 months ago - Stars: 1 - Forks: 0

LegendLeoChen/yolov8-bird
Posture recognition for birds based on YOLOv8 keypoints regression. YOLOv8鸟类关键点姿态识别
Language: Jupyter Notebook - Size: 14 MB - Last synced at: 6 months ago - Pushed at: 6 months ago - Stars: 8 - Forks: 3

aecelaya/gen-surf-loss
Code for implementing and comparing the Generalized Surface Loss to other loss functions
Language: Python - Size: 53.7 KB - Last synced at: 6 months ago - Pushed at: 6 months ago - Stars: 3 - Forks: 0

wecarsoniv/beta-divergence-metrics
PyTorch implementations of the beta divergence loss.
Language: Python - Size: 360 KB - Last synced at: 19 days ago - Pushed at: over 3 years ago - Stars: 10 - Forks: 0

choudharydivik/annproject
This project aims to predict customer churn for a bank using an Artificial Neural Network (ANN). The dataset contains various customer features, such as credit score, age, balance, and other personal details, to predict whether a customer will leave the bank (churn) or stay.
Language: Jupyter Notebook - Size: 298 KB - Last synced at: 6 months ago - Pushed at: 6 months ago - Stars: 0 - Forks: 0

ZahraRahimii/Improving-Question-Generation-using-Transformer-Based-Models
This project improves question generation on the SQuAD dataset by adding feedback to the loss function, enhancing accuracy and context alignment. Performance is evaluated using METEOR and ROUGE-L metrics.
Language: Python - Size: 434 KB - Last synced at: 7 months ago - Pushed at: 7 months ago - Stars: 0 - Forks: 0

justusschock/dl-utils
Utilities for Deep Learning with PyTorch (models, losses, metrics etc.)
Language: Python - Size: 233 KB - Last synced at: about 1 month ago - Pushed at: almost 5 years ago - Stars: 14 - Forks: 4

Apozzi/convnetjs-extras
Builds on the core functionalities of convnetjs by adding more features and utilities that enhance the capabilities of neural network development and experimentation.
Language: JavaScript - Size: 88.9 KB - Last synced at: 3 months ago - Pushed at: 7 months ago - Stars: 0 - Forks: 0

toschaefer/Lucon.jl
loss optimization under unitary constraint
Language: Julia - Size: 319 KB - Last synced at: 5 months ago - Pushed at: 6 months ago - Stars: 2 - Forks: 0

ajithvcoder/awesome_cv_loss_functions_2d
Contains details of loss function used in all major deep learning models
Size: 0 Bytes - Last synced at: about 1 month ago - Pushed at: almost 4 years ago - Stars: 0 - Forks: 0

Piero24/lossFuncition-4SN
This research will show an innovative method useful in the segmentation of polyps during the screening phases of colonoscopies. To do this we have adopted a new approach which consists in merging the hybrid semantic network (HSNet) architecture model with the Reagion-wise(RW) as a loss function for the backpropagation process.
Language: Python - Size: 803 MB - Last synced at: 5 days ago - Pushed at: 7 months ago - Stars: 0 - Forks: 0

Piero24/VanillaNet-cpp
A fully connected Neural Network in C++ with SGD from scratch, achieving 98% accuracy on the MNIST dataset.
Language: C++ - Size: 88.6 MB - Last synced at: 5 days ago - Pushed at: 7 months ago - Stars: 0 - Forks: 0

Simrank10/Image-colorisation-using-cGAN
This project explores and implements a state-of-the-art approach for automatic image recolorization using Conditional Generative Adversarial Networks (cGANs).
Size: 10.8 MB - Last synced at: 8 months ago - Pushed at: 8 months ago - Stars: 0 - Forks: 0

priyadarshighosh/ANN_Everyday
Everything about Artificial Neural Network from Basic to Adavnced
Language: Jupyter Notebook - Size: 14.9 MB - Last synced at: 8 months ago - Pushed at: 8 months ago - Stars: 0 - Forks: 0

kadirnar/losshub
LossHub: Loss Functions Library for Image Classification and Detection
Language: Python - Size: 32.2 KB - Last synced at: 24 days ago - Pushed at: over 2 years ago - Stars: 14 - Forks: 1

Lucas-Haubert/VarifoldLoss
A Shape-Based Loss Function for Deep Learning Time Series Forecasting
Language: Jupyter Notebook - Size: 9.33 MB - Last synced at: 9 months ago - Pushed at: 9 months ago - Stars: 1 - Forks: 0

jrguignan/TensorFlow
Repositorio de TensorFlow, donde exploro las bases fundamentales y muestro algunos códigos esenciales
Language: Jupyter Notebook - Size: 14.1 MB - Last synced at: 9 months ago - Pushed at: 9 months ago - Stars: 0 - Forks: 0

willxxy/MS-SSIM-L1-For-1D
[PyTorch] Implementation of MS-SSIM + L1 loss proposed in "Loss Functions for Neural Networks for Image Processing" for Greyscale Images
Language: Python - Size: 17.6 KB - Last synced at: about 2 months ago - Pushed at: 9 months ago - Stars: 1 - Forks: 0

AmitKumar7138/Symbol-MathNet
Symbol-MathNet simplifies recognizing handwritten mathematical symbols using deep learning. It’s a valuable tool for educators, students, and researchers working with mathematical expressions.
Language: Jupyter Notebook - Size: 1.03 MB - Last synced at: 9 months ago - Pushed at: 9 months ago - Stars: 1 - Forks: 0

blanc9211/ML-Algo-Scratch
ML Algorithms implemented using numpy in python
Language: Jupyter Notebook - Size: 97.7 KB - Last synced at: 9 months ago - Pushed at: 9 months ago - Stars: 0 - Forks: 0

davitshahnazaryan3/SLFGenerator
Story-loss function generator
Language: Python - Size: 15.7 MB - Last synced at: 9 months ago - Pushed at: over 1 year ago - Stars: 11 - Forks: 2

THUFutureLab/gluon-face
An unofficial Gluon FR Toolkit for face recognition. https://gluon-face.readthedocs.io
Language: Python - Size: 1.38 MB - Last synced at: 29 days ago - Pushed at: about 5 years ago - Stars: 267 - Forks: 51

skaurl/w2v-loss
Word2Vec의 손실 함수 변경에 따른 성능 비교 분석 : Additive Angular Margin Loss Function을 중심으로
Language: Jupyter Notebook - Size: 31.2 MB - Last synced at: 10 months ago - Pushed at: over 3 years ago - Stars: 1 - Forks: 0

chandkund/PyTorch
Foundational introduction to PyTorch, focusing on the basics of tensors, their creation, manipulation, and operations, which are essential for understanding and building deep learning models
Language: Jupyter Notebook - Size: 3.8 MB - Last synced at: 3 months ago - Pushed at: 10 months ago - Stars: 0 - Forks: 0

TomerRonen34/treeboost_autograd
Easy Custom Losses for Tree Boosters using Pytorch
Language: Python - Size: 32.2 KB - Last synced at: 6 months ago - Pushed at: over 4 years ago - Stars: 30 - Forks: 6

dscheepens/Deep-RNN-for-extreme-wind-speed-prediction
Paper code for "Adapting a deep convolutional RNN model with imbalanced regression loss for improved spatio-temporal forecasting of extreme wind speed events in the short-to-medium range".
Language: Jupyter Notebook - Size: 803 MB - Last synced at: 10 months ago - Pushed at: 10 months ago - Stars: 8 - Forks: 4

fardinabbasi/Linear_Regression
Performing polynomial regression of varying degrees on data affected by white and Poisson noise, evaluating the model performance based on MSE loss and the bias-variance trade-off.
Language: Jupyter Notebook - Size: 360 KB - Last synced at: 10 months ago - Pushed at: 10 months ago - Stars: 1 - Forks: 0
