Thursday, November 11, 2021

OSCHINA 社区最新软件

OSCHINA 社区最新软件


全场景在离线混部系统 Caelus

Posted: 11 Nov 2021 02:13 AM PST

Caelus是一套 Kubernetes 解决方案,通过运行额外的批处理作业来重新利用节点的闲置资源,这些资源来自于在线作业的利用率不足,尤其是在低流量时期。为了使批处理作业与在线作业兼容,caelus 动态地管理多种资源隔离机制,同时检查各种指标的异常情况。如果检测到干扰,批处理作业将被限制甚至终止。 特性: 收集各种指标,包括节点资源、cgroup 资源和在线作业延迟 批处理作业可以在 YARN 或 Kubernetes 上运行 预测节点的总资...

分布式远程 Shuffle 服务 Firestorm

Posted: 11 Nov 2021 01:47 AM PST

Firestorm 是一个远程 Shuffle 服务,它为 Apache Spark 应用程序提供了在远程服务器上存储 shuffle 数据的能力。 特性: 支持多种集群部署模式。Firestorm将Shuffle数据存储在了远程,因此计算集群将不再需要大量存储空间。同时,大数据集群的部署模式也变得更加灵活,基于Firestorm,计算存储分离,计算存储混布,在线离线混布等部署模式都得到很好的支撑。 支持Shuffle数据聚合。Firestorm通过服务端对Shuffle数据进行分拣操作...

Arraymancer

Posted: 11 Nov 2021 01:17 AM PST

Arraymancer - A n-dimensional tensor (ndarray) library. Arraymancer is a tensor (N-dimensional array) project in Nim. The main focus is providing a fast and ergonomic CPU, Cuda and OpenCL ndarray library on which to build a scientific computing ecosystem. The library is inspired by Numpy and PyTorch and targets the following use-cases: N-dimensional arrays (tensors) for numerical computing mach...

PyTorch - Python + Nim nimtorch

Posted: 11 Nov 2021 01:17 AM PST

Master Release Pytorch - Py + Nim A Nim frontend for pytorch, aiming to be mostly auto-generated and internally using ATen. Because Nim compiles to C++, this is not a wrapper or binding library. It generates 1-to-1 native ATen code. The only requirement from pytorch is ATen's core tensor library. Because of this, nimtorch is extremely versatile and can compile on any kind of device. Current sta...

awesome-scalability

Posted: 11 Nov 2021 01:17 AM PST

