Pinned Repositories
algorithmic-trading-with-python
Source code for Algorithmic Trading with Python (2020) by Chris Conlan
antialiased-cnns
Antialiasing cnns to improve stability and accuracy. In ICML 2019.
attention-mechanisms
Implementations for a family of attention mechanisms, suitable for all kinds of natural language processing tasks and compatible with TensorFlow 2.0 and Keras.
interval_load_forecasting
24-hour ahead interval load data forecasting
machine-learning-interview-enlightener
This repo is meant to serve as a guide for Machine Learning/AI technical interviews.
mirkwood
ParetoMTL
Code for Neural Information Processing Systems (NeurIPS) 2019 paper: Pareto Multi-Task Learning
stellar_denoising
tsbootstrap
tsbootstrap: generate bootstrapped time series samples in Python
tsbootstrap-sktime-tutorial-scipy-2024
astrogilda's Repositories
astrogilda/stellar_denoising
astrogilda/attention-mechanisms
Implementations for a family of attention mechanisms, suitable for all kinds of natural language processing tasks and compatible with TensorFlow 2.0 and Keras.
astrogilda/black-box-quantile-kernels
Black Box Quantiles for Kernel Learning
astrogilda/calibration-framework
Python Framework to calibrate confidence estimates of classifiers like Neural Networks
astrogilda/compute-canada-goodies
Automation scripts for compute canada
astrogilda/cwae
Cramer-Wold AutoEncoder
astrogilda/differentiable-particle-filters
Source code and data for the paper "Differentiable Particle Filters: End-to-End Learning with Algorithmic Priors"
astrogilda/DNN-And-HDFT
Small Data Challenge: Structural Analysis and Optimization of Convolutional Neural Networks with a Small Sample Size - UPMC (University Of Pittsburgh)
astrogilda/ESRNN-GPU
PyTorch GPU implementation of the ES-RNN model for time series forecasting
astrogilda/extrakit-learn
scikit-learn inspired extensions for machine learning
astrogilda/gilda.github.io
Github Pages template for academic personal websites, forked from mmistakes/minimal-mistakes
astrogilda/GM-DGM
A deep generative model of semi-unsupervised learning
astrogilda/layer-rotation-paper-experiments
Code for reproducing results of the paper "Layer rotation: a surprisingly powerful indicator of generalization in deep networks?"
astrogilda/layer-rotation-tools
Implementation of tools to control and monitor layer rotation in different DL libraries
astrogilda/LSTM
astrogilda/mass-ts
MASS (Mueen's Algorithm for Similarity Search) - a python 2 and 3 compatible library used for searching time series sub-sequences under z-normalized Euclidean distance for similarity.
astrogilda/mixmatch-tensorflow2.0
Implementation of "MixMatch: A Holistic Approach to Semi-Supervised Learning" in TensorFlow 2.0
astrogilda/ML-AI-experiments
All my experiments with AI and ML
astrogilda/multi-task-learning-example
A multi-task learning example for the paper https://arxiv.org/abs/1705.07115
astrogilda/partial_conv-Tensorflow
Simple Tensorflow implementation of "Partial Convolution based Padding" (partialconv)
astrogilda/PipeGraph
Home of the PipeGraph extension to Scikit-Learn
astrogilda/properscoring
Proper scoring rules in Python
astrogilda/pyppca
Probabilistic PCA which is applicable also on data with missing values. Missing value estimation is typically better than NIPALS but also slower to compute and uses more memory. A port to Python of the implementation by Jakob Verbeek.
astrogilda/reddit-buildapcsales-deal-scraper
Scrapes /r/buildapcsales for deals relating to ultrawide or 32" monitors
astrogilda/rvm-find
Relevance Vector Machines (RVMs) for Bayesian data-driven discovery of PDEs.
astrogilda/Stock-Prediction-Models
Gathers machine learning and deep learning models for Stock forecasting including trading bots and simulations
astrogilda/swa-tf
Stochastic Weight Averaging - TensorFlow implementation
astrogilda/tensorboard-aggregator
Aggregate multiple tensorboard runs to new summary or csv files
astrogilda/VAE-for-Image-Generation
Implemented Variational Autoencoder generative model in Keras for image generation and its latent space visualization on MNIST and CIFAR10 datasets
astrogilda/weight_uncertainty
Implementing Bayes by Backprop