Pinned Repositories
HuggingfaceHub
A library to download models & files from HuggingFace with C#.
megengine_cpp_training_example
Examples for using MegEngine cpp API for model training, which support Linux, Windows, Android, Linux_arm and IOS.
NeuralNetwork-v0.3
A Simple NeuralNetWork based on MathNet.Numerics
semantic-kernel-LLamaSharp
Custom TextCompletion using LLamaSharp
Tensor.NET.Examples
Examples of Tensor.NET, including some simple examples and good practices.
tensorrt_yolov5_tracker
This is a project to deploy object tracking algorithm with yolov5 and TensorRT. Sort and Deep-sort algorithm are used to track the objects.(本项目用tensorrt进行目标跟踪的部署,检测器采用yolov5,跟踪器采用sort和deep-sort)
oneflow
OneFlow is a deep learning framework designed to be user-friendly, scalable and efficient.
openvino
OpenVINO™ is an open-source toolkit for optimizing and deploying AI inference
LLamaSharp
A C#/.NET library to run LLM (🦙LLaMA/LLaVA) on your local device efficiently.
TensorFlow.NET
.NET Standard bindings for Google's TensorFlow for developing, training and deploying Machine Learning models in C# and F#.
AsakusaRinne's Repositories
AsakusaRinne/semantic-kernel-LLamaSharp
Custom TextCompletion using LLamaSharp
AsakusaRinne/HuggingfaceHub
A library to download models & files from HuggingFace with C#.
AsakusaRinne/TensorRT-LLM
TensorRT-LLM provides users with an easy-to-use Python API to define Large Language Models (LLMs) and build TensorRT engines that contain state-of-the-art optimizations to perform inference efficiently on NVIDIA GPUs. TensorRT-LLM also contains components to create Python and C++ runtimes that execute those TensorRT engines.
AsakusaRinne/AsakusaRinne
AsakusaRinne/ChatRWKV
ChatRWKV is like ChatGPT but powered by RWKV (100% RNN) language model, and open source.
AsakusaRinne/CogVLM
a state-of-the-art-level open visual language model
AsakusaRinne/CyberWaifu
LLM + TTS Bot
AsakusaRinne/diffusers
🤗 Diffusers: State-of-the-art diffusion models for image and audio generation in PyTorch
AsakusaRinne/faster-rwkv
AsakusaRinne/generative-models
Generative Models by Stability AI
AsakusaRinne/ggml
Tensor library for machine learning
AsakusaRinne/GGMLSharp
Use GGML with C#/.NET
AsakusaRinne/GpuFeatures
[WIP] Get GPU information in C#, including Nvidia/AMD GPU device, Cuda, Cublas, OpenCL and Vulkan.
AsakusaRinne/ivy
The Unified Machine Learning Framework
AsakusaRinne/LangChain
C# implementation of LangChain. We try to be as close to the original as possible in terms of abstractions, but are open to new entities.
AsakusaRinne/LLaMA-Efficient-Tuning
Fine-tuning LLaMA with PEFT (PT+SFT+RLHF with QLoRA)
AsakusaRinne/llama.cpp
Port of Facebook's LLaMA model in C/C++
AsakusaRinne/llamafia.github
AsakusaRinne/LLamaSharp
C#/.NET binding of llama.cpp, including model inference and quantization, ASP.NET core integration and Native UI.
AsakusaRinne/NativeLibrary.NetStandard
A .NET Standard library for loading native shared libraries and retrieving function pointers.
AsakusaRinne/openvino
OpenVINO™ is an open-source toolkit for optimizing and deploying AI inference
AsakusaRinne/Paddle
Dev
AsakusaRinne/protobuf.Text
Text format support for protobuf
AsakusaRinne/pytorch
Tensors and Dynamic neural networks in Python with strong GPU acceleration
AsakusaRinne/SciSharp
SciSharp STACK is focused on building tools for Machine Learning development.
AsakusaRinne/SciSharp.Models
Image Classification, Time Series, Transformer, Object Detection
AsakusaRinne/semantic-kernel
Integrate cutting-edge LLM technology quickly and easily into your apps
AsakusaRinne/tensorflow
An Open Source Machine Learning Framework for Everyone
AsakusaRinne/TensorFlow.NET
.NET Standard bindings for Google's TensorFlow for developing, training and deploying Machine Learning models in C# and F#.
AsakusaRinne/Test