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

Topic: "restricted-boltzmann-machine"

wiseodd/generative-models

Collection of generative models, e.g. GAN, VAE in Pytorch and Tensorflow.

Language: Python - Size: 111 KB - Last synced at: 8 days ago - Pushed at: over 1 year ago - Stars: 7,443 - Forks: 2,035

yell/boltzmann-machines

Boltzmann Machines in TensorFlow with examples

Language: Jupyter Notebook - Size: 354 MB - Last synced at: 2 months ago - Pushed at: over 3 years ago - Stars: 848 - Forks: 136

accel-brain/accel-brain-code

The purpose of this repository is to make prototypes as case study in the context of proof of concept(PoC) and research and development(R&D) that I have written in my website. The main research topics are Auto-Encoders in relation to the representation learning, the statistical machine learning for energy-based models, adversarial generation networks(GANs), Deep Reinforcement Learning such as Deep Q-Networks, semi-supervised learning, and neural network language model for natural language processing.

Language: Python - Size: 98.3 MB - Last synced at: 2 days ago - Pushed at: over 1 year ago - Stars: 317 - Forks: 92

dcmocanu/sparse-evolutionary-artificial-neural-networks

Always sparse. Never dense. But never say never. A Sparse Training repository for the Adaptive Sparse Connectivity concept and its algorithmic instantiation, i.e. Sparse Evolutionary Training, to boost Deep Learning scalability on various aspects (e.g. memory and computational time efficiency, representation and generalization power).

Language: Python - Size: 67 MB - Last synced at: almost 2 years ago - Pushed at: about 4 years ago - Stars: 228 - Forks: 65

PIQuIL/QuCumber

Neural Network Many-Body Wavefunction Reconstruction

Language: Python - Size: 143 MB - Last synced at: 25 days ago - Pushed at: 25 days ago - Stars: 174 - Forks: 31

GabrielBianconi/pytorch-rbm 📦

Restricted Boltzmann Machines (RBMs) in PyTorch

Language: Python - Size: 7.81 KB - Last synced at: 12 days ago - Pushed at: about 7 years ago - Stars: 162 - Forks: 47

mehulrastogi/Deep-Belief-Network-pytorch

This repository has implementation and tutorial for Deep Belief Network

Language: Jupyter Notebook - Size: 751 KB - Last synced at: over 2 years ago - Pushed at: over 6 years ago - Stars: 89 - Forks: 36

ikergarcia1996/Handwritten-Names-Recognition

The goal of this project is to solve the task of name transcription from handwriting images implementing a NN approach.

Language: Jupyter Notebook - Size: 158 MB - Last synced at: 4 months ago - Pushed at: over 7 years ago - Stars: 59 - Forks: 30

omimo/xRBM

Implementation of Restricted Boltzmann Machine (RBM) and its variants in Tensorflow

Language: Python - Size: 36.6 MB - Last synced at: 4 months ago - Pushed at: over 7 years ago - Stars: 55 - Forks: 22

kpoeppel/pytorch_probgraph

A Library for Modelling Probabilistic Hierarchical Graphical Models in PyTorch

Language: Python - Size: 44.9 KB - Last synced at: about 2 months ago - Pushed at: almost 5 years ago - Stars: 49 - Forks: 6

stefan-m-lenz/BoltzmannMachines.jl

A Julia package for training and evaluating multimodal deep Boltzmann machines

Language: Julia - Size: 495 KB - Last synced at: about 1 month ago - Pushed at: almost 4 years ago - Stars: 44 - Forks: 5

2015xli/DBN

Simple code tutorial for deep belief network (DBN)

Language: Jupyter Notebook - Size: 63.7 MB - Last synced at: almost 2 years ago - Pushed at: over 4 years ago - Stars: 38 - Forks: 23

nmeripo/Reducing-the-Dimensionality-of-Data-with-Neural-Networks