An updated and organized reading list for illustrating the patterns of scalable, reliable, and performant large-scale systems. Concepts are explained in the articles of prominent engineers and credible references. Case studies are taken from battle-tested systems that serve millions to billions of users. If your system goes slow Understand your problems: scalability problem (fast for a single u...

PRMLT

Posted: 11 Nov 2021 01:17 AM PST

Introduction This Matlab package implements machine learning algorithms described in the great textbook: Pattern Recognition and Machine Learning by C. Bishop (PRML). It is written purely in Matlab language. It is self-contained. There is no external dependency. Note: this package requires Matlab R2016b or latter, since it utilizes a new Matlab syntax called Implicit expansion (a.k.a. broadcast...

armadillo-code

Posted: 11 Nov 2021 01:17 AM PST

Git repo moved to GitLab: gitlab.com/conradsnicta/armadillo-code git clone https://gitlab.com/conradsnicta/armadillo-code.git Releases: arma.sourceforge.net/download.html Bug Reports & Questions: arma.sourceforge.net/faq.html Documentation & Examples: arma.sourceforge.net/docs.html...

Screenshot-to-code

Posted: 11 Nov 2021 01:17 AM PST

A detailed tutorial covering the code in this repository: Turning design mockups into code with deep learning. Plug: I write about learning Machine learning online and independent research 👉 Enjoy! The neural network is built in three iterations. Starting with a Hello World version, followed by the main neural network layers, and ending by training it to generalize. The models are based on ...

awesome-aws

Posted: 11 Nov 2021 01:17 AM PST

Awesome AWS A curated list of awesome AWS libraries, open source repos, guides, blogs, and other resources. Inspired by the awesome list. The Fiery Meter of AWSome Repo with 0100+ Stars: 🔥 Repo with 0200+ Stars: 🔥🔥 Repo with 0500+ Stars: 🔥🔥🔥 Repo with 1000+ Stars: 🔥🔥🔥🔥 Repo with 2000+ Stars: 🔥🔥🔥🔥🔥 Repos not on The Fiery Meter of AWSome can still be ...

amazon-sagemaker-examples

Posted: 11 Nov 2021 01:17 AM PST

Amazon SageMaker Examples Example Jupyter notebooks that demonstrate how to build, train, and deploy machine learning models using Amazon SageMaker. 📚 Background Amazon SageMaker is a fully managed service for data science and machine learning (ML) workflows. You can use Amazon SageMaker to simplify the process of building, training, and deploying ML models. The SageMaker example notebooks ...

awesome-kubernetes

Posted: 11 Nov 2021 01:17 AM PST

Awesome-Kubernetes A curated list for awesome kubernetes sources inspired by @sindresorhus' awesome "Talent wins games, but teamwork and intelligence wins championships." -- Michael Jordan Without the help from these amazing contributors, building this awesome-repo would never has been possible. Thank You very much everyone !! Thanks to Gitbook.This awesome list can now be downloaded and read i...

image-super-resolution

Posted: 11 Nov 2021 01:16 AM PST

Image Super-Resolution (ISR) The goal of this project is to upscale and improve the quality of low resolution images. This project contains Keras implementations of different Residual Dense Networks for Single Image Super-Resolution (ISR) as well as scripts to train these networks using content and adversarial loss components. The implemented networks include: The super-scaling Residual Dense N...

MachineLearningNotebooks

Posted: 11 Nov 2021 01:16 AM PST

Azure Machine Learning Python SDK notebooks a community-driven repository of examples using mlflow for tracking can be found at https://github.com/Azure/azureml-examples Welcome to the Azure Machine Learning Python SDK notebooks repository! Getting started These notebooks are recommended for use in an Azure Machine Learning Compute Instance, where you can run them without any additional set up....

Microsoft Machine Learning for Apache Spark SynapseML

Posted: 11 Nov 2021 01:16 AM PST

Microsoft Machine Learning for Apache Spark MMLSpark is an ecosystem of tools aimed towards expanding the distributed computing framework Apache Spark in several new directions. MMLSpark adds many deep learning and data science tools to the Spark ecosystem, including seamless integration of Spark Machine Learning pipelines with Microsoft Cognitive Toolkit (CNTK), LightGBM and OpenCV. These tool...

�� NativeScript plugin for Firebase nativescript-plugin-firebase

Posted: 11 Nov 2021 01:16 AM PST

NativeScript Firebase plugin For NativeScript 7 compatibility, run tns plugin add @nativescript/firebase. For NativeScript 6.1+ compatibility, install polugin version 10: tns plugin add nativescript-plugin-firebase@10. For NativeScript 6.0 and lower, stick to plugin version < 10. Features AdMob Analytics Authentication Cloud Firestore Cloud Functions Cloud Messaging / Non-Firebase Push Messagin...

YOLOv5 �� in PyTorch > ONNX > CoreML > TFLite yolov5

Posted: 11 Nov 2021 01:16 AM PST

YOLOv5 🚀 is a family of object detection architectures and models pretrained on the COCO dataset, and represents Ultralytics open-source research into future vision AI methods, incorporating lessons learned and best practices evolved over thousands of hours of research and development. Documentation See the YOLOv5 Docs for full documentation on training, testing and deployment. Quick Start ...

WaveFunctionCollapse

Posted: 11 Nov 2021 01:16 AM PST

WaveFunctionCollapse This program generates bitmaps that are locally similar to the input bitmap. Local similarity means that (C1) The output should contain only those NxN patterns of pixels that are present in the input. (Weak C2) Distribution of NxN patterns in the input should be similar to the distribution of NxN patterns over a sufficiently large number of outputs. In other words, probabil...

machine-learning-octave

Posted: 11 Nov 2021 01:16 AM PST

Machine Learning in MatLab/Octave For Python/Jupyter version of this repository please check homemade-machine-learning project. This repository contains MatLab/Octave examples of popular machine learning algorithms with code examples and mathematics behind them being explained. The purpose of this repository was not to implement machine learning algorithms using 3rd party libraries or Octave/Ma...

YOLOv3 in PyTorch > ONNX > CoreML > TFLite yolov3

Posted: 11 Nov 2021 01:16 AM PST

This repository represents Ultralytics open-source research into future object detection methods, and incorporates lessons learned and best practices evolved over thousands of hours of training and evolution on anonymized client datasets. All code and models are under active development, and are subject to modification or deletion without notice. Use at your own risk. YOLOv5-P5 640 Figure (clic...

awesome-deep-learning

Posted: 11 Nov 2021 01:16 AM PST

Awesome Deep Learning Table of Contents Books Courses Videos and Lectures Papers Tutorials Researchers Websites Datasets Conferences Frameworks Tools Miscellaneous Contributing Books Deep Learning by Yoshua Bengio, Ian Goodfellow and Aaron Courville (05/07/2015) Neural Networks and Deep Learning by Michael Nielsen (Dec 2014) Deep Learning by Microsoft Research (2013) Deep Learning Tutorial by L...

Machine-Learning-with-Python

Posted: 11 Nov 2021 01:16 AM PST

Python Machine Learning Jupyter Notebooks (ML website) Dr. Tirthajyoti Sarkar, Fremont, California (Please feel free to connect on LinkedIn here) Also check out these super-useful Repos that I curated Highly cited and useful papers related to machine learning, deep learning, AI, game theory, reinforcement learning Carefully curated resource links for data science in one place Requirements Pytho...

awesome-production-machine-learning

Posted: 11 Nov 2021 01:16 AM PST

Awesome production machine learning This repository contains a curated list of awesome open source libraries that will help you deploy, monitor, version, scale, and secure your production machine learning. Quick links to sections in this page 🔍 Explaining predictions & models 🔏 Privacy preserving ML 📜 Model & data versioning 🏁 Model Training Orchestration 💪 Model Serving and Moni...

MATLAB-Octave

Posted: 11 Nov 2021 01:16 AM PST

MATLAB / Octave These repository is a collection of useful algorithms and data structures built in MATLAB/Octave. In addition you will find solutions from project euler problem sets. The code in this repository is cross-portabel for MATLAB and for Octave. What is Octave? Octave is a free high-level interpreter language that is equivalent to the textuelle programming language MATLAB. Clone git r...

Interactive Go programming with Jupyter lgo

Posted: 11 Nov 2021 01:16 AM PST

lgo Go (golang) Jupyter Notebook kernel and an interactive REPL Disclaimer Since go1.10, this Go kernel has performance issue due to a performance regression in Go tool chain. Also, this Go kernel can not be built with go1.12 due to another regression in Go tool chain. Now, the compiler options this kernel relies on are completely broken and I'm not sure when they will fix the regressions. Unfo...

CADL

Posted: 11 Nov 2021 01:16 AM PST

Creative Applications of Deep Learning w/ Tensorflow This repository contains lecture transcripts and homework assignments as Jupyter Notebooks for the first of three Kadenze Academy courses on Creative Applications of Deep Learning w/ Tensorflow. It also contains a python package containing all the code developed during all three courses. COURSE 1: Creative Applications of Deep Learning with T...

awesome-datascience

Posted: 11 Nov 2021 01:16 AM PST

AWESOME DATA SCIENCE An open source Data Science repository to learn and apply towards solving real world problems. This is a shortcut path to start studying Data Science. Just follow the steps to answer the questions, "What is Data Science and what should I study to learn Data Science?" What is Data Science? Data Science is one of the hottest topics on the Computer and Internet farmland nowada...

evidently

Posted: 11 Nov 2021 01:16 AM PST

Evidently Interactive reports and JSON profiles to analyze, monitor and debug machine learning models. Docs | Join Discord | Newsletter | Blog | Twitter What is it? Evidently helps evaluate machine learning models during validation and monitor them in production. The tool generates interactive visual reports and JSON profiles from pandas DataFrame or csv files. You can use visual reports for ad...

C-Plus-Plus

Posted: 11 Nov 2021 01:16 AM PST

The Algorithms - C++ # {#mainpage} Overview This repository is a collection of open-source implementation of a variety of algorithms implemented in C++ and licensed under MIT License. These algorithms span a variety of topics from computer science, mathematics and statistics, data science, machine learning, engineering, etc.. The implementations and the associated documentation are meant to pro...

pycroscopy

Posted: 11 Nov 2021 01:16 AM PST

pycroscopy NOTE: Pycroscopy is undergoing a major reorganization and change to the scope and nature of the package. For those interested in the older version, please visit the legacy branch. The new version is under development in the 'phoenix' branch, and this is now the default branch. pycroscopy is a python package for image processing and scientific analysis of imaging modalities such as mu...

Girls-In-AI

Posted: 11 Nov 2021 01:16 AM PST

Girls-In-AI Coding is the new sexy. GirlsInAI(GIA) 是一个面向编程 零基础 的AI算法工程师养成计划。鼓励更多的女孩子去学习编程甚至成为科技行业的领袖。希望大家都能站在食物链上游看一看,因为风景真的很好。入门帖:如何成为一名AI算法工程师 欢迎关注微博账号 @Girls-In-AI,获取Girls-In-AI的最新内容,一起遇见更多喜欢AI喜欢代码的女孩子🙌~ machine_learning_diary machine_learning_diary 是 人工智能工程师 ...

machinelearning-samples

Posted: 11 Nov 2021 01:16 AM PST

Note: We'd love to hear your thoughts about MLOps. Let us know in this survey. ML.NET Samples ML.NET is a cross-platform open-source machine learning framework that makes machine learning accessible to .NET developers. In this GitHub repo, we provide samples which will help you get started with ML.NET and how to infuse ML into existing and new .NET apps. Note: Please open issues related to ML.N...

3DMMasSTN

Posted: 11 Nov 2021 01:16 AM PST

3D Morphable Models as Spatial Transformer Networks Update: A simple gradient descent method is added to show how the layers work. Please see the demo.m. This page shows how to use a 3D morphable model as a spatial transformer within a convolutional neural network (CNN). It is an extension of the original spatial transformer network in that we are able to interpret and normalise 3D pose changes...

Machine-Learning-Tutorials

Posted: 11 Nov 2021 01:16 AM PST

Machine Learning & Deep Learning Tutorials This repository contains a topic-wise curated list of Machine Learning and Deep Learning tutorials, articles and other resources. Other awesome lists can be found in this list. If you want to contribute to this list, please read Contributing Guidelines. Curated list of R tutorials for Data Science, NLP and Machine Learning. Curated list of Python tutor...

nativescript-yoonit-camera

Posted: 11 Nov 2021 01:16 AM PST

NativeScript Yoonit Camera The most advanced and complete NativeScript Camera plugin ◻ Fully iOS and Android integration ◻ VueJS Plugin ◻ Modern Android Camera API [Camera X](https://developer.android.com/training/camerax) ◻ Camera preview (Front & Back) ◻ [PyTorch](https://pytorch.org/mobile/home/) integration (Android only) ◻ Computer vision pipeline ◻ Face detection with ROI, capture...

Scientific computing in pure Crystal num.cr

Posted: 11 Nov 2021 01:16 AM PST

Num.cr is the core shard needed for scientific computing with Crystal Website: https://crystal-data.github.io/num.cr API Documentation: https://crystal-data.github.io/num.cr/ Source code: https://github.com/crystal-data/num.cr Bug reports: https://github.com/crystal-data/num.cr/issues It provides: An n-dimensional Tensor data structure Efficient map, reduce and accumulate routines GPU accelerat...

MachineLearning_Ng

Posted: 11 Nov 2021 01:16 AM PST

MeachineLearning_NG 吴恩达机器学习coursera课程 欢迎大家'star',学习交流 Fork或借鉴请注明出处 @ChungKing . Th 学习机器学习,《西瓜书》讲得最系统,对于里面的推导过程有些不详细,,已经有一些热心的小伙伴开源了《南瓜书》,大家可以多看看 吴恩达老师的机器学习和深度学习课程笔记打印版 课程地址:https://www.coursera.org/course/ml Machine Learning(机器学习)是研究计算机怎样模拟或实现人类的学习行为,以获取新...

Halfrost-Field

Posted: 11 Nov 2021 01:16 AM PST

Halfrost-Field 冰霜之地 ⭐️ 为什么要建这个仓库 世人都说阅读开源框架的源代码对于功力有显著的提升,所以我也尝试阅读开源框架的源代码,并对其内容进行详细地分析和理解。在这里将自己阅读开源框架源代码的心得记录下来,希望能对各位开发者有所帮助。我会不断更新这个仓库中的文章,如果想要关注可以点 star。 📖 目录 🐳 Go Project Version Article Go 1.16 darwin/amd64 Go 初学者的成长之路 初探 Go 的编译命令执...

awesome-nlp

Posted: 11 Nov 2021 01:16 AM PST

awesome-nlp A curated list of resources dedicated to Natural Language Processing Read this in English, Traditional Chinese Please read the contribution guidelines before contributing. Please add your favourite NLP resource by raising a pull request Contents Research Summaries and Trends Prominent NLP Research Labs Tutorials Reading Content Videos and Courses Books Libraries Node.js Python C++ J...

Deep Learning in Haskell grenade

Posted: 11 Nov 2021 01:16 AM PST

Grenade First shalt thou take out the Holy Pin, then shalt thou count to three, no more, no less. Three shall be the number thou shalt count, and the number of the counting shall be three. Four shalt thou not count, neither count thou two, excepting that thou then proceed to three. Five is right out. 💣 Machine learning which might blow up in your face 💣 Grenade is a composable, dependent...

vbmc

Posted: 11 Nov 2021 01:16 AM PST

Variational Bayesian Monte Carlo (VBMC) - v1.0.7 News: Added a Presentations section with links to (relatively) recent slides and video recordings of VBMC related work. New paper at NeurIPS (Sep/25/2020) The "Variational Bayesian Monte Carlo with Noisy Likelihoods" paper [2] has been accepted at NeurIPS 2020! This is the second VBMC paper at NeurIPS. The paper is available in the NeurIPS procee...

machine_learning_refined

Posted: 11 Nov 2021 01:16 AM PST

Machine Learning Refined: Notes, Exercises, and Jupyter notebooks Below you will find a range of resources that complement the 2nd edition of Machine Learning Refined (published by Cambridge University Press). Table of Contents A sampler of widgets / pedagogy Online notes (jupyter notebooks) What is new in the second edition? How to use the book Technical prerequisites Coding exercises Resource...

SGDLibrary

Posted: 11 Nov 2021 01:16 AM PST

SGDLibrary : Stochastic Optimization Algorithm Library in MATLAB/Octave Authors: Hiroyuki Kasai Last page update: November 20, 2020 Latest library version: 1.0.20 (see Release notes for more info) Introduction The SGDLibrary is a pure-MATLAB library or toolbox of a collection of stochastic optimization algorithms. This solves an unconstrained minimization problem of the form, min f(x) = sum_i f...

computer-vision-in-action

Posted: 11 Nov 2021 01:16 AM PST

__ ___ _ _ ___ ____ / |/ /___ _(_) _____ (_) | / _/ _________ ____ ___ / /|_/ / __ `/ / | /| / / _ \/ / /| | / /_____/ ___/ __ \/ __ `__ \ / / / / /_/ / /| |/ |/ / __/ / ___ |_/ /_____/ /__/ /_/ / / / / / / /_/ /_/\__,_/_/ |__/|__/\___/_/_/ |_/___/ \___/\____/_/ /_/ /_/ Maiwei AI La...

Machine Learning in Asset Management (by @firmai) machine-learning-asset-management

Posted: 11 Nov 2021 01:16 AM PST

Machine Learning in Asset Management Follow this link for SSRN paper. Sov.ai Research Lab (Sponsorship) Animated Investment Management Research at Sov.ai — Sponsoring open source AI, Machine learning, and Data Science initiatives. Part One If you feel like citing something you can use: Snow, D (2020). Machine Learning in Asset Management—Part 1: Portfolio Construction—Trading Strategies. The...

spacy-transformers

Posted: 11 Nov 2021 01:16 AM PST

spacy-transformers: Use pretrained transformers like BERT, XLNet and GPT-2 in spaCy This package provides spaCy components and architectures to use transformer models via Hugging Face's transformers in spaCy. The result is convenient access to state-of-the-art transformer architectures, such as BERT, GPT-2, XLNet, etc. This release requires spaCy v3. For the previous version of this library, se...

Qix

Posted: 11 Nov 2021 01:16 AM PST

About Me WeiBo: @廖君_Jun Twitter: @廖君 E-Mail: ty4z2008@gmail.com Scale System Channel: https://t.me/scalesystem NOTE There may be some incorrect information in the article. I hope i can correct error with you. you can contact me with Email or PR Pull Request welcome😊 My translation node-mysql document translate node-mysql offcial document node-mysql Chinese document Machine Learning And ...

crystal-fann

Posted: 11 Nov 2021 01:16 AM PST

crystal-fann Crystal bindings for the FANN C lib Installation Add this to your application's shard.yml: dependencies: crystal-fann: github: NeuraLegion/crystal-fann Usage Look at the spec for most functions ann = Fann::Network::Standard.new(2, [2], 1) ann.randomize_weights(0.0, 1.0) 3000.times do ann.train_single([1.0, 0.0], [0.5]) end result = ann.run([1.0, 0.0]) # Remember to close th...

Workflow engine for Kubernetes argo-workflows

Posted: 11 Nov 2021 01:16 AM PST

What is Argo Workflows? Argo Workflows is an open source container-native workflow engine for orchestrating parallel jobs on Kubernetes. Argo Workflows is implemented as a Kubernetes CRD (Custom Resource Definition). Define workflows where each step in the workflow is a container. Model multi-step workflows as a sequence of tasks or capture the dependencies between tasks using a directed acycli...

SHAInet - a pure Crystal machine learning library shainet

Posted: 11 Nov 2021 01:16 AM PST

SHAInet - stands for Super Human Artificial Intelligence network a neural network in pure Crystal This is a free-time project, happily hosted by NeuraLegion that was created as part of some internal research. We started it with research in mind, rather than production, and just kept going, also thanks to members of the community. We wanted to try and implement some inspiration from the biologic...

Coursera-ML-using-matlab-python

Posted: 11 Nov 2021 01:16 AM PST

ML-code-using-matlab-and-python coursera吴恩达机器学习课程作业自写Python2.7版本,使用jupyter notebook实现,使代码更有层次感,可读性强。 本repository实现算法包括如下: 线性回归: linear_regression.ipynb 多元线性回归:linear_multiple.ipynb 逻辑回归:logic_regression.ipynb 正则化用于逻辑回归: logic_regularization.ipynb 模型诊断+学习曲线: learnCurve.ipynb 一对多分类模型:oneVSall.ipynb 神经网络模型...

No comments:

Post a Comment