- SciSharp Stack
- SciSharp STACK: https://scisharp.github.io/SciSharp/
基于. NET 的开源生态系统, 用于数据科学, 机器学习和 AI.
SciSharp 将所有主要的 ML/AI 框架从 Python 引入. NET.
特点
为. NET 开发者
.NET 开发者使用他们所了解和喜爱的工具可以最高效的工作. 我们的使命是确保在获取数据科学, 机器学习和 AI 的机会时, 他们不必将其遗忘. 完善的基于 Python 的机器学习生态系统对于数百万. NET 开发者而言并不十分可取. 我们正在有效的改变这种状况.
前沿
SciSharp 在. NET Core 中为 TensorFlow,keras,PyTorch,Numpy 等最先进的机器学习框架提供了端口和绑定. 由于移植库的 API 与原始库非常相似, 因此你可以轻松的重用现有资源, 文章和社区解决方案来解决 C# 和 F# 中的常见问题
跨平台
SciSharp STACK 的所有库都针对跨平台的. NET Standard Framework, 这使它们可以在支持. NET Core 的任何主要平台上使用. 我们为 Juptyer Notebook 提供了现成的 Docker 镜像, 它能够执行 C# 表达式, 并使您能够立即开始使用我们的库.
开源
SciSharp 库是根据宽松的许可协议 (如 Apache 2.0 许可协议) 许可的, 只要你保留作者的版权, 就可以将它们用于包括商业应用在内的任何项目. SciSharp STACK 的开源性质吸引了许多贡献者, 他们进一步对其进行了扩展和改进.
相关项目
TensorFlow.NET
TensorFlow 的. NET Standard 绑定
使用 C# 或 F# 创建, 训练和部署机器学习模型
GitHub: https://github.com/SciSharp/TensorFlow.NET
介绍: Google 的 TensorFlow 的. NET Standard 绑定, 用于在 C# 中开发, 训练和部署机器学习模型.
- Watch 85 Star 1.2k Fork 226
- NumSharp
高度优化的纯 C# 的 NumPy
用于数据科学, 机器学习和 AI 的 N-D 张量计算库
GitHub: https://github.com/SciSharp/NumSharp
介绍: N-D 张量的高性能计算库, 与 NumPy 相似的 API.
- Used By 122 Watch 68 Star 659 Fork 126
- Keras.NET
用于 Keras 的. NET 绑定, 用于 TensorFlow,CNTK 和 Theano 的高级神经网络 API
易于使用的深度学习工具
GitHub: https://github.com/SciSharp/Keras.NET
介绍: Keras.NET 是一个高级神经网络 API, 使用带有 Python 绑定的 C#编写, 并且能够在 TensorFlow,CNTK 或 Theano 之上运行.
- Watch 22 Star 240 Fork 70
- NumPy.NET
NumPy 的最完整的. NET 绑定
用于科学计算, 机器学习和 AI 的基础库
GitHub: https://github.com/SciSharp/Numpy.NET
介绍: NumPy 的最完整的. NET 实现库 - 用于科学计算, 机器学习和 AI 的基础库
- Watch 15 Star 135 Fork 38
- catalyst nlp
为提高速度而构建的 C# 自然语言处理库
受 spaCy 设计的启发, 它提供了预训练模型, 对训练单词和文档嵌入的开箱即用支持以及灵活的实体识别模型
GitHub: https://github.com/curiosity-ai/catalyst
介绍: 为提高速度而构建的 C# 自然语言处理库. 受 spaCy 设计的启发, 它提供了预训练模型, 对训练单词和文档嵌入的开箱即用支持以及灵活的实体识别模型
- Watch 15 Star 110 Fork 12
- NeuralNetwork.NET
由 Scratch 构建的, 受 TensorFlow 启发的神经网络库
使用 C# 7.3 语法编写的. NET Standard 2.0 的库, 并通过 cuDNN 支持 GPU
GitHub: https://github.com/Sergio0694/NeuralNetwork.NET
介绍: 由 Scratch 构建的, 受 TensorFlow 启发的神经网络库. 使用 C# 7.3 语法编写的. NET Standard 2.0 的库, 并通过 cuDNN 支持 GPU
- Watch 25 Star 316 Fork 53
- SciSharp Cube
在 Docker 容器中体验 SciSharp 机器学习工具的所有最新功能
配备 Juptyer Notebook, 展示 SciSharp 库的演示
GitHub: https://github.com/SciSharp/SciSharpCube
介绍: 在 Docker 容器中快速体验 SciSharp 机器学习工具的所有最新功能.
- Watch 9 Star 46 Fork 13
- Docker Hub:
- Pulls 10K+
使用 SciSharp STACK 的公司
- Microsoft https://www.microsoft.com/zh-cn/
- curiosity.ai https://curiosity.ai/
- LOCAD https://www.lokad.com/
- EVERSPRY http://www.footprintmatcher.com/
孵化器
还有什么呢?
Alpha 或进行的项目
- Torch.NET
- GitHub: https://github.com/SciSharp/Torch.NET
介绍: PyTorch 的. NET 绑定库. 使用 C#/F# 的机器学习, 支持 GPU/CPU
- Description:.NET bindings for PyTorch. Machine Learning with C# / F# with Multi-GPU/CPU support
- Watch14 Star82 Fork18
- BotSharp
- GitHub: https://github.com/SciSharp/BotSharp
介绍: 在. NET Core 中使用机器学习算法运行的 100% C#中的开源 AI Chatbot 平台生成器.
- Description:The Open Source AI Chatbot Platform Builder in 100% C# Running in .NET Core with Machine Learning algorithm.
- Watch110 Star887 Fork230
- Gym.NET
- GitHub: https://github.com/SciSharp/Gym.NET
介绍: openai/gym 的流行工具包, 用于开发和比较强化学习算法, 使用 C#
- Description:openai/gym's popular toolkit for developing and comparing reinforcement learning algorithms port to C#.
- Used by3 Watch10 Star33 Fork7
- OpenAIGym.NET
- GitHub: https://github.com/SciSharp/OpenAIGym.NET
介绍: 开发和比较强化学习算法的工具包
- Description:A toolkit for developing and comparing reinforcement learning algorithms.
- Watch6 Star12 Fork0
- Pandas.NET
- GitHub: https://github.com/SciSharp/Pandas.NET
介绍: C# 中的 Pandas 库, 数据分析工具, 在 DataFrame 中处理多维度数组.
- Description:Pandas port in C#, data analysis tool, process multi-dim array in DataFrame.
- Watch28 Star192 Fork26
- MxNetLib
- GitHub: https://github.com/SciSharp/MxNet.Sharp
介绍: 带有命令, 符号和 Gluon 接口的 Apache MxNet 的. NET Standard 实现, 用于在 C# 中开发, 训练和部署机器学习模型.
- Description:.NET Standard bindings for Apache MxNet with Imperative, Symbolic and Gluon Interface for developing, training and deploying Machine Learning models in C#.
- Watch7 Star18 Fork4
- Matplotlib.NET
- GitHub: https://github.com/SciSharp/Matplotlib.Net
介绍: Python 绘图库 Matplotlib 的. NET 包装器
- Description:.NET wrapper for the Python plotting library Matplotlib
- Watch7 Star20 Fork3
- Ludwig.NET
- GitHub: https://github.com/SciSharp/Ludwig.NET
介绍: Ludwig 的一个工具箱, 无需编写代码即可训练和测试深度学习模型.
Description:Ludwig is a toolbox that allows to train and test deep learning models without the need to write code.
- Watch6 Star20 Fork4
- CherubNLP
- GitHub: https://github.com/SciSharp/CherubNLP
介绍:.NET Core 中的自然语言处理
- Description:Natural Language Processing in .NET Core
- Watch10 Star39 Fork17
- Microcharts.Matplotlib
- GitHub: https://github.com/SciSharp/Microcharts.Matplotlib
介绍: Microcharts.Matplotlib 是用于数据科学和机器学习的 Microcharts 的包装库.
- Description:Microcharts.Matplotlib is a wrapper of Microcharts for Data Science and Machine Learning
- Watch1 Star10 Fork2
- scikit-learn.NET
- GitHub: https://github.com/SciSharp/scikit-learn.net
介绍:.NET Core 中的机器学习.
Description:Machine Learning in .NET Core.
- Watch3 Star20 Fork7
- SiaNet [Archived]
- GitHub: https://github.com/SciSharp/SiaNet
介绍: 具有 CUDA/OpenCL 支持的易于使用 C# 深度学习库
- Description:An easy to use C# deep learning library with CUDA/OpenCL support
- Watch47 Star343 Fork89
如果你感觉好的话, 请给个关注
来源: https://www.cnblogs.com/sesametech-netcore/p/12725914.html