Implementation of G. E. Hinton and R. R. Salakhutdinov's Reducing the Dimensionality of Data with Neural Networks (Tensorflow)

Language: Python - Size: 9.77 KB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 37 - Forks: 8

bacnguyencong/rbm-pytorch

An implementation of Restricted Boltzmann Machine in Pytorch

Language: Jupyter Notebook - Size: 173 KB - Last synced at: about 2 years ago - Pushed at: over 6 years ago - Stars: 37 - Forks: 8

srp98/Movie-Recommender-using-RBM

A Movie Recommender System using Restricted Boltzmann Machine (RBM), approach used is collaborative filtering.

Language: Python - Size: 5.61 MB - Last synced at: about 1 year ago - Pushed at: about 7 years ago - Stars: 32 - Forks: 27

Shikhargupta/Spiking-Restricted-Boltzmann-Machine

RBM implemented with spiking neurons in Python. Contrastive Divergence used to train the network.

Language: Python - Size: 4.21 MB - Last synced at: almost 2 years ago - Pushed at: over 7 years ago - Stars: 26 - Forks: 10

kashimAstro/NNet

algorithm for study: multi-layer-perceptron, cluster-graph, cnn, rnn, restricted boltzmann machine, bayesian network

Language: C++ - Size: 12.7 MB - Last synced at: almost 2 years ago - Pushed at: almost 8 years ago - Stars: 24 - Forks: 1

facultyai/boltzmannclean

Fill missing values in Pandas DataFrames using Restricted Boltzmann Machines

Language: Python - Size: 21.5 KB - Last synced at: 5 days ago - Pushed at: about 5 years ago - Stars: 23 - Forks: 9

eugenet12/pytorch-rbm-autoencoder

Pytorch implementation of an autoencoder built from pre-trained Restricted Boltzmann Machines (RBMs)

Language: Jupyter Notebook - Size: 3.81 MB - Last synced at: over 2 years ago - Pushed at: over 4 years ago - Stars: 22 - Forks: 7

HismaelOliveira/RBM

Restricted Boltzmann Machines as Keras Layer

Language: Python - Size: 5.86 KB - Last synced at: over 2 years ago - Pushed at: over 6 years ago - Stars: 21 - Forks: 6

adityashrm21/Deep-Learning-Algorithms-Implementation

Implementations of (Deep Learning + Machine Learning) Algorithms

Language: Jupyter Notebook - Size: 129 KB - Last synced at: 3 months ago - Pushed at: over 6 years ago - Stars: 21 - Forks: 13

BorjaRequena/VMC_introduction

Introduction to quantum Monte Carlo. From the foundations to state-of-the-art Restricted Boltzmann Machine ansatz.

Language: Jupyter Notebook - Size: 2.32 MB - Last synced at: 4 months ago - Pushed at: over 4 years ago - Stars: 18 - Forks: 2

saurabhmathur96/movie-recommendations

Recommend movies to users by RBMs, TruncatedSVD, Stochastic SVD and Variational Inference

Language: Jupyter Notebook - Size: 1.29 MB - Last synced at: over 1 year ago - Pushed at: over 5 years ago - Stars: 18 - Forks: 10

VPanjeta/Deep-Learning-Models

Deep Learning Models implemented in python.

Language: Python - Size: 29.3 KB - Last synced at: 4 months ago - Pushed at: over 8 years ago - Stars: 17 - Forks: 12

patricieni/RBM-Tensorflow

Tensorflow Implementation of RBM

Language: Jupyter Notebook - Size: 14.1 MB - Last synced at: almost 2 years ago - Pushed at: about 8 years ago - Stars: 15 - Forks: 10

26hzhang/NeuralNetworksLite

Learn Neural Networks using Java

Language: Java - Size: 46.8 MB - Last synced at: 3 months ago - Pushed at: over 7 years ago - Stars: 12 - Forks: 4

dataplayer12/RBM

Restricted Boltzmann Machines implemented in 99 lines of python

