iaspisw's Stars
prwilkin/CSE379
doyom123/cse379
initial
YixinChen-AI/CVAE-GAN-zoos-PyTorch-Beginner
For beginner, this will be the best start for VAEs, GANs, and CVAE-GAN. This contains AE, DAE, VAE, GAN, CGAN, DCGAN, WGAN, WGAN-GP, VAE-GAN, CVAE-GAN. All use PyTorch.
makgyver/rectorch
rectorch is a pytorch-based framework for state-of-the-art top-N recommendation
jiwidi/Behavior-Sequence-Transformer-Pytorch
This is a pytorch implementation for the BST model from Alibaba https://arxiv.org/pdf/1905.06874.pdf
shenweichen/DeepCTR
Easy-to-use,Modular and Extendible package of deep-learning based CTR models .
geek-ai/irgan
IRGAN SIGIR paper experimental code
VITA-Group/TransGAN
[NeurIPS‘2021] "TransGAN: Two Pure Transformers Can Make One Strong GAN, and That Can Scale Up", Yifan Jiang, Shiyu Chang, Zhangyang Wang
NVIDIA-Merlin/publications
EmilHvitfeldt/smltar
Manuscript of the book "Supervised Machine Learning for Text Analysis in R" by Emil Hvitfeldt and Julia Silge
deepgenerativemodels/notes
Course notes
NVIDIA-Merlin/Transformers4Rec
Transformers4Rec is a flexible and efficient library for sequential and session-based recommendation and works with PyTorch.
sarthak15169/Deep-Music
In this project, I use LSTM RNN architecture to generate music. The entire Bach corpus from MuseData website (http://musedata.org/) has been used which has 417 raw midi files of the works of the prolific composer Johann Sebastian Bach. When converted to 50 length sequences for training the RNN, I was able to get 2441 sequences which is a good number for training the RNN.
jihoo-kim/Awesome-Generative-RecSys
A curated list of Generative Recommender Systems (Paper & Code)
ilya-shenbin/RecVAE
The official PyTorch implementation of the paper "RecVAE: A New Variational Autoencoder for Top-N Recommendations with Implicit Feedback"
adityashrm21/book-recommender-system-rbm
A book recommender system created using simple Restricted Boltzmann Machines in TensorFlow
srp98/Movie-Recommender-using-RBM
A Movie Recommender System using Restricted Boltzmann Machine (RBM), approach used is collaborative filtering.
brunnergino/MIDI-VAE
jbornschein/bihm
Bidirectional Helmholtz Machines
wiseodd/generative-models
Collection of generative models, e.g. GAN, VAE in Pytorch and Tensorflow.
salu133445/musegan
An AI for Music Generation
je-suis-tm/machine-learning
Python machine learning applications in image processing, recommender system, matrix completion, netflix problem and algorithm implementations including Co-clustering, Funk SVD, SVD++, Non-negative Matrix Factorization, Koren Neighborhood Model, Koren Integrated Model, Dawid-Skene, Platt-Burges, Expectation Maximization, Factor Analysis, ISTA, FISTA, ADMM, Gaussian Mixture Model, OPTICS, DBSCAN, Random Forest, Decision Tree, Support Vector Machine, Independent Component Analysis, Latent Semantic Indexing, Principal Component Analysis, Singular Value Decomposition, K Nearest Neighbors, K Means, Naïve Bayes Mixture Model, Gaussian Discriminant Analysis, Newton Method, Coordinate Descent, Gradient Descent, Elastic Net Regression, Ridge Regression, Lasso Regression, Least Squares, Logistic Regression, Linear Regression
aws/aws-step-functions-data-science-sdk-python
Step Functions Data Science SDK for building machine learning (ML) workflows and pipelines on AWS
EllaKaye/BradleyTerryScalable
R package for fitting the Bradley-Terry model to large datasets
lucasmaystre/choix
Inference algorithms for models based on Luce's choice axiom
forieux/qmm
Python Quadratic Majorization-Minimization (MM) optimization algorithms of half-quadratic criteria. Inverses problems, image restoration, denoising, ...
satyamgovila/MNIST-dataset-Analysis-Python
Analysing MNIST Dataset and using Principal Component Analysis(PCA) for dimensionality reduction and visualisation.
alsora/CNN_Visualization
Implementation of visualization techniques for CNN in Caffe (t-sne, DeconvNet, Image occlusions)
animebing/mnist_tsne
t-sne visualization of mnist images when feature is represented by raw pixels and cnn learned feature
thu-ml/tianshou
An elegant PyTorch deep reinforcement learning library.