Pinned Repositories
azure-databricks-exercise
Azure Databricks Hands-on (Tutorials)
azureml-tutorial
Azure Machine Learning Tutorial (CLI / Python)
decision-transformer
Minimal example to apply Decision Transformer in Atari Pong
finetune_llm_with_lora
Fine-tuning LLM with LoRA (Low-Rank Adaptation) from scratch
hmm-lds-em-algorithm
Estimate Hidden Markov Models (HMM) and Linear Dynamical Systems (LDS) from scratch
huggingface-finetune-japanese
Examples to finetune encoder-only and encoder-decoder transformers for Japanese language (Hugging Face)
imitation-learning-tutorials
Imitation Learning Algorithms Tutorial (Python) from scratch
minecraft-rl-example
Applying Reinforcement Learning in Minecraft (Project Malmo Tutorial)
nlp-tutorials
Natural Language Processing Neural Methods Tutorials (such as, embeddings, transformers, etc) from scratch
reinforcement-learning-tutorials
Reinforcement Learning Algorithms Tutorial (Python) from scratch
tsmatz's Repositories
tsmatz/reinforcement-learning-tutorials
Reinforcement Learning Algorithms Tutorial (Python) from scratch
tsmatz/azure-databricks-exercise
Azure Databricks Hands-on (Tutorials)
tsmatz/azureml-tutorial
Azure Machine Learning Tutorial (CLI / Python)
tsmatz/nlp-tutorials
Natural Language Processing Neural Methods Tutorials (such as, embeddings, transformers, etc) from scratch
tsmatz/huggingface-finetune-japanese
Examples to finetune encoder-only and encoder-decoder transformers for Japanese language (Hugging Face)
tsmatz/minecraft-rl-example
Applying Reinforcement Learning in Minecraft (Project Malmo Tutorial)
tsmatz/finetune_llm_with_lora
Fine-tuning LLM with LoRA (Low-Rank Adaptation) from scratch
tsmatz/hmm-lds-em-algorithm
Estimate Hidden Markov Models (HMM) and Linear Dynamical Systems (LDS) from scratch
tsmatz/decision-transformer
Minimal example to apply Decision Transformer in Atari Pong
tsmatz/imitation-learning-tutorials
Imitation Learning Algorithms Tutorial (Python) from scratch
tsmatz/homomorphic-encryption-microsoft-seal
Microsoft SEAL Homomorphic Encryption in Python
tsmatz/bot-framework-with-auth-example
Authentication Example in Microsoft Bot Framework (obsolete)
tsmatz/minecraft-rl-pigchase-attention
Applying "Stabilizing Transformers for Reinforcement Learning" in Minecraft pig chase
tsmatz/Quantum-Arithmetic-QSharp
Q# and C# Example for Basic Quantum Arithmetics (Adder, Substracter, Multiplier, and Exponentiation)
tsmatz/mlflow-azureml
Working with Azure Machine Learning via MLflow API
tsmatz/quantum-algorithms-qsharp
Implementing Quantum Algorithms in Q# and Python
tsmatz/tensorflow-tensorrt-python
Speeding up deep learning inference by NVIDIA TensorRT
tsmatz/Quantum-Shor-Algorithm
Q# and C# Example for Shor's Algorithm
tsmatz/gmm
Estimate GMM (Gaussian Mixture Model) by applying EM Algorithm and Variational Inference (Variational Bayesian) from scratch in Python
tsmatz/intel-sgx-enclave-ubuntu-tutorial
Running program in Intel SGX Enclave (Confidential Computing)
tsmatz/Quantum-Phase-Estimation-QSharp
Q# and C# Example for Quantum Phase Estimation
tsmatz/tsmatz.github.io
tsmatz/azure-cosmosdb-partition-resolver
Example code to get Azure Cosmos DB (NoSQL) partitioning range
tsmatz/azure-spatial-analysis
Azure Spatial Analysis Hands-On Tutorial
tsmatz/azureml-examples
Azure Machine Learning - Examples
tsmatz/azureml-tensorrt-image
Dockerfile for Azure Machine Learning TensorRT image
tsmatz/IrisTable150_SQL
Data preparation to run machine learning workloads on SQL Server Machine Learning Services (Iris Classification)
tsmatz/minecraft-rl-on-ray-cluster
Running Reinforcement Learning in Minecraft on Ray Cluster (Distributed RL Example)
tsmatz/sql-server-ml-r-mnist-example
Running deep learning workloads in R on SQL Server Machine Learning Services (MNIST example)
tsmatz/tensorflow-cifar10-resnet32-for-benchmark
Script for benchmarking : Running ResNet-32 training (TensorFlow 1.x) with CIFAR-10 dataset