Language: Jupyter Notebook - Size: 607 KB - Last synced at: 4 months ago - Pushed at: over 1 year ago - Stars: 9 - Forks: 2

SandeepAswathnarayana/professional-certificate-programs

This repository contains all the projects and labs I worked on while pursuing professional certificate programs, specializations, and bootcamp. [Areas: Deep Learning, Machine Learning, Applied Data Science].

Language: Jupyter Notebook - Size: 34.1 MB - Last synced at: 2 months ago - Pushed at: almost 5 years ago - Stars: 9 - Forks: 10

SpringerNLP/Chapter4

Chapter 4: Basics of Deep Learning

Language: Jupyter Notebook - Size: 633 KB - Last synced at: almost 2 years ago - Pushed at: about 6 years ago - Stars: 9 - Forks: 5

mr-easy/Restricted-Boltzmann-Machine

Python implementation of Restricted Boltzmann Machine (RBM). And an example on MNIST dataset.

Language: Jupyter Notebook - Size: 23.9 MB - Last synced at: over 2 years ago - Pushed at: almost 5 years ago - Stars: 8 - Forks: 1

yixuan/cdtau

Unbiased Contrastive Divergence Algorithm

Language: C++ - Size: 132 KB - Last synced at: 7 days ago - Pushed at: about 5 years ago - Stars: 8 - Forks: 0

IBMDeveloperMEA/YPDL-Build-a-movie-recommendation-engine-with-TensorFlow

In this tutorial, we are going to build a Restricted Boltzmann Machine using TensorFlow that will give us recommendations based on movies that have been watched already. The datasets we are going to use are acquired from GroupLens and contains movies, users, and movie ratings by these users.

Language: Jupyter Notebook - Size: 19.1 MB - Last synced at: over 2 years ago - Pushed at: about 3 years ago - Stars: 7 - Forks: 2

ethancaballero/Restricted_Boltzmann_Machine__RBM

Restricted Boltzmann Machine (RBM)

Language: Python - Size: 10.6 MB - Last synced at: 4 months ago - Pushed at: over 6 years ago - Stars: 7 - Forks: 2

conditg/rbm-feature-extraction

Simple Intro to Image Feature Extraction using a Restricted Boltzmann Machine

Language: Jupyter Notebook - Size: 6.3 MB - Last synced at: over 1 year ago - Pushed at: over 6 years ago - Stars: 6 - Forks: 3

FengZiYjun/Restricted-Boltzmann-Machine

An Numpy implementation of RBM.

Language: Python - Size: 209 KB - Last synced at: over 2 years ago - Pushed at: almost 7 years ago - Stars: 6 - Forks: 2

aby2s/harmonium

Simple Restricted Boltzmann Machine implementation with TensorFlow.

Language: Python - Size: 71.3 KB - Last synced at: over 2 years ago - Pushed at: about 7 years ago - Stars: 6 - Forks: 3

taneishi/EnergyBasedModels Fork of AmanPriyanshu/Deep-Belief-Networks-in-PyTorch

Energy Based Models using PyTorch.

Language: Python - Size: 2.95 MB - Last synced at: 4 months ago - Pushed at: 4 months ago - Stars: 5 - Forks: 2

Alexdruso/DD2437-ANNDA-Colasanti-Sanvito-Stuart

Lab assignments for the course DD2437-Artificial neural networks and deep architectures at KTH

Language: Jupyter Notebook - Size: 54.3 MB - Last synced at: over 1 year ago - Pushed at: over 3 years ago - Stars: 5 - Forks: 1

IBMDeveloperMEA/YourPathToDeepLearning

Sequel to our infamous Your Path to AI Series. We are introducing this new advanced level series for audience interested to specialise in Deep Learning. This repository holds all the resources for the series for you to catch up in case you have missed it.

Size: 13.7 KB - Last synced at: over 2 years ago - Pushed at: almost 4 years ago - Stars: 5 - Forks: 4

siddheswarc/Image-Classification-and-Reconstruction

Image Classification and Reconstruction using various models such as Bayesian, Logistic Regression, SVM, Random Forest, Neural Network, CNN, RBM, VAE, GAN

Language: Python - Size: 14.9 MB - Last synced at: over 2 years ago - Pushed at: about 6 years ago - Stars: 5 - Forks: 1

jgmakin/rbmish

matlab code for exponential family harmoniums, RBMs, DBNs, and relata

Language: Matlab - Size: 952 KB - Last synced at: over 2 years ago - Pushed at: over 6 years ago - Stars: 5 - Forks: 4

stubbi/masterthesis

Classical Simulation of Quantum Circuits with Restricted Boltzmann Machines

Language: TeX - Size: 511 MB - Last synced at: over 1 year ago - Pushed at: over 4 years ago - Stars: 4 - Forks: 0

mudittiwari255/Restricted-Boltzman-Machine-Simple-Implementation

Language: Python - Size: 5.86 KB - Last synced at: almost 2 years ago - Pushed at: over 6 years ago - Stars: 4 - Forks: 0

mzaradzki/probabilistic-javascript

Javascript functions to fit and to simulate probabilistic models

Language: JavaScript - Size: 9.9 MB - Last synced at: over 1 year ago - Pushed at: about 8 years ago - Stars: 4 - Forks: 1

kagrze/rbm

CUDA implementation of the Restricted Boltzmann Machine

Language: Cuda - Size: 23.4 KB - Last synced at: almost 2 years ago - Pushed at: over 9 years ago - Stars: 4 - Forks: 1

SimoneAlbertini/RBMcpp

Restricted Boltzmann Machine class using OpenCv, including Bernoulli-Bernoulli and Gaussian-Bernoulli implementations, plus utilities

Language: C++ - Size: 8.19 MB - Last synced at: almost 2 years ago - Pushed at: about 11 years ago - Stars: 4 - Forks: 2

tonandr/keras_unsupervised

Keras framework for unsupervised learning

Language: Python - Size: 8.51 MB - Last synced at: about 1 month ago - Pushed at: almost 2 years ago - Stars: 3 - Forks: 0

josepllberral/machine-learning-tools

Machine Learning tools and functions in R, for educational and academic purposes

Language: Jupyter Notebook - Size: 625 MB - Last synced at: 2 months ago - Pushed at: about 3 years ago - Stars: 3 - Forks: 2

ArnaudGardille/RBM

Implementation of a gaussian restricted Blotzmann machine

Language: Python - Size: 1.35 MB - Last synced at: over 2 years ago - Pushed at: almost 4 years ago - Stars: 3 - Forks: 0

vasukalariya/Generative-Modelling

Implementation of various generative models using PyTorch.

Language: Jupyter Notebook - Size: 2.19 MB - Last synced at: 5 months ago - Pushed at: almost 5 years ago - Stars: 3 - Forks: 0

Karan-Malik/RestrictedBoltzmannMachine

Python3 implementation of the Unsupervised Deep Learning Algorithm, Restricted Boltzmann Machine.

Language: Python - Size: 19.4 MB - Last synced at: 5 months ago - Pushed at: about 5 years ago - Stars: 3 - Forks: 1

samridhishree/Deeplearning-Models

Deep learning models in Python

Language: Python - Size: 266 MB - Last synced at: over 2 years ago - Pushed at: over 7 years ago - Stars: 3 - Forks: 0

YahyaAlaaMassoud/Faragni

Web-based Movie Recommendation Engine based on Deep Learning.

Language: TypeScript - Size: 10.5 MB - Last synced at: over 2 years ago - Pushed at: over 7 years ago - Stars: 3 - Forks: 2

krish240574/dbn_bn

Deep Belief net for classification, used on the MNIST dataset.

Language: APL - Size: 79.1 KB - Last synced at: over 2 years ago - Pushed at: over 8 years ago - Stars: 3 - Forks: 1

notAFK/oxfordhack-2016

A machine learning program that generates a new song that will match input text from the user.

Language: Python - Size: 1.63 MB - Last synced at: almost 2 years ago - Pushed at: over 8 years ago - Stars: 3 - Forks: 2

shamim-hussain/rbm-pytorch

An Implementation of Restricted Boltzmann Machine with Pytorch

Language: Python - Size: 925 KB - Last synced at: 2 months ago - Pushed at: 2 months ago - Stars: 2 - Forks: 0

ttiagojm/DBN-TF2

Deep Belief Networks in Tensorflow 2

Language: Python - Size: 141 KB - Last synced at: 5 months ago - Pushed at: over 1 year ago - Stars: 2 - Forks: 1

ml4jarchive/ml4j-neuralnets-demo

Simple demos of ml4j NeuralNets...AutoEncoders...RBMs....ConvNets...DBNs....coming soon

Language: Java - Size: 12.5 MB - Last synced at: 2 months ago - Pushed at: about 4 years ago - Stars: 2 - Forks: 1

sujiny-tech/Generative-Models

Generative-Models (GAN, RBM)

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

kuroron9696/FastNeurons

A simple and fast neural network library for Ruby using NMatrix.

Language: Ruby - Size: 15.2 MB - Last synced at: almost 2 years ago - Pushed at: over 4 years ago - Stars: 2 - Forks: 1

kplachkov/Deep-Learning

Essential deep learning algorithms, concepts, examples and visualizations with TensorFlow. Popular and custom neural network architectures. Applications of neural networks.

Language: Jupyter Notebook - Size: 55.5 MB - Last synced at: over 2 years ago - Pushed at: over 6 years ago - Stars: 2 - Forks: 3

shitian-ni/tensorflow-rbm

tensorflow rbm with free energy and clamp predict, notebooks showing usages on xor-calculations and image-reconstructions

Language: Jupyter Notebook - Size: 1.08 MB - Last synced at: about 1 month ago - Pushed at: almost 7 years ago - Stars: 2 - Forks: 1

aidenyg/Handwritten-Names-Recognition Fork of ikergarcia1996/Handwritten-Names-Recognition

The goal of this project is to solve the task of name transcription from handwriting images implementing a NN approach.

Language: Jupyter Notebook - Size: 158 MB - Last synced at: over 2 years ago - Pushed at: over 7 years ago - Stars: 2 - Forks: 0

Ahmadhammam03/movie-recommendation-rbm

🎬 Binary movie recommendation system (like/dislike) using Restricted Boltzmann Machines and PyTorch for probabilistic filtering (👍/👎)

Language: Python - Size: 28.3 KB - Last synced at: 13 days ago - Pushed at: 13 days ago - Stars: 1 - Forks: 0

ryuikaneko/textbook_2024_machine_learning_physics

Language: Jupyter Notebook - Size: 722 KB - Last synced at: 3 months ago - Pushed at: 3 months ago - Stars: 1 - Forks: 0

BhavyeMathur/boltzmann-machines-and-hopfield-networks

Hopfield Networks with Hebbian Learning and Generalised & Restricted Boltzmann Machines with CD-k in C++

Language: C++ - Size: 29.9 MB - Last synced at: 4 days ago - Pushed at: 3 months ago - Stars: 1 - Forks: 0

abinoam/matrix_dot_bench

Compares different Matrix dot product implementations in Ruby

Language: Ruby - Size: 10.7 KB - Last synced at: 5 months ago - Pushed at: 6 months ago - Stars: 1 - Forks: 0

dboesono/Recommendation-Movie

A user-friendly web application built with Streamlit that offers personalized movie recommendations based on user ratings using a baseline predictive model and RBM neural network

Language: Jupyter Notebook - Size: 17.7 MB - Last synced at: almost 2 years ago - Pushed at: almost 2 years ago - Stars: 1 - Forks: 0

paritoshshirodkar/Movie-Recommendation-System-Using-Restricted-Boltzmann-Machine

This repository is for the Movie Recommendation System developed using the Restricted Boltzmann Machine Algorithm

Language: HTML - Size: 37.1 MB - Last synced at: over 2 years ago - Pushed at: almost 3 years ago - Stars: 1 - Forks: 3

davidtranhq/pytorch-rbm

A restricted Boltzmann Machine trained using Persistent Contrastive Divergence implemented with Pytorch.

Language: Python - Size: 12.1 MB - Last synced at: 4 months ago - Pushed at: about 3 years ago - Stars: 1 - Forks: 0

akoreman/Restricted-Boltzmann-Machine-Generative-Ising-Model 📦

Project to generate novel Ising model spin states using Restricted Boltzmann Machines. Implemented using Python and SciKit-Learn. Coursework for course on Neural Networks. (MSc Computer Science level, Leiden University)

Language: Python - Size: 3.86 MB - Last synced at: over 2 years ago - Pushed at: over 3 years ago - Stars: 1 - Forks: 2

mark-antal-csizmadia/rbm_dbn

Restricted Boltzmann Machines (RBMs) and Deep Belief Networks (DBNs) from scratch for representation learning on the MNIST dataset.

Language: Jupyter Notebook - Size: 108 MB - Last synced at: over 2 years ago - Pushed at: almost 4 years ago - Stars: 1 - Forks: 1

ml4jarchive/ml4j-api

ml4j Neural Network API for Java

Language: Java - Size: 696 KB - Last synced at: 2 months ago - Pushed at: about 4 years ago - Stars: 1 - Forks: 2

stefan-m-lenz/dsBoltzmannMachines

Language: R - Size: 40 KB - Last synced at: almost 2 years ago - Pushed at: over 4 years ago - Stars: 1 - Forks: 3

stefan-m-lenz/dsBoltzmannMachinesClient

Language: R - Size: 55.7 KB - Last synced at: over 2 years ago - Pushed at: over 4 years ago - Stars: 1 - Forks: 3

charumakhijani/deep-learning

Language: Jupyter Notebook - Size: 19.8 MB - Last synced at: over 2 years ago - Pushed at: over 5 years ago - Stars: 1 - Forks: 2

pushpulldecoder/Restricted-Boltzmann-Machine

Implementation of Restricted Machine from scratch using PyTorch

Language: Jupyter Notebook - Size: 185 KB - Last synced at: about 2 years ago - Pushed at: over 5 years ago - Stars: 1 - Forks: 0

siddheswarc/Pattern-Recognition

CSE 555 (Introduction to Pattern Recognition) course at the University at Buffalo

Language: Jupyter Notebook - Size: 2.15 MB - Last synced at: over 2 years ago - Pushed at: about 6 years ago - Stars: 1 - Forks: 6

xiaoouzhang/Restricted-Boltzmann-Machine-on-Spin-Systems

This repository uses the Restricted Boltzmann Machine to study the Ising model and XY model.

Language: Python - Size: 13.7 KB - Last synced at: almost 2 years ago - Pushed at: about 7 years ago - Stars: 1 - Forks: 1

VaibhavAbhimanyooHiwase/Classification_of_Research_Papers_Titles_Describing_Some_Functions_Of_Extracellular_Vesicles

We proposed an approach that use the keywords of research paper as feature and generate a Restricted Boltzmann Machine (RBM).

Language: Python - Size: 961 KB - Last synced at: over 1 year ago - Pushed at: about 7 years ago - Stars: 1 - Forks: 0

isabekov/GBPRBM_NumPy

A Python3-NumPy implementation of contrastive divergence algorithm for training Gaussian-Bipolar Restricted Boltzmann Machines

Language: Python - Size: 285 KB - Last synced at: about 2 years ago - Pushed at: almost 8 years ago - Stars: 1 - Forks: 1

clairett/DeepLearning

Implement deep neural network from scratch in Python

Language: Python - Size: 4.66 MB - Last synced at: over 2 years ago - Pushed at: over 8 years ago - Stars: 1 - Forks: 1

freakanth/discriminative-restricted-boltzmann-machine

An implementation of the generalised Discriminative Restricted Boltzmann Machine

Last synced at: over 2 years ago - Stars: 1 - Forks: 1

ryuikaneko/mps2rbm

Language: Python - Size: 11.8 MB - Last synced at: 18 days ago - Pushed at: 19 days ago - Stars: 0 - Forks: 0

crypto-code/RBM-Music-Composer

Use TensorFlow to Generate Music with a Restricted Boltzmann Machine.

Language: Python - Size: 179 KB - Last synced at: 7 months ago - Pushed at: 7 months ago - Stars: 0 - Forks: 0

Meharab/Deep-Neural-Network-using-Tensorflow

projects of all sorts of neural network

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

Faiber09/Computer-Vision-and-Deep-Learning-Capstone-Project

The objective of this project was to develop a deep learning model capable of identifying cracks in concrete. The goal was to create a robust pipeline for computer vision tasks that can accurately classify images as either containing cracks (positive) or not (negative).

Language: Jupyter Notebook - Size: 5.92 MB - Last synced at: 4 months ago - Pushed at: 11 months ago - Stars: 0 - Forks: 0

samanipour/generative-deep-belief-network

Generative Deep Belief Network (DBN) and Restricted Boltzmann Machine (RBM). Use DBN and RBMs for imange feature detection and then use them as generative model to generate new images (like GANs)

Language: Jupyter Notebook - Size: 43.9 KB - Last synced at: about 1 year ago - Pushed at: about 1 year ago - Stars: 0 - Forks: 0

Dor-sketch/IrisNetRBM

A Python-implemented RBM project exploring generative learning through the classification of the Iris dataset, featuring a user-friendly GUI and advanced data handling capabilities.

Language: Python - Size: 1.73 MB - Last synced at: 5 months ago - Pushed at: over 1 year ago - Stars: 0 - Forks: 0

jrdpinto/DeepLearningPortfolio

A small collection of ANN models built while completing a Udemy course on deep learning.

Language: Jupyter Notebook - Size: 244 MB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 0 - Forks: 0

aillaud/Probabilistic-Models

Practical works on Bayesian classification, Hidden Markov Models and Restricted Boltzmann Machines

Language: Jupyter Notebook - Size: 32.9 MB - Last synced at: over 1 year ago - Pushed at: almost 2 years ago - Stars: 0 - Forks: 0

ericabrisigotti/my_LCP-B Fork of EkaterinaChueva/LCP-B

code & assignments from Laboratory of Computational Physics (module B) held at University of Padova by Prof. Marco Baiesi during Academic Year 2022-2023

Language: Jupyter Notebook - Size: 20.9 MB - Last synced at: about 2 years ago - Pushed at: about 2 years ago - Stars: 0 - Forks: 0

DataSaiyentist/Restricted_Boltzmann_Machines Fork of AhmedOsman00py/Restricted_Boltzmann_Machines

Restricted Boltzmann Machine (classification on MNIST)

Language: Python - Size: 16.3 MB - Last synced at: about 2 years ago - Pushed at: about 2 years ago - Stars: 0 - Forks: 0

dkomni/machine-learning-overview

Machine Learning Basics: Artificial Neural Networks, Generative Modeling, Boltzmann Machines, GANs

Language: Jupyter Notebook - Size: 2.49 MB - Last synced at: over 2 years ago - Pushed at: over 2 years ago - Stars: 0 - Forks: 0

Max-Winga/Historic-ML-Techniques

Learning a few historical techniques for machine learning for a class at UIUC: Gibbs sampling, Hopfield networks, restricted boltzmann machines

Language: Jupyter Notebook - Size: 16.7 MB - Last synced at: almost 2 years ago - Pushed at: over 2 years ago - Stars: 0 - Forks: 0

YichenTang97/DBN_Autoencoder_Classifier

An pytorch implementation of Deep Belief Network with sklearn compatibility for classification. The training process consists the pretraining of DBN, fine-tuning as an unrolled autoencoder-decoder, and supervised fine-tuning as a classifier.

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

jaquino/ia_rbm

Inteligencia Artificial - Maquinas de Boltzmann Restringidas

Language: Jupyter Notebook - Size: 20 MB - Last synced at: over 2 years ago - Pushed at: over 2 years ago - Stars: 0 - Forks: 1

W-Mrt/Machine-Learning-for-Computational-Physics Fork of Melikakmm/Machine-learning-projects

Machine learning applications

Language: Jupyter Notebook - Size: 41.4 MB - Last synced at: over 2 years ago - Pushed at: about 3 years ago - Stars: 0 - Forks: 0

AlexPasqua/ISPR-midterms

Assignments for the course of Intelligent Systems for Pattern Recognition @ University of Pisa

Language: Jupyter Notebook - Size: 88.4 MB - Last synced at: over 2 years ago - Pushed at: about 3 years ago - Stars: 0 - Forks: 0

zero80517/neural-quantum-states Fork of kafischer/neural-quantum-states

Numerically represent quantum states with Restricted Boltzmann Machines

Size: 4.21 MB - Last synced at: over 2 years ago - Pushed at: over 3 years ago - Stars: 0 - Forks: 0

Related Topics
machine-learning 32 rbm 31 deep-learning 26 python 18 neural-network 18 pytorch 17 tensorflow 15 deep-belief-network 14 neural-networks 12 autoencoder 11 keras 9 convolutional-neural-networks 9 generative-model 8 unsupervised-learning 7 recurrent-neural-networks 6 contrastive-divergence-algorithm 6 collaborative-filtering 6 gibbs-sampling 6 multilayer-perceptron-network 5 mnist 5 scikit-learn 5 deep-neural-networks 5 energy-based-model 5 generative-adversarial-network 5 boltzmann-machines 5 numpy 5 movie-recommendation 4 artificial-neural-networks 4 logistic-regression 4 hopfield-network 4 classification 4 data-science 4 artificial-intelligence 4 restricted-boltzmann-machines 4 cnn 4 deep-boltzmann-machine 4 lstm 3 linear-regression 3 r 3 multi-layer-perceptron 3 variational-autoencoder 3 recommendation-system 3 perceptron 3 semi-supervised-learning 3 denoising-autoencoders 3 recommender-system 3 pandas 3 autoencoder-mnist 3 variational-monte-carlo 3 autoencoders 3 jupyter-notebook 3 deep-learning-algorithms 3 principal-component-analysis 3 dbn 3 rnn 2 cosine-similarity 2 language-modeling 2 computational-physics 2 ruby 2 tensorflow-models 2 vmc 2 gan 2 multilayer-perceptron 2 federated-learning 2 matplotlib 2 movielens 2 graphical-models 2 machine-learning-algorithms 2 fashion-mnist 2 svd 2 representation-learning 2 probabilistic-graphical-models 2 algorithm 2 deep-belief-nets 2 deeplearning 2 reinforcement-learning 2 bayesian-decision-theory 2 mnist-dataset 2 computer-vision 2 mlp 2 crbm 2 auto-encoder 2 conditional-gan 2 word2vec 2 clustering 2 gbprbm 2 supervised-learning 2 random-forest 2 python3 2 hidden-markov-model 2 quantum-monte-carlo 2 character-recognition 2 histogram-of-oriented-gradients 2 vae 2 sequence-generation 1 hebbian 1 machinelearning 1 nlp 1 workshop 1 keras-tensorflow 1