From f251d9f42672255e0d459b737087cee92db1269d Mon Sep 17 00:00:00 2001 From: SVAKSHA Date: Thu, 16 Sep 2021 16:11:24 +0200 Subject: [PATCH 01/13] alan-turing-institute/MLJ.jl --- AI.md | 1 + db.csv | 45 +++++++++++++++++++++++---------------------- 2 files changed, 24 insertions(+), 22 deletions(-) diff --git a/AI.md b/AI.md index 21b97b7f7..8dbb024fb 100755 --- a/AI.md +++ b/AI.md @@ -58,6 +58,7 @@ + [Merlin.jl](https://github.com/hshindo/Merlin.jl) :: Flexible Deep Learning Framework in Julia. + [Mitosis.jl](https://github.com/mschauer/Mitosis.jl) :: Automatic probabilistic programming for scientific machine learning and dynamical models. + [MLDatasets.jl](https://github.com/JuliaML/MLDatasets.jl) :: Utility package for accessing common Machine Learning datasets in Julia. ++ [MLJ.jl](https://github.com/alan-turing-institute/MLJ.jl) :: MLJ (Machine Learning in Julia) is a toolbox written in Julia providing a common interface and meta-algorithms for selecting, tuning, evaluating, composing and comparing over 160 machine learning models written in Julia and other languages. + [MLLabelUtils.jl](https://github.com/JuliaML/MLLabelUtils.jl) :: Utility package for working with classification targets and label-encodings. Documentation: http://mllabelutilsjl.readthedocs.io/ + [MLKernels.jl](https://github.com/trthatcher/MLKernels.jl) :: Mercer kernels and Gramian matrix calculation/approximation. + [MochaTheano.jl](https://github.com/benmoran/MochaTheano.jl) :: Allow use of Theano for automatic differentiation within Mocha, via PyCall. diff --git a/db.csv b/db.csv index 47cae65c8..07c301d62 100755 --- a/db.csv +++ b/db.csv @@ -40,6 +40,7 @@ AI,MACHINELEARNING,MachineLearning.jl,https://github.com/benhamner/MachineLearni AI,MACHINELEARNING,Merlin.jl,https://github.com/hshindo/Merlin.jl,Flexible Deep Learning Framework in Julia. AI,MACHINELEARNING,Mitosis.jl,https://github.com/mschauer/Mitosis.jl,Automatic probabilistic programming for scientific machine learning and dynamical models. AI,MACHINELEARNING,MLDatasets.jl,https://github.com/JuliaML/MLDatasets.jl,Utility package for accessing common Machine Learning datasets in Julia. +AI,MACHINELEARNING,MLJ.jl,https://github.com/alan-turing-institute/MLJ.jl,"MLJ (Machine Learning in Julia) is a toolbox written in Julia providing a common interface and meta-algorithms for selecting, tuning, evaluating, composing and comparing over 160 machine learning models written in Julia and other languages." AI,MACHINELEARNING,MLLabelUtils.jl,https://github.com/JuliaML/MLLabelUtils.jl,Utility package for working with classification targets and label-encodings. Documentation: http://mllabelutilsjl.readthedocs.io/ AI,MACHINELEARNING,MLKernels.jl,https://github.com/trthatcher/MLKernels.jl,Mercer kernels and Gramian matrix calculation/approximation. AI,MACHINELEARNING,MochaTheano.jl,https://github.com/benmoran/MochaTheano.jl,"Allow use of Theano for automatic differentiation within Mocha, via PyCall." @@ -1688,47 +1689,48 @@ Mathematics,PUZZLES,sudoku.jl,https://github.com/johnmyleswhite/sudoku.jl) by @j Mathematics,PUZZLES,Sudoku.jl,https://github.com/hayd/Sudoku.jl) by @hay,A port of Peter Norvig's __Solving Every Sudoku Puzzle__ to Julia. Mathematics,PUZZLES,SudokuService,https://github.com/IainNZ/SudokuService,"Sudoku-as-a-service, powered by Julia, JuMP modelling, and CoinOR CBC integer programming solver." Mathematics,PUZZLES,Tetris.jl,https://github.com/djsegal/Tetris.jl,Kids game https://juliatetris.com/ -Optimization,FRAMEWORKS,JuMP.jl,https://github.com/JuliaOpt/JuMP.jl,"A modeling language for Mathematical Optimization (linear, mixed-integer, conic, semidefinite, nonlinear)." +Optimization,FRAMEWORKS,JuMP.jl,https://github.com/jump-dev/JuMP.jl,"A modeling language for Mathematical Optimization (linear, mixed-integer, conic, semidefinite, nonlinear)." Optimization,[LinearProgramming-Optimization](https://en.wikipedia.org/wiki/Linear_programming),BilinearJuMP.jl,https://github.com/IainNZ/BilinearJuMP.jl,A JuMP extension for bilinear optimization problems. -Optimization,[LinearProgramming-Optimization](https://en.wikipedia.org/wiki/Linear_programming),Clp.jl,https://github.com/JuliaOpt/Clp.jl,Interface to the Coin-OR Linear Programming solver (CLP) -Optimization,[LinearProgramming-Optimization](https://en.wikipedia.org/wiki/Linear_programming),Gurobi.jl,https://github.com/JuliaOpt/Gurobi.jl,"is a Julia interface for the Gurobi Optimizer, a [commercial optimization solver for a variety of mathematical programming problems](https://en.wikipedia.org/wiki/Gurobi), including linear programming (LP), quadratic programming (QP), quadratically constrained programming (QCP), mixed integer linear programming (MILP), mixed-integer quadratic programming (MIQP), and mixed-integer quadratically constrained programming (MIQCP)." +Optimization,[LinearProgramming-Optimization](https://en.wikipedia.org/wiki/Linear_programming),Clp.jl,https://github.com/jump-dev/Clp.jl,Interface to the Coin-OR Linear Programming solver (CLP) +Optimization,[LinearProgramming-Optimization](https://en.wikipedia.org/wiki/Linear_programming),Gurobi.jl,https://github.com/jump-dev/Gurobi.jl,"is a Julia interface for the Gurobi Optimizer, a [commercial optimization solver for a variety of mathematical programming problems](https://en.wikipedia.org/wiki/Gurobi), including linear programming (LP), quadratic programming (QP), quadratically constrained programming (QCP), mixed integer linear programming (MILP), mixed-integer quadratic programming (MIQP), and mixed-integer quadratically constrained programming (MIQCP)." Optimization,[LinearProgramming-Optimization](https://en.wikipedia.org/wiki/Linear_programming),jlSimplex,https://github.com/mlubin/jlSimplex,Proof-of-concept implementation of the (dual) simplex algorithm for linear programming in Julia. Optimization,[LinearProgramming-Optimization](https://en.wikipedia.org/wiki/Linear_programming),NLTester,https://github.com/IainNZ/NLTester,"Code for benchmarks comparing AMPL, Julia, and YALMIP (MATLAB) for nonlinear modeling." -Optimization,[LinearProgramming-Optimization](https://en.wikipedia.org/wiki/Linear_programming),NLP.jl,https://github.com/JuliaSmoothOptimizers/NLP.jl,A Data Structure for Optimization Problems in Julia. -Optimization,[LinearProgramming-Optimization](https://en.wikipedia.org/wiki/Linear_programming),NLPModels.jl,https://github.com/JuliaSmoothOptimizers/NLPModels.jl,An NLP Interface for JuMP Models. Optimization,[LinearProgramming-Optimization](https://en.wikipedia.org/wiki/Linear_programming),PiecewiseLinearOpt.jl,https://github.com/joehuchette/PiecewiseLinearOpt.jl,Optimizing over piecewise linear functions. Optimization,[LinearProgramming-Optimization](https://en.wikipedia.org/wiki/Linear_programming),Tulip.jl,https://github.com/ds4dm/Tulip.jl,"is an open-source interior-point solver for linear optimization, written in pure Julia. It implements the homogeneous primal-dual interior-point algorithm with multiple centrality corrections, and therefore handles unbounded and infeasible problems." Optimization,[NonlinearProgramming](https://en.wikipedia.org/wiki/Nonlinear_programming),BARON.jl,https://github.com/joehuchette/BARON.jl,A wrapper for the BARON mixed-integer nonlinear programming solver. Optimization,[NonlinearProgramming](https://en.wikipedia.org/wiki/Nonlinear_programming),ConicNonlinearBridge.jl,https://github.com/mlubin/ConicNonlinearBridge.jl,Wrapper to solve conic optimization problems with derivative-based nonlinear solvers. -Optimization,[NonlinearProgramming](https://en.wikipedia.org/wiki/Nonlinear_programming),Convex.jl,https://github.com/JuliaOpt/Convex.jl,A Julia library for mathematical programming that makes it easy to formulate and fast to solve nonlinear convex optimization problems. +Optimization,[NonlinearProgramming](https://en.wikipedia.org/wiki/Nonlinear_programming),Convex.jl,https://github.com/jump-dev/Convex.jl,A Julia library for mathematical programming that makes it easy to formulate and fast to solve nonlinear convex optimization problems. +Optimization,[NonlinearProgramming](https://en.wikipedia.org/wiki/Nonlinear_programming),CUTEst.jl,https://github.com/JuliaSmoothOptimizers/CUTEst.jl,Julia interface for CUTEst. Optimization,[NonlinearProgramming](https://en.wikipedia.org/wiki/Nonlinear_programming),DReal.jl,https://github.com/zenna/DReal.jl,A Julia wrapper for Nonlinear SMT solving using the dReal SMT solver. -Optimization,[NonlinearProgramming](https://en.wikipedia.org/wiki/Nonlinear_programming),Ipopt.jl,https://github.com/JuliaOpt/Ipopt.jl,Julia interface to the Ipopt nonlinear solver. +Optimization,[NonlinearProgramming](https://en.wikipedia.org/wiki/Nonlinear_programming),Ipopt.jl,https://github.com/jump-dev/Ipopt.jl,Julia interface to the Ipopt nonlinear solver. +Optimization,[NonlinearProgramming](https://en.wikipedia.org/wiki/Nonlinear_programming),NLPModels.jl,https://github.com/JuliaSmoothOptimizers/NLPModels.jl,A standardized API to evaluate the functions and derivatives of nonlinear optimization models. Optimization,[NonlinearProgramming](https://en.wikipedia.org/wiki/Nonlinear_programming),NLopt.jl,https://github.com/JuliaOpt/NLopt.jl,Package to call the NLopt nonlinear-optimization library from the Julia language. +Optimization,[NonlinearProgramming](https://en.wikipedia.org/wiki/Nonlinear_programming),Optim.jl,https://github.com/JuliaNLSolvers/Optim.jl,Univariate and multivariate optimization solvers in Julia. Optimization,[NonlinearProgramming](https://en.wikipedia.org/wiki/Nonlinear_programming),Quadprog.jl,https://github.com/harmeling/Quadprog.jl,A wrapper around Ipopt.jl to solve quadratic programming problems. This package provides the function quadprog which calls the Ipopt.jl library for Interior Point Nonlinear Optimization. Optimization,[NonlinearProgramming](https://en.wikipedia.org/wiki/Nonlinear_programming),OptimizationServices.jl,https://github.com/tkelman/OptimizationServices.jl,"Julia interface to [COIN-OR Optimization Services](https://projects.coin-or.org/OS). This Julia package is intended to be an interface between `MathProgBase.jl` and COIN-OR Optimization Services (OS), translating between the Julia-expression-tree `MathProgBase` format for nonlinear objective and constraint functions and the Optimization Services instance Language (OSiL) XML-based optimization problem interchange format." +Optimization,[NonlinearProgramming](https://en.wikipedia.org/wiki/Nonlinear_programming),PDENLPModels.jl,https://github.com/JuliaSmoothOptimizers/PDENLPModels.jl,A NLPModel API for optimization problems with PDE-constraints. Optimization,UNCLASSIFIED,AmplNLReader.jl,https://github.com/JuliaSmoothOptimizers/AmplNLReader.jl,A Julia Interface to AMPL. -Optimization,UNCLASSIFIED,AmplNLWriter.jl,https://github.com/JuliaOpt/AmplNLWriter.jl,Julia interface to AMPL-enabled solvers +Optimization,UNCLASSIFIED,AmplNLWriter.jl,https://github.com/jump-dev/AmplNLWriter.jl,Julia interface to AMPL-enabled solvers Optimization,UNCLASSIFIED,AutomotiveDrivingModels.jl,https://github.com/tawheeler/AutomotiveDrivingModels.jl,For car encounter models. Optimization,UNCLASSIFIED,BlackBoxOptim.jl,https://github.com/robertfeldt/BlackBoxOptim.jl,"An experimental, work-in-progress global optimization framework for Julia, supporting both multi- and single-objective optimization problems, focused on (meta-)heuristic/stochastic algorithms (DE, PSO, CMA-ES etc)." Optimization,UNCLASSIFIED,BLOM.jl,https://github.com/tkelman/BLOM.jl,A Julia port of the Berkeley Library for Optimization Modeling (Work-In-Progress). Optimization,UNCLASSIFIED,CGP.jl,https://github.com/glesica/CGP.jl,Cartesian Genetic Programming (CGP) implemented in Julia. Optimization,UNCLASSIFIED,Caching.jl,https://github.com/zgornel/Caching.jl,Memoization mechanism. -Optimization,UNCLASSIFIED,Cbc.jl,https://github.com/JuliaOpt/Cbc.jl,Interface to the Coin-OR Cbc solver for mixed-integer programming +Optimization,UNCLASSIFIED,Cbc.jl,https://github.com/jump-dev/Cbc.jl,Interface to the Coin-OR Cbc solver for mixed-integer programming Optimization,UNCLASSIFIED,CharibdeOptim.jl,https://github.com/yashcodes/CharibdeOptim.jl,A Julia implementation of the cooperative solver Charibde. Optimization,UNCLASSIFIED,CGRASP.jl,https://github.com/tautologico/CGRASP.jl,"Continuous Greedy Randomized Adaptive Search Procedure (CGRASP), in Julia." Optimization,UNCLASSIFIED,CSDP.jl,https://github.com/joehuchette/CSDP.jl,Julia wrapper for the CSDP semidefinite programming solver. Optimization,UNCLASSIFIED,ConstraintProgramming.jl,https://github.com/dpsanders/ConstraintProgramming.jl, Calculates the feasible region for a set of real-valued inequalities with Julia. Optimization,UNCLASSIFIED,CutPools.jl,https://github.com/joehuchette/CutPools.jl,Pools of cutting planes for JuMP models. -Optimization,UNCLASSIFIED,CPLEX.jl,https://github.com/JuliaOpt/CPLEX.jl,The CPLEX.jl package provides an interface for using IBM's CPLEX Optimizer™ from the Julia language. You cannot use CPLEX.jl without having purchased and installed a copy of CPLEX Optimizer™ from IBM. This package is available free of charge and in no way replaces or alters any functionality of IBM's CPLEX Optimizer product. -Optimization,UNCLASSIFIED,CSDP.jl,https://github.com/JuliaOpt/CSDP.jl,Julia wrapper to [CSDP](https://projects.coin-or.org/Csdp/) semidefinite programming solver. +Optimization,UNCLASSIFIED,CPLEX.jl,https://github.com/jump-dev/CPLEX.jl,The CPLEX.jl package provides an interface for using IBM's CPLEX Optimizer™ from the Julia language. You cannot use CPLEX.jl without having purchased and installed a copy of CPLEX Optimizer™ from IBM. This package is available free of charge and in no way replaces or alters any functionality of IBM's CPLEX Optimizer product. +Optimization,UNCLASSIFIED,CSDP.jl,https://github.com/jump-dev/CSDP.jl,Julia wrapper to [CSDP](https://projects.coin-or.org/Csdp/) semidefinite programming solver. Optimization,UNCLASSIFIED,CoinOptServices.jl,https://github.com/JuliaOpt/CoinOptServices.jl, Julia interface to COIN-OR [Optimization Services](https://projects.coin-or.org/OS). -Optimization,UNCLASSIFIED,CUTEst.jl,https://github.com/JuliaSmoothOptimizers/CUTEst.jl,"Julia interface for CUTEst, a fork of [CUTEst.jl](https://github.com/lpoo/CUTEst.jl) by @lpoo." Optimization,UNCLASSIFIED,DDUS.jl,https://github.com/vgupta1/DDUS.jl,Data-driven Uncertainty Sets for the JuMPeR framework. -Optimization,UNCLASSIFIED,ECOS.jl,https://github.com/JuliaOpt/ECOS.jl,Julia wrapper for the ECOS conic optimization solver. +Optimization,UNCLASSIFIED,ECOS.jl,https://github.com/jump-dev/ECOS.jl,Julia wrapper for the ECOS conic optimization solver. Optimization,UNCLASSIFIED,EAGO.jl,https://github.com/MatthewStuber/EAGO.jl,A development environment for robust and global optimization. Optimization,UNCLASSIFIED,EAGODomainReduction.jl,https://github.com/MatthewStuber/EAGODomainReduction.jl,Domain Reduction Procedures in Global Optimization. Optimization,UNCLASSIFIED,GeneticAlgorithms.jl,https://github.com/forio/GeneticAlgorithms.jl,is a lightweight framework that simplifies the process of creating genetic algorithms and running them in parallel. -Optimization,UNCLASSIFIED,GLPK.jl,https://github.com/JuliaOpt/GLPK.jl,GLPK wrapper module for Julia. +Optimization,UNCLASSIFIED,GLPK.jl,https://github.com/jump-dev/GLPK.jl,GLPK wrapper module for Julia. Optimization,UNCLASSIFIED,GLPKMathProgInterface.jl,https://github.com/JuliaOpt/GLPKMathProgInterface.jl,Interface between the GLPK.jl wrapper and MathProgBase.jl. Optimization,UNCLASSIFIED,HSL.jl,https://github.com/JuliaSmoothOptimizers/HSL.jl,Julia interface to the HSL Mathematical Software Library. Optimization,UNCLASSIFIED,InformedDifferentialEvolution.jl,https://github.com/rened/InformedDifferentialEvolution.jl,Implementation of Differential Evolution with optional custom predictors. @@ -1739,27 +1741,26 @@ Optimization,UNCLASSIFIED,JuMPeR.jl,https://github.com/IainNZ/JuMPeR.jl,Julia fo Optimization,UNCLASSIFIED,JuMPTools.jl,https://github.com/IainNZ/JuMPTools.jl,Small helper functions for JuMP models. Optimization,UNCLASSIFIED,JuGP.jl,https://github.com/mlubin/JuGP.jl,A prototype JuMP extension for geometric programming. Optimization,UNCLASSIFIED,Junquo.jl,http://github.com/IainNZ/Junquo.jl,"stands for _JUlia Nonconvex QUadratically constrained quadratic program Optimizer_, a (mixed-integer) nonconvex quadratically constrained quadratic program (QCQP) solver." -Optimization,UNCLASSIFIED,KNITRO.jl,https://github.com/JuliaOpt/KNITRO.jl,"This package provides an interface for using the KNITRO solver from the Julia language, which can only be used after having purchased and installed a copy of KNITRO from Ziena Optimization." +Optimization,UNCLASSIFIED,KNITRO.jl,https://github.com/jump-dev/KNITRO.jl,"This package provides an interface for using the KNITRO solver from the Julia language, which can only be used after having purchased and installed a copy of KNITRO from Ziena Optimization." Optimization,UNCLASSIFIED,LinearOperators.jl,https://github.com/JuliaSmoothOptimizers/LinearOperators.jl,Linear Operators for Julia. Optimization,UNCLASSIFIED,LinearResponseVariationalBayes.jl,https://github.com/rgiordan/LinearResponseVariationalBayes.jl,Julia tools for building simple variational Bayes models with JuMP. Optimization,UNCLASSIFIED,LossFuns.jl,https://github.com/lindahua/LossFuns.jl,An implementation of loss functions for empirical risk minimization. -Optimization,UNCLASSIFIED,LsqFit.jl,https://github.com/JuliaOpt/LsqFit.jl,Simple curve fitting functionality from Optim.jl has been moved into its own package. +Optimization,UNCLASSIFIED,LsqFit.jl,https://github.com/JuliaNLSolvers/LsqFit.jl,Simple curve fitting functionality from Optim.jl has been moved into its own package. Optimization,UNCLASSIFIED,LSQ.jl,https://github.com/davidlizeng/LSQ.jl,is a library that makes it easy to formulate and solve least-squares optimization problems with linear equality constraints. Optimization,UNCLASSIFIED,MathProgBase.jl,https://github.com/JuliaOpt/MathProgBase.jl,Solver-independent functions (incl. linprog and mixintprog) and low-level interface for Mathematical Programming. Optimization,UNCLASSIFIED,Mayday.jl,https://github.com/rdeits/Mayday.jl,"Sums-of-Squares optimization in Julia, powered by JuMP" Optimization,UNCLASSIFIED,MinFinder.jl,https://github.com/Ken-B/MinFinder.jl,The MinFinder algorithm to find all the minima for a differentiable function inside a bounded domain. Optimization,UNCLASSIFIED,Memoize.jl,https://github.com/simonster/Memoize.jl,Easy memoization for Julia. -Optimization,UNCLASSIFIED,Mosek.jl,https://github.com/JuliaOpt/Mosek.jl,Interface to the Mosek solver in Julia. +Optimization,UNCLASSIFIED,Mosek.jl,https://github.com/MOSEK/Mosek.jl,Interface to the Mosek solver in Julia. Optimization,UNCLASSIFIED,MOpt.jl,https://github.com/floswald/MOpt.jl,Parallel derivative-free Moment Optimization for Julia. Optimization,UNCLASSIFIED,Munkres.jl,https://github.com/FugroRoames/Munkres.jl,Munkres algorithm for the optimal assignment problem. Optimization,UNCLASSIFIED,NEOS.jl,https://github.com/odow/NEOS.jl,A Julia interface for the NEOS Optimisation Server. Optimization,UNCLASSIFIED,NewOptimizer.jl,https://github.com/Keno/NewOptimizer.jl,WIP for new optimizer for julia base. Optimization,UNCLASSIFIED,NODAL.jl,https://github.com/phrb/NODAL.jl,is an Open Distributed Autotuning Library in Julia. -Optimization,UNCLASSIFIED,Optim.jl,https://github.com/JuliaOpt/Optim.jl,A basic optimization algorithms implementation. Optimization,UNCLASSIFIED,OSQP.jl,https://github.com/oxfordcontrol/OSQP.jl,A Julia wrapper for the Operator Splitting Quadratic Program (OSQP) solver is a numerical optimization package. Optimization,UNCLASSIFIED,ParallelGenocop.jl,https://github.com/display-none/ParallelGenocop.jl,Parallel implementation of Genocop - a genetic algorithm for numerical optimization problems with linear constraints. Optimization,UNCLASSIFIED,pikaia.jl,https://github.com/tmeits/pikaia.jl,Genetic Algorithms (GA's). -Optimization,UNCLASSIFIED,PolyJuMP,https://github.com/JuliaOpt/PolyJuMP.jl,A JuMP extension for Polynomial Optimization. +Optimization,UNCLASSIFIED,PolyJuMP,https://github.com/jump-dev/PolyJuMP.jl,A JuMP extension for Polynomial Optimization. Optimization,UNCLASSIFIED,Polyopt.jl,https://github.com/MOSEK/Polyopt.jl,"Julia package for polynomial optimization using semidefinite programming, with some [presentation notebooks](https://github.com/MOSEK/Polyopt.jl/tree/master/notebooks) of an optimization package." Optimization,UNCLASSIFIED,Predictors.jl,https://github.com/dejakaymac/Predictors.jl, Optimization,UNCLASSIFIED,ProfileView.jl,https://github.com/GlenHertz/ProfileView.jl,Interactive SVG flame graphs for analyzing/profiling. An HTML preview of the [SVG example](http://htmlpreview.github.io/?https://raw.github.com/GlenHertz/ProfileView.jl/master/readme_images/profile.svg) @@ -1772,17 +1773,17 @@ Optimization,UNCLASSIFIED,RationalSimplex.jl,https://github.com/IainNZ/RationalS Optimization,UNCLASSIFIED,scheduleCrew.jl,https://github.com/hugdiniz/scheduleCrew.jl), Optimization,UNCLASSIFIED,SCIP.jl,https://github.com/mlubin/SCIP.jl) by @mlubi,An optimization software for mixed-integer programs. Optimization,UNCLASSIFIED,SCIP.jl,https://github.com/ryanjoneil/SCIP.jl) by @ryanjonei,A Julia interface to the SCIP solver. -Optimization,UNCLASSIFIED,SCS.jl,https://github.com/JuliaOpt/SCS.jl,Julia Wrapper for SCS (https://github.com/cvxgrp/scs). +Optimization,UNCLASSIFIED,SCS.jl,https://github.com/jump-dev/SCS.jl,Julia Wrapper for SCS (https://github.com/cvxgrp/scs). Optimization,UNCLASSIFIED,SemidefiniteModels,https://github.com/JuliaOpt/SemidefiniteModels.jl,A MathProgBase extension for Semidefinite Modelling. Optimization,UNCLASSIFIED,SemidefiniteProgramming.jl,https://github.com/daviddelaat/SemidefiniteProgramming.jl,This package provides a Julia interface for low-level modeling of semidefinite programming problems and for solving semidefinite programs with solvers such as SDPA and CSDP. Optimization,UNCLASSIFIED,simplex.jl,https://github.com/davidagold/simplex.jl,Practice project program that performs the simplex algorithm. Optimization,UNCLASSIFIED,StructJuMP.jl,https://github.com/joehuchette/StructJuMP.jl,A block-structured optimization framework for JuMP. -Optimization,UNCLASSIFIED,SumOfSquares.jl,https://github.com/JuliaOpt/SumOfSquares.jl,Sum of Squares Programming for Julia. +Optimization,UNCLASSIFIED,SumOfSquares.jl,https://github.com/jump-dev/SumOfSquares.jl,Sum of Squares Programming for Julia. Optimization,UNCLASSIFIED,Surrogates.jl,https://github.com/JuliaDiffEq/Surrogates.jl,Surrogate modeling and optimization. Optimization,UNCLASSIFIED,TrafficAssignment.jl,https://github.com/chkwon/TrafficAssignment.jl,A package for traffic assignment that loads the network data and finds the user equilibrium traffic pattern. Optimization,UNCLASSIFIED,VinDsl.jl,https://github.com/jmxpearson/VinDsl.jl,A fast and furious domain-specific language for variational inference in Julia. Optimization,UNCLASSIFIED,VRP,https://github.com/IainNZ/VRP,Vehicle Routing Problem (VRP) is a combinatorial optimization and integer programming problem. -Optimization,UNCLASSIFIED,Xpress.jl,https://github.com/JuliaOpt/Xpress.jl,A Julia interface for the FICO Xpress optimization suite. +Optimization,UNCLASSIFIED,Xpress.jl,https://github.com/jump-dev/Xpress.jl,A Julia interface for the FICO Xpress optimization suite. Physics,,ACME.jl,https://github.com/HSU-ANT/ACME.jl,Analog Circuit Modeling and Emulation for Julia. Physics,,auditory.jl,https://github.com/jfsantos/auditory.jl,Auditory filterbanks in Julia. Physics,,Chipmunk.jl,https://github.com/zyedidia/Chipmunk.jl,A binding of the physics engine Chipmunk for Julia. From 6a3674aee9ff93d7f75cdeac44a8c775a52d07f3 Mon Sep 17 00:00:00 2001 From: Marek Petrik Date: Fri, 8 Oct 2021 12:33:26 -0400 Subject: [PATCH 02/13] Removed a dead package Removed package, which is no longer available: + [BilinearJuMP.jl](https://github.com/IainNZ/BilinearJuMP.jl) :: A JuMP extension for bilinear optimization problems. --- Optimization.md | 1 - 1 file changed, 1 deletion(-) diff --git a/Optimization.md b/Optimization.md index b9894f042..ce1a490be 100755 --- a/Optimization.md +++ b/Optimization.md @@ -15,7 +15,6 @@ __[Mathematical Optimization](https://en.wikipedia.org/wiki/Category:Mathematica ---- # [Linear Programming-Optimization](https://en.wikipedia.org/wiki/Linear_programming) -+ [BilinearJuMP.jl](https://github.com/IainNZ/BilinearJuMP.jl) :: A JuMP extension for bilinear optimization problems. + [Clp.jl](https://github.com/jump-dev/Clp.jl) :: Interface to the Coin-OR Linear Programming solver (CLP) + [Gurobi.jl](https://github.com/jump-dev/Gurobi.jl) :: is a Julia interface for the Gurobi Optimizer, a [commercial optimization solver for a variety of mathematical programming problems](https://en.wikipedia.org/wiki/Gurobi), including linear programming (LP), quadratic programming (QP), quadratically constrained programming (QCP), mixed integer linear programming (MILP), mixed-integer quadratic programming (MIQP), and mixed-integer quadratically constrained programming (MIQCP). + [jlSimplex](https://github.com/mlubin/jlSimplex) :: Proof-of-concept implementation of the (dual) simplex algorithm for linear programming in Julia. From 22f0906235bb4684d6d686e1c90edd894bee802d Mon Sep 17 00:00:00 2001 From: SVAKSHA Date: Thu, 28 Oct 2021 14:28:30 +0200 Subject: [PATCH 03/13] arviz-devs/ArviZ.jl --- DevOps.md | 4 +++- Physics.md | 2 +- Probability-Statistics.md | 4 +++- README.md | 12 +++++++----- db.csv | 10 +++++++--- 5 files changed, 21 insertions(+), 11 deletions(-) diff --git a/DevOps.md b/DevOps.md index 1b6299e58..e9d8189d9 100755 --- a/DevOps.md +++ b/DevOps.md @@ -34,7 +34,9 @@ + List of [Julia Modules](http://docs.julialang.org/en/latest/manual/modules/). + [The Julia Standard Library](http://docs.julialang.org/en/latest/stdlib/) + Julia [Sample programs](https://github.com/JuliaLang/julia/tree/master/examples) -+ [jill](https://github.com/abelsiqueira/jill) :: Command line installer of the Julia Language. ++ [jill](https://github.com/abelsiqueira/jill) :: A command line installer of the Julia Language, written in Bash. ++ [jill.py](https://github.com/johnnychen94/jill.py) :: An enhanced Python (>= 3.6) fork of [JILL](https://github.com/abelsiqueira/jill), a cross-platform Julia installer that can be installed with pip `pip install jill` to install Julia packages. + + Package [announcement](https://discourse.julialang.org/t/ann-jill-py-a-simple-and-stupid-cross-platform-julia-installer/34845) on Discourse forum. ---- diff --git a/Physics.md b/Physics.md index 912fe7fcb..f943bc1fc 100755 --- a/Physics.md +++ b/Physics.md @@ -64,7 +64,7 @@ ---- # Medical Physics -+ [Xray.jl]https://github.com/ggggggggg/Xray.jl) :: Julia interface for NIST x-ray database. ++ [Xray.jl](https://github.com/ggggggggg/Xray.jl) :: Julia interface for NIST x-ray database. ---- diff --git a/Probability-Statistics.md b/Probability-Statistics.md index 79e88b4b5..cd77bacd7 100755 --- a/Probability-Statistics.md +++ b/Probability-Statistics.md @@ -39,6 +39,7 @@ + [GaussianProcesses.jl](https://github.com/STOR-i/GaussianProcesses.jl) :: A Julia package for Gaussian Processes. ### Bayesian ++ [ArviZ.jl](https://github.com/arviz-devs/ArviZ.jl) :: A Julia interface to the [ArviZ](https://arviz-devs.github.io/arviz/") package for exploratory analysis of Bayesian models, with functions for posterior analysis, model checking, comparison and diagnostics. + [BayesNets.jl](https://github.com/sisl/BayesNets.jl) :: Bayesian Networks for Julia. + [BayesianDataFusion.jl](https://github.com/jaak-s/BayesianDataFusion.jl) :: Implementation of data fusion methods. + [BayesEstDiffusion.jl](https://github.com/mschauer/BayesEstDiffusion.jl) :: Bayesian estimation of diffusion processes. @@ -51,6 +52,7 @@ # [STATISTICS](https://en.wikipedia.org/wiki/Statistics) ## [REGRESSION](https://en.wikipedia.org/wiki/Regression_analysis) ++ [CovarianceMatrices.jl](https://github.com/gragusa/CovarianceMatrices.jl) :: Covariance Matrix Estimation in Julia. + [CurveFit.jl](https://github.com/pjabardo/CurveFit.jl) :: Simple least squares and curve fitting functions. + [FixedEffectModels.jl](https://github.com/FixedEffects/FixedEffectModels.jl) :: Fast estimation of linear models with IV and high dimensional categorical variables. + [FLSA.jl](https://github.com/EQt/FLSA.jl) :: Computing the Fused LASSO Signal Approximator. @@ -58,6 +60,7 @@ + [Isotonic.jl](https://github.com/ajtulloch/Isotonic.jl) :: This implements several algorithms for isotonic regression in Julia. + [LARS.jl](https://github.com/simonster/LARS.jl) :: Least angle regression. + [Lasso.jl](https://github.com/JuliaStats/Lasso.jl) :: Lasso solvers for linear and generalized linear models. ++ [Metida.jl](https://github.com/PharmCat/Metida.jl) :: Julia package for fitting mixed-effects models with flexible random/repeated covariance structure. + [MixedModels.jl](https://github.com/dmbates/MixedModels.jl) :: A Julia package for fitting (statistical) mixed-effects models. + [NonNegLeastSquares.jl](https://github.com/ahwillia/NonNegLeastSquares.jl) :: Some nonnegative least squares solvers in Julia. + [ParallelSparseRegression.jl](https://github.com/madeleineudell/ParallelSparseRegression.jl) :: A Julia library for parallel sparse regression, that implements solvers for regression problems including least squares, ridge regression, LASSO, non-negative least squares, and elastic net; and proposes to add fast methods to obtain regularization paths. @@ -140,6 +143,5 @@ + [RankAggregation.jl](https://github.com/JuliaEarth/RankAggregation.jl) :: Rank aggregation in Julia. + [StatsBase.jl](https://github.com/JuliaStats/StatsBase.jl) :: Basic statistics. + [TopicModels.jl](https://github.com/slycoder/TopicModels.jl) :: TopicModels for Julia. -+ [CovarianceMatrices.jl](https://github.com/gragusa/CovarianceMatrices.jl) :: Covariance Matrix Estimation in Julia. + [PortHamiltonian.jl](https://github.com/flavioluiz/PortHamiltonian.jl) :: Port-Hamiltonian systems in Julia. diff --git a/README.md b/README.md index dec4b9e5e..6085992a3 100755 --- a/README.md +++ b/README.md @@ -69,17 +69,19 @@ The motivation for this change is to make it easier for people to re-use this da [Contributions](https://github.com/svaksha/Julia.jl/graphs/contributors) to `Julia.jl` are welcome in the form of pull requests (PR). Here are some guidelines and tips on how to submit a Bug Report (BR) and/or [PR](https://github.com/svaksha/Julia.jl/pulls): + ## Guidelines -The Julia community has [ethical guidelines](http://julialang.org/community/standards/) aimed at respecting Copyright, Licenses and attribution standards{1} and {2} which you are requested to follow while submitting materials to be listed. Additionally, if you find any material (or code repos) that violates these ethical standards, please file a bug report for their removal from `Julia.jl`. -+ References : - + {1} https://github.com/JuliaLang/julialang.github.com/issues/200 - + {2} https://github.com/JuliaLang/julialang.github.com/issues/194 +1. The Julia community has [ethical guidelines](http://julialang.org/community/standards/) aimed at respecting Copyright, Licenses and attribution standards{1} and {2} which you are requested to follow while submitting materials to be listed. Additionally, if you find any material (or code repos) that violates these ethical standards, please file a bug report for their removal from `Julia.jl`. + + References : + + {1} https://github.com/JuliaLang/julialang.github.com/issues/200 + + {2} https://github.com/JuliaLang/julialang.github.com/issues/194 +2. __Commercial Links__: Almost all the resources in this repo are Free/Libre software resources, so in the interest of continuing to maintain the "Libre" software spirit, please only submit those resources that are free and without paid/commercial interests. ## BugReport-PullRequest -1. Add your link as per the top-level Category page within the topic sub-section(s), in _alphabetical order_, with notes (if any) in the markdown files. Before creating a new top-level tag within the various categories, please check wikipedia or other resources first. If you are unable to decide, discuss it (via a BR, not a PR ;-)). +1. Add your link as per the top-level Category page within the topic sub-section(s), in _alphabetical order_, with notes (if any) in the markdown files. Before creating a new top-level tag within the various categories, please check wikipedia or other resources first. If you are unable to decide, discuss it via a BR (not a PR ;-)). 2. In a CLI, type `julia Julia.jl` which will run the [scraper](https://github.com/svaksha/Julia.jl/blob/master/src/scrape.jl). Commit the `db.csv` file too. 3. For broken links or outdated information, submit a bug report (BR), or make the necessary changes and submit a PR. Both are welcome. Please submit separate PR's for each link or change added. 4. For Documentation and cookbooks, check if it matches the categories listed, else, list it on the [Resources.md](https://github.com/svaksha/Julia.jl/blob/master/Resources.md) page. diff --git a/db.csv b/db.csv index 07c301d62..253152f4d 100755 --- a/db.csv +++ b/db.csv @@ -654,7 +654,9 @@ DevOps,INSTALL,Download and install Julia on various Operating Systems,http://ju DevOps,INSTALL,ist of [Julia Modules,http://docs.julialang.org/en/latest/manual/modules/), DevOps,INSTALL,The Julia Standard Library,http://docs.julialang.org/en/latest/stdlib/, DevOps,INSTALL,ulia [Sample programs,https://github.com/JuliaLang/julia/tree/master/examples, -DevOps,INSTALL,jill,https://github.com/abelsiqueira/jill, Command line installer of the Julia Language. +DevOps,INSTALL,jill,https://github.com/abelsiqueira/jill,"A command line installer of the Julia Language, written in Bash." +DevOps,INSTALL,jill.py,https://github.com/johnnychen94/jill.py,"An enhanced Python (>= 3.6) fork of [JILL](https://github.com/abelsiqueira/jill), a cross-platform Julia installer that can be installed with pip `pip install jill` to install Julia packages." +DevOps,INSTALL,ackage [announcement,https://discourse.julialang.org/t/ann-jill-py-a-simple-and-stupid-cross-platform-julia-installer/34845) on Discourse forum, DevOps,BACKPORTS,Julia-Backports,https://groups.google.com/forum/#!forum/julia-backports) Mailing list, DevOps,BUILDAUTOMATION,Jake.jl,https://github.com/nolta/Jake.jl,Rake for Julia. DevOps,BUILDAUTOMATION,jlbuild,https://github.com/jlbuild,"A bot that controls the julia buildbots to build releases and perform some additional continous integration on secondary platforms. Ping (`@jlbuild`) in a comment, PR, issue, etc... and this GitHub comment-based interface to testing buildbots will build the relevant Julia version on all platforms, post download links and even execute small chunks of code across those platforms." @@ -1690,7 +1692,6 @@ Mathematics,PUZZLES,Sudoku.jl,https://github.com/hayd/Sudoku.jl) by @hay,A port Mathematics,PUZZLES,SudokuService,https://github.com/IainNZ/SudokuService,"Sudoku-as-a-service, powered by Julia, JuMP modelling, and CoinOR CBC integer programming solver." Mathematics,PUZZLES,Tetris.jl,https://github.com/djsegal/Tetris.jl,Kids game https://juliatetris.com/ Optimization,FRAMEWORKS,JuMP.jl,https://github.com/jump-dev/JuMP.jl,"A modeling language for Mathematical Optimization (linear, mixed-integer, conic, semidefinite, nonlinear)." -Optimization,[LinearProgramming-Optimization](https://en.wikipedia.org/wiki/Linear_programming),BilinearJuMP.jl,https://github.com/IainNZ/BilinearJuMP.jl,A JuMP extension for bilinear optimization problems. Optimization,[LinearProgramming-Optimization](https://en.wikipedia.org/wiki/Linear_programming),Clp.jl,https://github.com/jump-dev/Clp.jl,Interface to the Coin-OR Linear Programming solver (CLP) Optimization,[LinearProgramming-Optimization](https://en.wikipedia.org/wiki/Linear_programming),Gurobi.jl,https://github.com/jump-dev/Gurobi.jl,"is a Julia interface for the Gurobi Optimizer, a [commercial optimization solver for a variety of mathematical programming problems](https://en.wikipedia.org/wiki/Gurobi), including linear programming (LP), quadratic programming (QP), quadratically constrained programming (QCP), mixed integer linear programming (MILP), mixed-integer quadratic programming (MIQP), and mixed-integer quadratically constrained programming (MIQCP)." Optimization,[LinearProgramming-Optimization](https://en.wikipedia.org/wiki/Linear_programming),jlSimplex,https://github.com/mlubin/jlSimplex,Proof-of-concept implementation of the (dual) simplex algorithm for linear programming in Julia. @@ -1813,6 +1814,7 @@ Physics,FluidDynamics,hydro,http://github.com/natj/hydro,"Fairly simple, relativ Physics,FluidDynamics,A video of the _hydro_ code in use,https://vimeo.com/95607699, Physics,FluidDynamics,LatBo.jl,https://github.com/UCL/LatBo.jl,Lattice-Boltzmann implementation in Julia. Physics,LaserPhysics,SALT.jl,https://github.com/xdavidliu/SALT.jl,SALT (steady-state ab-initio laser theory) solver package for Julia. +Physics,MedicalPhysics,Xray.jl,https://github.com/ggggggggg/Xray.jl,Julia interface for NIST x-ray database. Physics,QuantumMechanics,QuantumOptics.jl,https://github.com/bastikr/QuantumOptics.jl,Quantum optics toolbox is a numerical framework written in Julia that makes it easy to simulate various kinds of quantum systems. It is similar to the Quantum Optics Toolbox for MATLAB and its Python equivalent QuTiP. Physics,QuantumMechanics,QuDOS.jl,https://github.com/acroy/QuDOS.jl,Quantum Dynamics of Open Systems in Julia. Physics,QuantumMechanics,WignerSymbols.jl,https://github.com/Jutho/WignerSymbols.jl,A Julia package for computing Wigner symbols and related quantities. @@ -1839,10 +1841,12 @@ Probability-Statistics,Markovian,POMDPToolbox.jl,https://github.com/JuliaPOMDP/P Probability-Statistics,Markovian,HMMBase.jl,https://github.com/maxmouchet/HMMBase.jl,A lightweight abstraction for hidden Markov models in Julia. Probability-Statistics,Gaussian,GaussianMixtures.jl,https://github.com/davidavdav/GaussianMixtures.jl,Julia modules for Gaussian Mixture Models. Probability-Statistics,Gaussian,GaussianProcesses.jl,https://github.com/STOR-i/GaussianProcesses.jl,A Julia package for Gaussian Processes. +Probability-Statistics,Bayesian,ArviZ.jl,https://github.com/arviz-devs/ArviZ.jl,"A Julia interface to the [ArviZ](https://arviz-devs.github.io/arviz/"") package for exploratory analysis of Bayesian models, with functions for posterior analysis, model checking, comparison and diagnostics." Probability-Statistics,Bayesian,BayesNets.jl,https://github.com/sisl/BayesNets.jl,Bayesian Networks for Julia. Probability-Statistics,Bayesian,BayesianDataFusion.jl,https://github.com/jaak-s/BayesianDataFusion.jl,Implementation of data fusion methods. Probability-Statistics,Bayesian,BayesEstDiffusion.jl,https://github.com/mschauer/BayesEstDiffusion.jl,Bayesian estimation of diffusion processes. Probability-Statistics,Bayesian,BayesianNonparametrics.jl,https://github.com/OFAI/BayesianNonparametrics.jl,Bayesian nonparametrics in Julia. +Probability-Statistics,[REGRESSION](https://en.wikipedia.org/wiki/Regression_analysis),CovarianceMatrices.jl,https://github.com/gragusa/CovarianceMatrices.jl,Covariance Matrix Estimation in Julia. Probability-Statistics,[REGRESSION](https://en.wikipedia.org/wiki/Regression_analysis),CurveFit.jl,https://github.com/pjabardo/CurveFit.jl,Simple least squares and curve fitting functions. Probability-Statistics,[REGRESSION](https://en.wikipedia.org/wiki/Regression_analysis),FixedEffectModels.jl,https://github.com/FixedEffects/FixedEffectModels.jl,Fast estimation of linear models with IV and high dimensional categorical variables. Probability-Statistics,[REGRESSION](https://en.wikipedia.org/wiki/Regression_analysis),FLSA.jl,https://github.com/EQt/FLSA.jl,Computing the Fused LASSO Signal Approximator. @@ -1850,6 +1854,7 @@ Probability-Statistics,[REGRESSION](https://en.wikipedia.org/wiki/Regression_ana Probability-Statistics,[REGRESSION](https://en.wikipedia.org/wiki/Regression_analysis),Isotonic.jl,https://github.com/ajtulloch/Isotonic.jl,This implements several algorithms for isotonic regression in Julia. Probability-Statistics,[REGRESSION](https://en.wikipedia.org/wiki/Regression_analysis),LARS.jl,https://github.com/simonster/LARS.jl,Least angle regression. Probability-Statistics,[REGRESSION](https://en.wikipedia.org/wiki/Regression_analysis),Lasso.jl,https://github.com/JuliaStats/Lasso.jl,Lasso solvers for linear and generalized linear models. +Probability-Statistics,[REGRESSION](https://en.wikipedia.org/wiki/Regression_analysis),Metida.jl,https://github.com/PharmCat/Metida.jl,Julia package for fitting mixed-effects models with flexible random/repeated covariance structure. Probability-Statistics,[REGRESSION](https://en.wikipedia.org/wiki/Regression_analysis),MixedModels.jl,https://github.com/dmbates/MixedModels.jl,A Julia package for fitting (statistical) mixed-effects models. Probability-Statistics,[REGRESSION](https://en.wikipedia.org/wiki/Regression_analysis),NonNegLeastSquares.jl,https://github.com/ahwillia/NonNegLeastSquares.jl,Some nonnegative least squares solvers in Julia. Probability-Statistics,[REGRESSION](https://en.wikipedia.org/wiki/Regression_analysis),ParallelSparseRegression.jl,https://github.com/madeleineudell/ParallelSparseRegression.jl,"A Julia library for parallel sparse regression, that implements solvers for regression problems including least squares, ridge regression, LASSO, non-negative least squares, and elastic net; and proposes to add fast methods to obtain regularization paths." @@ -1910,7 +1915,6 @@ Probability-Statistics,UNCLASSIFIED,Rmath.jl,https://github.com/JuliaStats/Rmath Probability-Statistics,UNCLASSIFIED,RankAggregation.jl,https://github.com/JuliaEarth/RankAggregation.jl,Rank aggregation in Julia. Probability-Statistics,UNCLASSIFIED,StatsBase.jl,https://github.com/JuliaStats/StatsBase.jl,Basic statistics. Probability-Statistics,UNCLASSIFIED,TopicModels.jl,https://github.com/slycoder/TopicModels.jl,TopicModels for Julia. -Probability-Statistics,UNCLASSIFIED,CovarianceMatrices.jl,https://github.com/gragusa/CovarianceMatrices.jl,Covariance Matrix Estimation in Julia. Probability-Statistics,UNCLASSIFIED,PortHamiltonian.jl,https://github.com/flavioluiz/PortHamiltonian.jl,Port-Hamiltonian systems in Julia. Programming-Paradigms,[Automata](https://en.wikipedia.org/wiki/Category:Automata_(computation)),Automa.jl,https://github.com/BioJulia/Automa.jl,"A julia code generator for regular expressions - this package can do text validation, parsing, and tokenizing based on state machine compiler." Programming-Paradigms,[Automata](https://en.wikipedia.org/wiki/Category:Automata_(computation)),BitRegs.jl,https://github.com/daqcore/BitRegs.jl,Julia package for bit and register operations. From 3bc00debbffdc979ab70e5bacfefe9a9ac1c92e7 Mon Sep 17 00:00:00 2001 From: SVAKSHA Date: Thu, 28 Oct 2021 15:56:52 +0200 Subject: [PATCH 04/13] TuringLang/DynamicPPL.jl --- Probability-Statistics.md | 45 ++++++++++++++++++++++----------------- README.md | 20 ++++++++++------- db.csv | 39 ++++++++++++++++----------------- 3 files changed, 58 insertions(+), 46 deletions(-) diff --git a/Probability-Statistics.md b/Probability-Statistics.md index cd77bacd7..17b4daa7f 100755 --- a/Probability-Statistics.md +++ b/Probability-Statistics.md @@ -1,6 +1,9 @@ -+ [PROBABILITY](#probability) - + [PROGRAMMING](#programming) - + [STOCHASTICS](#stochastics) ++ [§1. PROBABILITY](#1-PROBABILITY) + + [§1.1. Probabilistic Programming](#1-1-Probabilistic-Programming) + + [§1.2. STOCHASTICS](#1-2-stochastics) + + [§1.2.1. Bayesian](#1-2-1-Bayesian) + + [§1.2.2. Gaussian](#1-2-2-Gaussian) + + [§1.2.3. Markovian)(#1-2-3-Markovian) + [STATISTICS](#statistics) + [REGRESSION](#regression) + [DENSITIES](#densities) @@ -16,9 +19,12 @@ ---- -# [PROBABILITY](https://en.wikipedia.org/wiki/Probability_theory) -## [PROGRAMMING](https://en.wikipedia.org/wiki/Probabilistic_programming) +# §1. [PROBABILITY](https://en.wikipedia.org/wiki/Probability_theory) + +## §1.1. [Probabilistic Programming](https://en.wikipedia.org/wiki/Probabilistic_programming) + ++ [DynamicPPL.jl](https://github.com/TuringLang/DynamicPPL.jl) :: Implementation of domain-specific language (DSL) for dynamic probabilistic programming + [Gen.jl](https://github.com/probcomp/Gen) :: Probabilistic programming with programmable inference. + [Omega.jl](https://github.com/zenna/Omega.jl) :: Causal, Higher-Order, Probabilistic Programming. + [Soss.jl](https://github.com/cscherrer/Soss.jl) :: A library for probabilistic programming. @@ -26,19 +32,9 @@ + [Stheno.jl](https://github.com/willtebbutt/Stheno.jl) :: Probabilistic programming with Gaussian processes in Julia. + [Turing.jl](https://github.com/TuringLang/Turing.jl) :: A Turing complete probabilistic programming language. -## [STOCHASTICS](https://en.wikipedia.org/wiki/Stochastic_process) - -### Markovian -[Markov Logic Network](https://en.wikipedia.org/wiki/Markov_logic_network) -+ [POMDPs.jl](https://github.com/JuliaPOMDP/POMDPs.jl) :: A Julia framework for solving Markov decision processes. -+ [POMDPToolbox.jl](https://github.com/JuliaPOMDP/POMDPToolbox.jl) :: Support tools for solving `POMDPs`. -+ [HMMBase.jl](https://github.com/maxmouchet/HMMBase.jl) :: A lightweight abstraction for hidden Markov models in Julia. - -### Gaussian -+ [GaussianMixtures.jl](https://github.com/davidavdav/GaussianMixtures.jl) :: Julia modules for Gaussian Mixture Models. -+ [GaussianProcesses.jl](https://github.com/STOR-i/GaussianProcesses.jl) :: A Julia package for Gaussian Processes. +## §1.2. [STOCHASTICS](https://en.wikipedia.org/wiki/Stochastic_process) -### Bayesian +### §1.2.1. Bayesian + [ArviZ.jl](https://github.com/arviz-devs/ArviZ.jl) :: A Julia interface to the [ArviZ](https://arviz-devs.github.io/arviz/") package for exploratory analysis of Bayesian models, with functions for posterior analysis, model checking, comparison and diagnostics. + [BayesNets.jl](https://github.com/sisl/BayesNets.jl) :: Bayesian Networks for Julia. + [BayesianDataFusion.jl](https://github.com/jaak-s/BayesianDataFusion.jl) :: Implementation of data fusion methods. @@ -46,6 +42,17 @@ + [BayesianNonparametrics.jl](https://github.com/OFAI/BayesianNonparametrics.jl) :: Bayesian nonparametrics in Julia. +### §1.2.2. Gaussian ++ [GaussianMixtures.jl](https://github.com/davidavdav/GaussianMixtures.jl) :: Julia modules for Gaussian Mixture Models. ++ [GaussianProcesses.jl](https://github.com/STOR-i/GaussianProcesses.jl) :: A Julia package for Gaussian Processes. + + +### §1.2.3. Markovian +The [Markov Logic Network](https://en.wikipedia.org/wiki/Markov_logic_network) ++ [POMDPs.jl](https://github.com/JuliaPOMDP/POMDPs.jl) :: A Julia framework for solving Markov decision processes. ++ [POMDPToolbox.jl](https://github.com/JuliaPOMDP/POMDPToolbox.jl) :: Support tools for solving `POMDPs`. ++ [HMMBase.jl](https://github.com/maxmouchet/HMMBase.jl) :: A lightweight abstraction for hidden Markov models in Julia. + ---- @@ -116,12 +123,12 @@ + [RecombinatorKMeans.jl](https://github.com/carlobaldassi/RecombinatorKMeans.jl) :: An implementation of the recombinator-k-means method. + [StableDQMC.jl](https://github.com/crstnbr/StableDQMC.jl ) :: Numerical stabilization routines for determinant quantum Monte Carlo. -## [TESTS]() +## TESTS + [HypothesisTests.jl](https://github.com/JuliaStats/HypothesisTests.jl) :: T-tests, Wilcoxon rank sum (Mann-Whitney U), signed rank, and circular statistics in Julia. + [RobustStats.jl](https://github.com/mrxiaohe/RobustStats.jl) :: A collection of robust statistical tests based on the R package WRS (R-Forge repository) by Rand Wilcox. ## UNCLASSIFIED -+ [BloomFilters.jl](https://github.com/johnmyleswhite/BloomFilters.jl) :: are a probabilistic data structur e that can be used to test the inclusion and exclusion of items in a list. ++ [BloomFilters.jl](https://github.com/johnmyleswhite/BloomFilters.jl) :: are a probabilistic data structure that can be used to test the inclusion and exclusion of items in a list. + [AdaGram.jl](https://github.com/sbos/AdaGram.jl) :: Adaptive Skip-gram implementation. + [Civecm.jl](https://github.com/andreasnoackjensen/Civecm.jl) :: Cointegration in Vector Error Correction Models in Julia. + [CTDE.jl](https://github.com/adolgert/CTDE.jl) :: Continuous time, discrete event system in Julia. diff --git a/README.md b/README.md index 6085992a3..592e5db05 100755 --- a/README.md +++ b/README.md @@ -2,10 +2,10 @@ [Julia.jl](http://svaksha.github.io/Julia.jl) aggregates and curates decibans of knowledge resources for programming in [Julia](https://github.com/JuliaLang), an all-purpose programming language that addresses the needs of high-performance numerical analysis and computational science. -+ [INDEX](#index) -+ [LICENSE](#license) - + [ODbL and AGPLv3](#odbl-and-agplv3) - + [Mirrors](#mirrors) ++ [§1. INDEX](#1-INDEX) ++ [§2. LICENSE](#2-LICENSE) + + [§2.1. ODbL and AGPLv3](#2-1-ODbL-and-AGPLv3) + + [§2.2. Mirrors](#2-2-Mirrors) + [CONTRIBUTE](#contribute) + [Guidelines](#guidelines) + [BugReport-PullRequest](#bugreport-pullrequest) @@ -14,7 +14,7 @@ ---- -# INDEX +# §1. INDEX + [AI](https://github.com/svaksha/Julia.jl/blob/master/AI.md) :: Algorithms, DataMining, Data Structures, HMM, ML, NLP, ... + [Actuarial Science](https://github.com/svaksha/Julia.jl/blob/master/ActuarialScience.md) :: Software related to the subcategories of econometrics, finance, etc. @@ -46,11 +46,15 @@ ---- -# LICENSE +# §2. LICENSE + COPYRIGHT © 2012-Now [SVAKSHA](http://svaksha.com/pages/Bio), herewith dual-licensed for the data (ODbL-v1.0+) and the software (AGPLv3+), respectively. -## [ODbL](https://opendatacommons.org/licenses/odbl/1-0/) and [AGPLv3](http://www.gnu.org/licenses/agpl-3.0.html) + + [§2.1. ODbL and AGPLv3](#2-1-ODbL-and-AGPLv3) + + +## §2.1. AGPLv3 and ODbL +This repo uses multiple licences for data and code, viz. [ODbL](https://opendatacommons.org/licenses/odbl/1-0/) and [AGPLv3](http://www.gnu.org/licenses/agpl-3.0.html) + The __data__ (aggregated and curated decibans of knowledge resources for Julia language) in this repository (`Julia.jl`) is released under the [Open Database License](https://opendatacommons.org/licenses/odbl/1-0/) (ODbL-v1.0). The Open Database License (ODbL) grants anyone the freedom to share, create and adapt the data or database with proper __credit attribution__ as specified in the license and __offer any new work under the same terms__, and __release a public copy if using the new work for commercial purposes__. + The __software__ used in `Julia.jl` is released under the [AGPLv3 License](http://www.gnu.org/licenses/agpl-3.0.html), and above, as detailed in the [LICENSE-AGPLv3.md](https://github.com/svaksha/Julia.jl/blob/master/LICENSE-AGPLv3.md) file. @@ -58,8 +62,8 @@ The motivation for this change is to make it easier for people to re-use this data as a knowledge resource within a database. For example, [julia-observer](https://juliaobserver.com) is a visual tool for browsing through packages that pulls data from `Julia.jl`, `General` and various sources. By releasing the website code [publicly](https://github.com/djsegal/julia_observer) are an example on how one can build upon or transform the data to benefit the community. +## §2.2. Mirrors -## Mirrors + [Bitbucket](https://bitbucket.org/svaksha/Julia.jl) :: git clone git@bitbucket.org:svaksha/Julia.jl.git + [GitLab](https://gitlab.com/svaksha/Julia.jl) :: git clone git@gitlab.com:svaksha/Julia.jl.git diff --git a/db.csv b/db.csv index 253152f4d..3e586ea3d 100755 --- a/db.csv +++ b/db.csv @@ -1830,22 +1830,23 @@ Physics,[Thermodynamics](http://en.wikipedia.org/wiki/Category:Thermodynamics),P Physics,[Thermodynamics](http://en.wikipedia.org/wiki/Category:Thermodynamics),ThermodynamicsTable.jl,https://github.com/DANA-Laboratory/ThermodynamicsTable.jl,"Thermodynamics table for critical values, heat capacity, etc.." Physics,[Thermodynamics](http://en.wikipedia.org/wiki/Category:Thermodynamics),WaveToy.jl,https://github.com/eschnett/WaveToy.jl,Julia WaveToy. Physics,Miscellaneous,fys,https://github.com/jhlq/fys,Physics and misc unmaintained Julia code. -Probability-Statistics,[PROGRAMMING](https://en.wikipedia.org/wiki/Probabilistic_programming),Gen.jl,https://github.com/probcomp/Gen,Probabilistic programming with programmable inference. -Probability-Statistics,[PROGRAMMING](https://en.wikipedia.org/wiki/Probabilistic_programming),Omega.jl,https://github.com/zenna/Omega.jl," Causal, Higher-Order, Probabilistic Programming." -Probability-Statistics,[PROGRAMMING](https://en.wikipedia.org/wiki/Probabilistic_programming),Soss.jl,https://github.com/cscherrer/Soss.jl,A library for probabilistic programming. -Probability-Statistics,[PROGRAMMING](https://en.wikipedia.org/wiki/Probabilistic_programming),Stan.jl,https://github.com/StanJulia/Stan.jl,A Julia wrapper for the Stan language. -Probability-Statistics,[PROGRAMMING](https://en.wikipedia.org/wiki/Probabilistic_programming),Stheno.jl,https://github.com/willtebbutt/Stheno.jl,Probabilistic programming with Gaussian processes in Julia. -Probability-Statistics,[PROGRAMMING](https://en.wikipedia.org/wiki/Probabilistic_programming),Turing.jl,https://github.com/TuringLang/Turing.jl,A Turing complete probabilistic programming language. -Probability-Statistics,Markovian,POMDPs.jl,https://github.com/JuliaPOMDP/POMDPs.jl,A Julia framework for solving Markov decision processes. -Probability-Statistics,Markovian,POMDPToolbox.jl,https://github.com/JuliaPOMDP/POMDPToolbox.jl,Support tools for solving `POMDPs`. -Probability-Statistics,Markovian,HMMBase.jl,https://github.com/maxmouchet/HMMBase.jl,A lightweight abstraction for hidden Markov models in Julia. -Probability-Statistics,Gaussian,GaussianMixtures.jl,https://github.com/davidavdav/GaussianMixtures.jl,Julia modules for Gaussian Mixture Models. -Probability-Statistics,Gaussian,GaussianProcesses.jl,https://github.com/STOR-i/GaussianProcesses.jl,A Julia package for Gaussian Processes. -Probability-Statistics,Bayesian,ArviZ.jl,https://github.com/arviz-devs/ArviZ.jl,"A Julia interface to the [ArviZ](https://arviz-devs.github.io/arviz/"") package for exploratory analysis of Bayesian models, with functions for posterior analysis, model checking, comparison and diagnostics." -Probability-Statistics,Bayesian,BayesNets.jl,https://github.com/sisl/BayesNets.jl,Bayesian Networks for Julia. -Probability-Statistics,Bayesian,BayesianDataFusion.jl,https://github.com/jaak-s/BayesianDataFusion.jl,Implementation of data fusion methods. -Probability-Statistics,Bayesian,BayesEstDiffusion.jl,https://github.com/mschauer/BayesEstDiffusion.jl,Bayesian estimation of diffusion processes. -Probability-Statistics,Bayesian,BayesianNonparametrics.jl,https://github.com/OFAI/BayesianNonparametrics.jl,Bayesian nonparametrics in Julia. +Probability-Statistics,"§1.1.[ProbabilisticProgramming](https://en.wikipedia.org/wiki/Probabilistic_programming)",DynamicPPL.jl,https://github.com/TuringLang/DynamicPPL.jl,Implementation of domain-specific language (DSL) for dynamic probabilistic programming +Probability-Statistics,"§1.1.[ProbabilisticProgramming](https://en.wikipedia.org/wiki/Probabilistic_programming)",Gen.jl,https://github.com/probcomp/Gen,Probabilistic programming with programmable inference. +Probability-Statistics,"§1.1.[ProbabilisticProgramming](https://en.wikipedia.org/wiki/Probabilistic_programming)",Omega.jl,https://github.com/zenna/Omega.jl," Causal, Higher-Order, Probabilistic Programming." +Probability-Statistics,"§1.1.[ProbabilisticProgramming](https://en.wikipedia.org/wiki/Probabilistic_programming)",Soss.jl,https://github.com/cscherrer/Soss.jl,A library for probabilistic programming. +Probability-Statistics,"§1.1.[ProbabilisticProgramming](https://en.wikipedia.org/wiki/Probabilistic_programming)",Stan.jl,https://github.com/StanJulia/Stan.jl,A Julia wrapper for the Stan language. +Probability-Statistics,"§1.1.[ProbabilisticProgramming](https://en.wikipedia.org/wiki/Probabilistic_programming)",Stheno.jl,https://github.com/willtebbutt/Stheno.jl,Probabilistic programming with Gaussian processes in Julia. +Probability-Statistics,"§1.1.[ProbabilisticProgramming](https://en.wikipedia.org/wiki/Probabilistic_programming)",Turing.jl,https://github.com/TuringLang/Turing.jl,A Turing complete probabilistic programming language. +Probability-Statistics,"§1.2.1.Bayesian",ArviZ.jl,https://github.com/arviz-devs/ArviZ.jl,"A Julia interface to the [ArviZ](https://arviz-devs.github.io/arviz/"") package for exploratory analysis of Bayesian models, with functions for posterior analysis, model checking, comparison and diagnostics." +Probability-Statistics,"§1.2.1.Bayesian",BayesNets.jl,https://github.com/sisl/BayesNets.jl,Bayesian Networks for Julia. +Probability-Statistics,"§1.2.1.Bayesian",BayesianDataFusion.jl,https://github.com/jaak-s/BayesianDataFusion.jl,Implementation of data fusion methods. +Probability-Statistics,"§1.2.1.Bayesian",BayesEstDiffusion.jl,https://github.com/mschauer/BayesEstDiffusion.jl,Bayesian estimation of diffusion processes. +Probability-Statistics,"§1.2.1.Bayesian",BayesianNonparametrics.jl,https://github.com/OFAI/BayesianNonparametrics.jl,Bayesian nonparametrics in Julia. +Probability-Statistics,"§1.2.2.Gaussian",GaussianMixtures.jl,https://github.com/davidavdav/GaussianMixtures.jl,Julia modules for Gaussian Mixture Models. +Probability-Statistics,"§1.2.2.Gaussian",GaussianProcesses.jl,https://github.com/STOR-i/GaussianProcesses.jl,A Julia package for Gaussian Processes. +Probability-Statistics,"§1.2.3.Markovian",POMDPs.jl,https://github.com/JuliaPOMDP/POMDPs.jl,A Julia framework for solving Markov decision processes. +Probability-Statistics,"§1.2.3.Markovian",POMDPToolbox.jl,https://github.com/JuliaPOMDP/POMDPToolbox.jl,Support tools for solving `POMDPs`. +Probability-Statistics,"§1.2.3.Markovian",HMMBase.jl,https://github.com/maxmouchet/HMMBase.jl,A lightweight abstraction for hidden Markov models in Julia. Probability-Statistics,[REGRESSION](https://en.wikipedia.org/wiki/Regression_analysis),CovarianceMatrices.jl,https://github.com/gragusa/CovarianceMatrices.jl,Covariance Matrix Estimation in Julia. Probability-Statistics,[REGRESSION](https://en.wikipedia.org/wiki/Regression_analysis),CurveFit.jl,https://github.com/pjabardo/CurveFit.jl,Simple least squares and curve fitting functions. Probability-Statistics,[REGRESSION](https://en.wikipedia.org/wiki/Regression_analysis),FixedEffectModels.jl,https://github.com/FixedEffects/FixedEffectModels.jl,Fast estimation of linear models with IV and high dimensional categorical variables. @@ -1891,9 +1892,9 @@ Probability-Statistics,[SAMPLING](),MonteCarloMeasurements.jl,https://github.com Probability-Statistics,[SAMPLING](),PSIS.jl,https://github.com/alvaro1101/PSIS.jl,Pareto smoothed importance sampling (PSIS) and PSIS leave-one-out cross-validation for Julia. Probability-Statistics,[SAMPLING](),RecombinatorKMeans.jl,https://github.com/carlobaldassi/RecombinatorKMeans.jl,An implementation of the recombinator-k-means method. Probability-Statistics,[SAMPLING](),StableDQMC.jl,https://github.com/crstnbr/StableDQMC.jl ,Numerical stabilization routines for determinant quantum Monte Carlo. -Probability-Statistics,[TESTS](),HypothesisTests.jl,https://github.com/JuliaStats/HypothesisTests.jl,"T-tests, Wilcoxon rank sum (Mann-Whitney U), signed rank, and circular statistics in Julia." -Probability-Statistics,[TESTS](),RobustStats.jl,https://github.com/mrxiaohe/RobustStats.jl,A collection of robust statistical tests based on the R package WRS (R-Forge repository) by Rand Wilcox. -Probability-Statistics,UNCLASSIFIED,BloomFilters.jl,https://github.com/johnmyleswhite/BloomFilters.jl,are a probabilistic data structur e that can be used to test the inclusion and exclusion of items in a list. +Probability-Statistics,TESTS,HypothesisTests.jl,https://github.com/JuliaStats/HypothesisTests.jl,"T-tests, Wilcoxon rank sum (Mann-Whitney U), signed rank, and circular statistics in Julia." +Probability-Statistics,TESTS,RobustStats.jl,https://github.com/mrxiaohe/RobustStats.jl,A collection of robust statistical tests based on the R package WRS (R-Forge repository) by Rand Wilcox. +Probability-Statistics,UNCLASSIFIED,BloomFilters.jl,https://github.com/johnmyleswhite/BloomFilters.jl,are a probabilistic data structure that can be used to test the inclusion and exclusion of items in a list. Probability-Statistics,UNCLASSIFIED,AdaGram.jl,https://github.com/sbos/AdaGram.jl,Adaptive Skip-gram implementation. Probability-Statistics,UNCLASSIFIED,Civecm.jl,https://github.com/andreasnoackjensen/Civecm.jl,Cointegration in Vector Error Correction Models in Julia. Probability-Statistics,UNCLASSIFIED,CTDE.jl,https://github.com/adolgert/CTDE.jl,"Continuous time, discrete event system in Julia." From 58395efe68cc3de84fd16b1668b5f1c351315caf Mon Sep 17 00:00:00 2001 From: SVAKSHA Date: Thu, 28 Oct 2021 16:24:20 +0200 Subject: [PATCH 05/13] domluna/JuliaFormatter.jl --- Chemistry.md | 22 +++++++++++----------- DesktopApplications.md | 8 +++++++- Probability-Statistics.md | 2 +- Programming-Paradigms.md | 1 - Utilities.md | 2 +- db.csv | 36 ++++++++++++++++++------------------ 6 files changed, 38 insertions(+), 33 deletions(-) diff --git a/Chemistry.md b/Chemistry.md index 78efa27d7..35607f3ca 100755 --- a/Chemistry.md +++ b/Chemistry.md @@ -3,17 +3,17 @@ + [§1. Chemical File Formats and Input Output](#1-chemical-file-formats-and-input-output) + [§2. Biochemistry](#2-Biochemistry) + [§3. Chemoinformatics](#3-Chemoinformatics) -+ [Chemometrics](#chemometrics) -+ [General Resources](#general-resources) ++ [§4. Chemometrics](#4-chemometrics) ++ [§5. General Resources](#5-general-resources) + [§6. Physical Chemistry](#6-Physical-Chemistry) + [§6.1. Reaction Kinetics](#6-1-Reaction-Kinetics) + [§6.2. Thermochemistry](#6-2-thermochemistry) -+ [Simulation Methods](#simulation-methods) -+ [Solid State Chemistry and Materials Science](#solid-state-chemistry-and-materials-science) -+ [Uncategorized](#uncategorized) ++ [§7. Simulation Methods](#7-simulation-methods) + + [§7.1. Solid State Chemistry and Materials Science](#7-1-solid-state-chemistry-and-materials-science) ++ [§8. Uncategorized](#8-uncategorized) ---- - +---- # §1. Chemical File Formats and Input Output @@ -33,11 +33,11 @@ + [Synchrony.jl](https://github.com/simonster/Synchrony.jl) :: Coherence/phase-locking statistics in Julia. -# §4. Chemometrics +# §4. Chemometrics + [ChemometricsTools.jl](https://github.com/caseykneale/ChemometricsTools.jl) :: A collection of tools to perform fundamental and advanced Chemometric analysis and machine learning in Julia. + [Qlab.jl](https://github.com/blakejohnson/Qlab.jl) :: is a data manipulation and analysis tool based on the Savitzky–Golay filter - a digital filter that can be applied to a set of digital data points for the purpose of smoothing the data to increase the signal-to-noise ratio without greatly distorting the signal. Savitzky and Golay's paper is one of the most widely cited papers in the Analytical Chemistry journal. -# §5. General Resources +# §5. General Resources + [PeriodicTable.jl](https://github.com/JuliaPhysics/PeriodicTable.jl) :: Well its the periodic table - in Julia! + [PhysicalConstants.jl](https://github.com/JuliaPhysics/PhysicalConstants.jl) :: A package containing curated physical constants. + [Videos for JuliaQuantum](https://www.youtube.com/channel/UCXeOiWjj3rcYUQqfgelTDWQ) technical talks and meetups. @@ -56,7 +56,7 @@ + [Psychro.jl](https://github.com/pjabardo/Psychro.jl) :: Thermodynamics properties of wet air and gasses. -# §7. Simulation Methods +# §7. Simulation Methods Overview of Julia packages for simulation methods related to chemistry and [Molecular Modelling](https://en.wikipedia.org/wiki/Category:Molecular_modelling), such as [Molecular dynamics](https://en.wikipedia.org/wiki/Molecular_dynamics), @@ -77,7 +77,7 @@ such as [Molecular dynamics](https://en.wikipedia.org/wiki/Molecular_dynamics), + [QSimulator.jl](https://github.com/BBN-Q/QSimulator.jl) :: Unitary and Lindbladian evolution of quantum states in Julia. + [QuantumLab.jl](https://github.com/vonDonnerstein/QuantumLab.jl) :: A workbench for Quantum Chemistry and Quantum Physics in Julia. -## [Solid State Chemistry](https://en.wikipedia.org/wiki/Solid-state_chemistry) and Materials Science +## §7.1. [Solid State Chemistry](https://en.wikipedia.org/wiki/Solid-state_chemistry) and Materials Science + [ClassicalLaminateTheory.jl](https://github.com/goedman/ClassicalLaminateTheory.jl) :: Laminate model functions used in EDX course __AA432x Composite Materials Overview for Engineers__ by K.Y.Lin. + [HydrocarbonNets.jl](https://github.com/Ismael-VC/HydrocarbonNets.jl) :: Artificial Hydrocarbon Networks (AHNs) in Julia. + [Lattices.jl](https://github.com/JuliaPhysics/Lattices.jl) :: A Lattice Library for Julia. @@ -85,7 +85,7 @@ such as [Molecular dynamics](https://en.wikipedia.org/wiki/Molecular_dynamics), ---- -# §8. Uncategorized +# §8. Uncategorized + [Cliffords.jl](https://github.com/BBN-Q/Cliffords.jl) :: This library allows for efficient calculation of Clifford circuits by tracking the evolution of X and Z generators (the so-called tableau representation). Ref: http://en.wikipedia.org/wiki/Clifford_algebra + [Dimers.jl](https://github.com/sswatson/Dimers.jl) :: Oligomers with two structurally similar monomers. See, http://en.wikipedia.org/wiki/Category:Dimers_%28chemistry%29 diff --git a/DesktopApplications.md b/DesktopApplications.md index de5af4239..d9f1f1ee1 100755 --- a/DesktopApplications.md +++ b/DesktopApplications.md @@ -12,10 +12,11 @@ The collective noun [application software](https://en.wikipedia.org/wiki/Applica + [Atom](#atom) + [Emacs](#emacs) + [Jupyter](#jupyter) + + [ + [WIDE](#wide) ---- - +---- # [DEBUGGER](https://en.wikipedia.org/wiki/Category:Debuggers) + [ASTInterpreter2.jl](https://github.com/Keno/ASTInterpreter2.jl) :: Re-write of ASTInterpreter for julia v0.6+. @@ -154,6 +155,11 @@ __Generic Syntax Highlighter__ + How to create a [Custom IJulia Widget](http://nbviewer.ipython.org/urls/gist.githubusercontent.com/avrahamruderman/116845471f0d79942aff/raw/fb1f659e635f4585ebb449aa2519deffd15aba31/writing-custom-ijulia-widgets.ipynb) + [Run Jupyterhub on a Supercomputer](http://zonca.github.io/2015/04/jupyterhub-hpc.html). + +### [Prettyprinting](https://en.wikipedia.org/wiki/Prettyprint) +* [https://github.com/domluna/JuliaFormatter.jl](https://github.com/domluna/JuliaFormatter.jl) :: A code formatter for Julia. + + ### [WIDE](https://en.wikipedia.org/wiki/Web_integrated_development_environment) + [JuliaBox](https://juliabox.com/) :: Jupyter/IJulia sandboxed by Docker containers that allows you to run Julia on the browser. Here is the [source code](https://github.com/JuliaLang/JuliaBox), [installation instructions](https://github.com/JuliaLang/JuliaBox/blob/master/docs/INSTALL.MD), a [collection of example notebooks](https://github.com/shashi/IJuliaNotebooks). + [JuliaBoxUtils.jl](https://github.com/tanmaykm/JuliaBoxUtils.jl) :: JuliaBox utility methods. diff --git a/Probability-Statistics.md b/Probability-Statistics.md index 17b4daa7f..71050566e 100755 --- a/Probability-Statistics.md +++ b/Probability-Statistics.md @@ -3,7 +3,7 @@ + [§1.2. STOCHASTICS](#1-2-stochastics) + [§1.2.1. Bayesian](#1-2-1-Bayesian) + [§1.2.2. Gaussian](#1-2-2-Gaussian) - + [§1.2.3. Markovian)(#1-2-3-Markovian) + + [§1.2.3. Markovian](#1-2-3-Markovian) + [STATISTICS](#statistics) + [REGRESSION](#regression) + [DENSITIES](#densities) diff --git a/Programming-Paradigms.md b/Programming-Paradigms.md index 6f599464c..37a998efb 100755 --- a/Programming-Paradigms.md +++ b/Programming-Paradigms.md @@ -132,7 +132,6 @@ Programming Paradigms: __Packages and resources that support various programming + [OCCA.jl](https://github.com/ReidAtcheson/OCCA.jl) :: Julia interface into [OCCA2](https://github.com/tcew/OCCA2) by @tcew, an extensible multi-threading programming API written in C++. + [TiledIteration.jl](https://github.com/JuliaArrays/TiledIteration.jl) :: Julia package to facilitate writing mulithreaded, multidimensional, cache-efficient code. - ---- # [Metaprogramming](https://en.wikipedia.org/wiki/Metaprogramming) diff --git a/Utilities.md b/Utilities.md index b414ec512..083f50833 100755 --- a/Utilities.md +++ b/Utilities.md @@ -22,7 +22,7 @@ + [SO.jl](https://github.com/dlfivefifty/SO.jl) :: Personal macros for Julia. + [Utils.jl](https://github.com/SimonDanisch/Utils.jl) :: Some utility functions by @SimonDanisch. - +https://github.com/domluna/JuliaFormatter.jl ## File Compression + [Blosc.jl](https://github.com/stevengj/Blosc.jl) :: The Blosc Module provides fast lossless compression for the Julia language by interfacing the Blosc Library, currently limited to 32-bit buffer sizes. + [gzip.jl](https://github.com/jvns/gzip.jl) :: GunZip in Julia. diff --git a/db.csv b/db.csv index 3e586ea3d..80d89c34c 100755 --- a/db.csv +++ b/db.csv @@ -430,28 +430,28 @@ Chemistry,"§2.Biochemistry",BioSymbols.jl,http Chemistry,"§3.Chemoinformatics",MolecularGraph.jl,https://github.com/mojaie/MolecularGraph.jl,a graph-based molecule modeling and chemoinformatics analysis toolkit fully implemented in Julia. Chemistry,"§3.Chemoinformatics",OpenSMILES.jl,https://github.com/caseykneale/OpenSMILES.jl,OpenSMILES string representations to LightGraphs.jl format. Chemistry,"§3.Chemoinformatics",Synchrony.jl,https://github.com/simonster/Synchrony.jl,Coherence/phase-locking statistics in Julia. -Chemistry,§4.Chemometrics,ChemometricsTools.jl,https://github.com/caseykneale/ChemometricsTools.jl,A collection of tools to perform fundamental and advanced Chemometric analysis and machine learning in Julia. -Chemistry,§4.Chemometrics,Qlab.jl,https://github.com/blakejohnson/Qlab.jl,is a data manipulation and analysis tool based on the Savitzky–Golay filter - a digital filter that can be applied to a set of digital data points for the purpose of smoothing the data to increase the signal-to-noise ratio without greatly distorting the signal. Savitzky and Golay's paper is one of the most widely cited papers in the Analytical Chemistry journal. -Chemistry,§5.GeneralResources,PeriodicTable.jl,https://github.com/JuliaPhysics/PeriodicTable.jl,Well its the periodic table - in Julia! -Chemistry,§5.GeneralResources,PhysicalConstants.jl,https://github.com/JuliaPhysics/PhysicalConstants.jl,A package containing curated physical constants. -Chemistry,§5.GeneralResources,Videos for JuliaQuantum,https://www.youtube.com/channel/UCXeOiWjj3rcYUQqfgelTDWQ) technical talks and meetups, +Chemistry,"§4.Chemometrics",ChemometricsTools.jl,https://github.com/caseykneale/ChemometricsTools.jl,A collection of tools to perform fundamental and advanced Chemometric analysis and machine learning in Julia. +Chemistry,"§4.Chemometrics",Qlab.jl,https://github.com/blakejohnson/Qlab.jl,is a data manipulation and analysis tool based on the Savitzky–Golay filter - a digital filter that can be applied to a set of digital data points for the purpose of smoothing the data to increase the signal-to-noise ratio without greatly distorting the signal. Savitzky and Golay's paper is one of the most widely cited papers in the Analytical Chemistry journal. +Chemistry,"§5.GeneralResources",PeriodicTable.jl,https://github.com/JuliaPhysics/PeriodicTable.jl,Well its the periodic table - in Julia! +Chemistry,"§5.GeneralResources",PhysicalConstants.jl,https://github.com/JuliaPhysics/PhysicalConstants.jl,A package containing curated physical constants. +Chemistry,"§5.GeneralResources",Videos for JuliaQuantum,https://www.youtube.com/channel/UCXeOiWjj3rcYUQqfgelTDWQ) technical talks and meetups, Chemistry,"§6.1.ReactionKinetics",ChemicalKinetics.jl,https://github.com/papamarkou/ChemicalKinetics.jl, DiffEq related functionality for defining biological models. Chemistry,"§6.2.Thermochemistry",CoolProp.jl,https://github.com/CoolProp/CoolProp.jl,CoolProp wrapper for Julia Chemistry,"§6.2.Thermochemistry",Lavoisier.jl,https://github.com/longemen3000/lavoisier,Thermodynamics models of gasseus compounds. Chemistry,"§6.2.Thermochemistry",Psychro.jl,https://github.com/pjabardo/Psychro.jl,Thermodynamics properties of wet air and gasses. -Chemistry,§7.SimulationMethods,JuliaMolSim,https://github.com/JuliaMolSim,Github organization for molecular simulation in Julia -Chemistry,§7.SimulationMethods,Brownian.jl,https://github.com/UniversityofWarwick/Brownian.jl,Simulation of Brownian-Based Stochastic Processes. -Chemistry,§7.SimulationMethods,Elsa.jl,https://github.com/pablosanjose/Elsa.jl,Simulation of tight-binding models on arbitrary lattices. -Chemistry,§7.SimulationMethods,Fermi.jl,https://github.com/FermiQC/Fermi.jl,Development plataform and production level implementations of wave function methods. -Chemistry,§7.SimulationMethods,Molly.jl,https://github.com/jgreener64/Molly.jl,Molecular dynamics in Julia. -Chemistry,§7.SimulationMethods,pyquante2,https://github.com/rpmuller/pyquante2/,"PyQuante is a Quantum Chemistry suite written in Python, with Julia support for HF and methods for integrals." -Chemistry,§7.SimulationMethods,QSimulator.jl,https://github.com/BBN-Q/QSimulator.jl,Unitary and Lindbladian evolution of quantum states in Julia. -Chemistry,§7.SimulationMethods,QuantumLab.jl,https://github.com/vonDonnerstein/QuantumLab.jl,A workbench for Quantum Chemistry and Quantum Physics in Julia. -Chemistry,[SolidStateChemistry](https://en.wikipedia.org/wiki/Solid-state_chemistry)andMaterialsScience,ClassicalLaminateTheory.jl,https://github.com/goedman/ClassicalLaminateTheory.jl,Laminate model functions used in EDX course __AA432x Composite Materials Overview for Engineers__ by K.Y.Lin. -Chemistry,[SolidStateChemistry](https://en.wikipedia.org/wiki/Solid-state_chemistry)andMaterialsScience,HydrocarbonNets.jl,https://github.com/Ismael-VC/HydrocarbonNets.jl,Artificial Hydrocarbon Networks (AHNs) in Julia. -Chemistry,[SolidStateChemistry](https://en.wikipedia.org/wiki/Solid-state_chemistry)andMaterialsScience,Lattices.jl,https://github.com/JuliaPhysics/Lattices.jl,A Lattice Library for Julia. -Chemistry,§8.Uncategorized,Cliffords.jl,https://github.com/BBN-Q/Cliffords.jl,This library allows for efficient calculation of Clifford circuits by tracking the evolution of X and Z generators (the so-called tableau representation). Ref: http://en.wikipedia.org/wiki/Clifford_algebra -Chemistry,§8.Uncategorized,Dimers.jl,https://github.com/sswatson/Dimers.jl,"Oligomers with two structurally similar monomers. See, http://en.wikipedia.org/wiki/Category:Dimers_%28chemistry%29" +Chemistry,"§7.SimulationMethods",JuliaMolSim,https://github.com/JuliaMolSim,Github organization for molecular simulation in Julia +Chemistry,"§7.SimulationMethods",Brownian.jl,https://github.com/UniversityofWarwick/Brownian.jl,Simulation of Brownian-Based Stochastic Processes. +Chemistry,"§7.SimulationMethods",Elsa.jl,https://github.com/pablosanjose/Elsa.jl,Simulation of tight-binding models on arbitrary lattices. +Chemistry,"§7.SimulationMethods",Fermi.jl,https://github.com/FermiQC/Fermi.jl,Development plataform and production level implementations of wave function methods. +Chemistry,"§7.SimulationMethods",Molly.jl,https://github.com/jgreener64/Molly.jl,Molecular dynamics in Julia. +Chemistry,"§7.SimulationMethods",pyquante2,https://github.com/rpmuller/pyquante2/,"PyQuante is a Quantum Chemistry suite written in Python, with Julia support for HF and methods for integrals." +Chemistry,"§7.SimulationMethods",QSimulator.jl,https://github.com/BBN-Q/QSimulator.jl,Unitary and Lindbladian evolution of quantum states in Julia. +Chemistry,"§7.SimulationMethods",QuantumLab.jl,https://github.com/vonDonnerstein/QuantumLab.jl,A workbench for Quantum Chemistry and Quantum Physics in Julia. +Chemistry,"§7.1.[SolidStateChemistry](https://en.wikipedia.org/wiki/Solid-state_chemistry)andMaterialsScience",ClassicalLaminateTheory.jl,https://github.com/goedman/ClassicalLaminateTheory.jl,Laminate model functions used in EDX course __AA432x Composite Materials Overview for Engineers__ by K.Y.Lin. +Chemistry,"§7.1.[SolidStateChemistry](https://en.wikipedia.org/wiki/Solid-state_chemistry)andMaterialsScience",HydrocarbonNets.jl,https://github.com/Ismael-VC/HydrocarbonNets.jl,Artificial Hydrocarbon Networks (AHNs) in Julia. +Chemistry,"§7.1.[SolidStateChemistry](https://en.wikipedia.org/wiki/Solid-state_chemistry)andMaterialsScience",Lattices.jl,https://github.com/JuliaPhysics/Lattices.jl,A Lattice Library for Julia. +Chemistry,"§8.Uncategorized",Cliffords.jl,https://github.com/BBN-Q/Cliffords.jl,This library allows for efficient calculation of Clifford circuits by tracking the evolution of X and Z generators (the so-called tableau representation). Ref: http://en.wikipedia.org/wiki/Clifford_algebra +Chemistry,"§8.Uncategorized",Dimers.jl,https://github.com/sswatson/Dimers.jl,"Oligomers with two structurally similar monomers. See, http://en.wikipedia.org/wiki/Category:Dimers_%28chemistry%29" DataScience,SOFTWARE,CommonCrawl.jl,https://github.com/tanmaykm/CommonCrawl.jl,Interface to common crawl dataset on Amazon S3. DataScience,SOFTWARE,Faker.jl,https://github.com/codeneomatrix/Faker.jl,A package that generates fake data. DataScience,SOFTWARE,FaceDatasets.jl,https://github.com/dfdx/FaceDatasets.jl,A package for easy access to face-related datasets. From e80e0b804f0a05e5fe61016b731113192fc0caad Mon Sep 17 00:00:00 2001 From: SVAKSHA Date: Thu, 28 Oct 2021 17:12:31 +0200 Subject: [PATCH 06/13] created QA.html for Quality Assurance in Julia --- Algorithms.md | 20 +-- Biology.md | 1 + Chemistry.md | 2 +- DesktopApplications.md | 2 +- FileIO.md | 16 +- Optimization.md | 23 +-- Programming-Paradigms.md | 1 + QA.md | 17 ++ README.md | 4 +- Utilities.md | 35 ++-- db.csv | 367 ++++++++++++++++++++------------------- 11 files changed, 254 insertions(+), 234 deletions(-) create mode 100644 QA.md diff --git a/Algorithms.md b/Algorithms.md index 894f673e7..50e9e44bb 100755 --- a/Algorithms.md +++ b/Algorithms.md @@ -1,17 +1,17 @@ __[ALGORITHMS and Data Structures](https://en.wikipedia.org/wiki/Category:Algorithms_and_data_structures) : Data Mining, Clustering, ...__ + [ALGORITHMS](#algorithms) - + [Association Rule](#association-rule) - + [Checksum](#checksum) - + [Collaborative Filtering](#collaborative-filtering) - + [Graph Algorithms](#graph-algorithms) - + [Pattern Matching](#pattern-matching) - + [Quantum](#quantum) - + [Scheduling Algorithm](#scheduling-algorithm) - + [Sorting](#sorting) - + [Time](#time) + + [Association Rule](#association-rule) + + [Checksum](#checksum) + + [Collaborative Filtering](#collaborative-filtering) + + [Graph Algorithms](#graph-algorithms) + + [Pattern Matching](#pattern-matching) + + [Quantum](#quantum) + + [Scheduling Algorithm](#scheduling-algorithm) + + [Sorting](#sorting) + + [Time](#time) + [COMPUTATIONAL PROBLEMS](#computational-problems) - + [NP-complete](#np-complete) + + [NP-complete](#np-complete) + [SAT](#sat) ---- diff --git a/Biology.md b/Biology.md index c898a7859..3d9919766 100755 --- a/Biology.md +++ b/Biology.md @@ -16,6 +16,7 @@ + [PHARMACOLOGY](#pharmacology) + [Resources-Teaching](#resources-teaching) +---- ---- + [COBRA.jl](https://github.com/opencobra/COBRA.jl) :: COnstraint-Based Reconstruction and Analysis, used to perform COBRA analyses such as Flux Balance Anlysis (FBA), Flux Variability Anlysis (FVA), or any of its associated variants such as `distributedFBA`. diff --git a/Chemistry.md b/Chemistry.md index 35607f3ca..ad4cbd96b 100755 --- a/Chemistry.md +++ b/Chemistry.md @@ -1,4 +1,4 @@ -# Chemistry in Julia! +# Chemistry.md + [§1. Chemical File Formats and Input Output](#1-chemical-file-formats-and-input-output) + [§2. Biochemistry](#2-Biochemistry) diff --git a/DesktopApplications.md b/DesktopApplications.md index d9f1f1ee1..61da42dd3 100755 --- a/DesktopApplications.md +++ b/DesktopApplications.md @@ -12,7 +12,7 @@ The collective noun [application software](https://en.wikipedia.org/wiki/Applica + [Atom](#atom) + [Emacs](#emacs) + [Jupyter](#jupyter) - + [ + + [Prettyprinting](#prettyprinting) + [WIDE](#wide) ---- diff --git a/FileIO.md b/FileIO.md index bfc3a9c0c..4de5b1b64 100755 --- a/FileIO.md +++ b/FileIO.md @@ -1,7 +1,7 @@ + [§1. Binary IO](#1-Binary-IO) + [§2. Data Formats](#2-Data-Formats) - + [Avro](#avro) - + [BSON](#bson) + + [§2.1. Avro](#2-1-Avro) + + [§2.2. BSON](#2-2-BSON) + [JSON](#json) + [ODS](#ods) + [PDF](#pdf) @@ -23,7 +23,7 @@ ---- -# §1. Binary IO. +# §1. Binary IO + [FortranFiles.jl](https://github.com/traktofon/FortranFiles.jl) :: Read and write "unformatted" Fortran data, i.e. binary data interspersed with metadata about data records. + [HexEdit.jl](https://github.com/templarlabs/HexEdit.jl) :: Edit and display binary file data in hexadecimal format. + [LargeColumns.jl](https://github.com/tpapp/LargeColumns.jl) :: Handle large columns (vectors of equal length) with bits types in Julia using mmap - a thin wrapper for mmapped binary data, with a few sanity checks and convenience functions. @@ -31,8 +31,7 @@ ---- - -# §2. Data Formats. +# §2. Data Formats **Libraries for Data serialization and (human readable) file formats.** + [AIDA.jl](https://github.com/jstrube/AIDA.jl) :: This package implements simple readers for legacy AIDA files. + [BEncode.jl](https://github.com/joshuamiller/BEncode.jl) :: A Julia library for BEncode metadata files used for encoding BitTorrent storage and transmission of loosely structured data. @@ -66,10 +65,11 @@ + [XPT.jl](https://github.com/lendle/XPT.jl) :: The XPT package reads SAS® software transport files and converts SAS software datasets to DataFrames. -## [Avro](https://en.wikipedia.org/wiki/Apache_Avro] -+ [Avro.jl](https://github.com/JuliaData/Avro.jl) :: Julia implementation of the Apache Avro data standard. It provides convenient APIs for reading/writing data directly in the avro format, or as schema-included object container files. +## §2.1. [Avro](https://en.wikipedia.org/wiki/Apache_Avro] + ++ [Avro.jl](https://github.com/JuliaData/Avro.jl) :: Julia implementation of the Apache Avro data standard. It provides convenient APIs for reading/writing data directly in the avro format, or as schema-included object container files. -## BSON +## §2.2. BSON + [BSON.jl](https://github.com/MikeInnes/BSON.jl) :: A Julia package for working with the Binary JSON serialisation format, that can be used as a general store for Julia data structures. + [BSONify.jl](https://github.com/OliverColeman/BSONify.jl) :: Convert just about any data structure - including primitive types, arbitrary composite types defined by other modules or your own data structures, nested and recursive data structures, complicated parametrised types, and even type unions - to clean and simple BSON and back again. Save and load to/from files or a MongoDB. diff --git a/Optimization.md b/Optimization.md index ce1a490be..20abc4294 100755 --- a/Optimization.md +++ b/Optimization.md @@ -1,20 +1,21 @@ +# Optimization.md __[Mathematical Optimization](https://en.wikipedia.org/wiki/Category:Mathematical_optimization) packages in Julia!__ - -+ [FRAMEWORKS](#frameworks) -+ [Linear Programming-Optimization](#linear-programming-optimization) -+ [Nonlinear Programming](#nonlinear-programming) -+ [UNCLASSIFIED](#unclassified) ++ [§1. FRAMEWORKS](#1-FRAMEWORKS) ++ [§2. Linear Programming-Optimization](#2-Linear-Programming-Optimization) ++ [§3. Nonlinear Programming](#3-Nonlinear-Programming) ++ [§4. UNCLASSIFIED](#4-UNCLASSIFIED) +---- ---- -# FRAMEWORKS +# §1. FRAMEWORKS + [JuMP.jl](https://github.com/jump-dev/JuMP.jl) :: A modeling language for Mathematical Optimization (linear, mixed-integer, conic, semidefinite, nonlinear). ---- -# [Linear Programming-Optimization](https://en.wikipedia.org/wiki/Linear_programming) +# §2. [Linear Programming-Optimization](https://en.wikipedia.org/wiki/Linear_programming) + [Clp.jl](https://github.com/jump-dev/Clp.jl) :: Interface to the Coin-OR Linear Programming solver (CLP) + [Gurobi.jl](https://github.com/jump-dev/Gurobi.jl) :: is a Julia interface for the Gurobi Optimizer, a [commercial optimization solver for a variety of mathematical programming problems](https://en.wikipedia.org/wiki/Gurobi), including linear programming (LP), quadratic programming (QP), quadratically constrained programming (QCP), mixed integer linear programming (MILP), mixed-integer quadratic programming (MIQP), and mixed-integer quadratically constrained programming (MIQCP). + [jlSimplex](https://github.com/mlubin/jlSimplex) :: Proof-of-concept implementation of the (dual) simplex algorithm for linear programming in Julia. @@ -22,11 +23,10 @@ __[Mathematical Optimization](https://en.wikipedia.org/wiki/Category:Mathematica + [PiecewiseLinearOpt.jl](https://github.com/joehuchette/PiecewiseLinearOpt.jl) :: Optimizing over piecewise linear functions. + [Tulip.jl](https://github.com/ds4dm/Tulip.jl) :: is an open-source interior-point solver for linear optimization, written in pure Julia. It implements the homogeneous primal-dual interior-point algorithm with multiple centrality corrections, and therefore handles unbounded and infeasible problems. - - ---- -# [Nonlinear Programming](https://en.wikipedia.org/wiki/Nonlinear_programming) +# §3. [Nonlinear Programming](https://en.wikipedia.org/wiki/Nonlinear_programming) + + [BARON.jl](https://github.com/joehuchette/BARON.jl) :: A wrapper for the BARON mixed-integer nonlinear programming solver. + [ConicNonlinearBridge.jl](https://github.com/mlubin/ConicNonlinearBridge.jl) :: Wrapper to solve conic optimization problems with derivative-based nonlinear solvers. + [Convex.jl](https://github.com/jump-dev/Convex.jl) :: A Julia library for mathematical programming that makes it easy to formulate and fast to solve nonlinear convex optimization problems. @@ -42,7 +42,8 @@ __[Mathematical Optimization](https://en.wikipedia.org/wiki/Category:Mathematica ---- -# UNCLASSIFIED +# §4. UNCLASSIFIED + + [AmplNLReader.jl](https://github.com/JuliaSmoothOptimizers/AmplNLReader.jl) :: A Julia Interface to AMPL. + [AmplNLWriter.jl](https://github.com/jump-dev/AmplNLWriter.jl) :: Julia interface to AMPL-enabled solvers + [AutomotiveDrivingModels.jl](https://github.com/tawheeler/AutomotiveDrivingModels.jl) :: For car encounter models. diff --git a/Programming-Paradigms.md b/Programming-Paradigms.md index 37a998efb..ce2c007be 100755 --- a/Programming-Paradigms.md +++ b/Programming-Paradigms.md @@ -21,6 +21,7 @@ Programming Paradigms: __Packages and resources that support various programming + [Turnaround Time](#turnaround-time) + [Style Guidelines](#style-guidelines) +---- ---- # [Automata](https://en.wikipedia.org/wiki/Category:Automata_(computation)) diff --git a/QA.md b/QA.md new file mode 100644 index 000000000..dbdc18b4d --- /dev/null +++ b/QA.md @@ -0,0 +1,17 @@ +# QA.md +[Quality Assurance](https://en.wikipedia.org/wiki/Quality_assurance) in Julia! + ++ [§1. Data QA](#1-Data-QA) ++ [§2. Package QA](§2-Package-QA] + +---- +---- + +# §1. Data QA ++ [ReferenceTests.jl](https://github.com/JuliaTesting/ReferenceTests.jl) :: QA package for comparing data against reference files. + +---- + +# §2. Package QA ++ [Aqua.jl(https://github.com/JuliaTesting/Aqua.jl) :: Automate Quality Assurance for Julia packages. + diff --git a/README.md b/README.md index 592e5db05..01fafbd28 100755 --- a/README.md +++ b/README.md @@ -35,6 +35,7 @@ + [Physics](https://github.com/svaksha/Julia.jl/blob/master/Physics.md) :: Julia software related to Physics. + [Programming Paradigms](https://github.com/svaksha/Julia.jl/blob/master/Programming-Paradigms.md) :: Programming Paradigms and language concepts that are used in the type system, data types, etc.. + [Publications](https://github.com/svaksha/Julia.jl/blob/master/Publications.md) :: Research Papers (journal and conference publications). ++ [QA](https://github.com/svaksha/Julia.jl/blob/master/QA.md) :: Quality Assurance in Julia. + [Resources](https://github.com/svaksha/Julia.jl/blob/master/Resources.md) :: List of community resources, development links, including events, (un)conferences, forums/ meetup groups, NEWS, blogs, cookbooks, cheatsheets, IJulia NoteBooks, and other useful resources. + [Server](https://github.com/svaksha/Julia.jl/blob/master/Server.md) :: HTTP/Web, Networking, and other server-side utils... + [Space Science](https://github.com/svaksha/Julia.jl/blob/master/Space-Science.md) :: Astronomy, Imaging, Planetary and [space science](https://en.wikipedia.org/wiki/Outline_of_space_science) related packages. @@ -50,9 +51,6 @@ + COPYRIGHT © 2012-Now [SVAKSHA](http://svaksha.com/pages/Bio), herewith dual-licensed for the data (ODbL-v1.0+) and the software (AGPLv3+), respectively. - + [§2.1. ODbL and AGPLv3](#2-1-ODbL-and-AGPLv3) - - ## §2.1. AGPLv3 and ODbL This repo uses multiple licences for data and code, viz. [ODbL](https://opendatacommons.org/licenses/odbl/1-0/) and [AGPLv3](http://www.gnu.org/licenses/agpl-3.0.html) diff --git a/Utilities.md b/Utilities.md index 083f50833..437476e9f 100755 --- a/Utilities.md +++ b/Utilities.md @@ -3,17 +3,19 @@ [Utility software](https://en.wikipedia.org/wiki/Utility_software) for storage, disk and OS utils to help analyze, configure, optimize or maintain a computer, viz. middleware, utility software, Shells and other handy utilities -+ [UTILS](#utils) - + [File Compression](#file-compression) - + [Microsoft Windows](#microsoft-windows) - + [Terminal](#terminal) -+ [Communication](#communication) - + [SMS](#sms) - + [VOIP](#voip) ++ [§1. UTILS](#1-UTILS) + + [§1.1. File Compression](#1-1-File-Compression) + + [§1.2. Microsoft Windows](#1-2-Microsoft-Windows) + + [§1.3. Terminal](#1-3-Terminal) ++ [§2. Communication](#2-Communication) + + [§2.1. IRC](#2-1-IRC) + + [§2.2. SMS](#2-2-SMS) + + [§2.3. VOIP](#2-3-VOIP) ---- +---- -# UTILS +# §1. UTILS + [Events.jl](https://github.com/SimonDanisch/Events.jl) :: Simple Event system. + [FilePaths.jl](https://github.com/Rory-Finnegan/FilePaths.jl) :: A type based approach to working with filesystem paths in julia. + [Graze.jl](https://github.com/iamed2/Graze.jl) :: A feed reader. @@ -22,8 +24,7 @@ + [SO.jl](https://github.com/dlfivefifty/SO.jl) :: Personal macros for Julia. + [Utils.jl](https://github.com/SimonDanisch/Utils.jl) :: Some utility functions by @SimonDanisch. -https://github.com/domluna/JuliaFormatter.jl -## File Compression +## §1.1. File Compression + [Blosc.jl](https://github.com/stevengj/Blosc.jl) :: The Blosc Module provides fast lossless compression for the Julia language by interfacing the Blosc Library, currently limited to 32-bit buffer sizes. + [gzip.jl](https://github.com/jvns/gzip.jl) :: GunZip in Julia. + [GZip.jl](https://github.com/JuliaLang/GZip.jl) :: A Julia interface for gzip functions in zlib. @@ -34,8 +35,7 @@ https://github.com/domluna/JuliaFormatter.jl + DOCS :: https://zipfilejl.readthedocs.org/en/latest/ + [Zlib.jl](https://github.com/dcjones/Zlib.jl) :: Zlib bindings for Julia. - -## Microsoft Windows +## §1.2. Microsoft Windows + [COMCall.jl](https://github.com/ihnorton/COMCall.jl) :: COM Interface for Julia. Ref :: [COM Class Objects and CLSIDs](http://msdn.microsoft.com/en-us/library/windows/desktop/ms678406%28v=vs.85%29.aspx) + [IniFile.jl](https://github.com/JuliaLang/IniFile.jl) :: Reading and writing Windows-style INI files. + [IUP.jl](https://github.com/joa-quim/IUP.jl) :: Julia interface to IUP windowing toolkit. @@ -48,7 +48,8 @@ https://github.com/domluna/JuliaFormatter.jl + [XCB.jl](https://github.com/JuliaGL/XCB.jl) :: XCB windowing library wrapper. -## Terminal +## §1.3. Terminal + + [AnsiColor.jl](https://github.com/Aerlinger/AnsiColor.jl) :: Support for ANSI colored strings in Julia. Supported in REPL/Shell environment for both Unix and Mac. + [ArgParse.jl](https://github.com/carlobaldassi/ArgParse.jl) :: Package for parsing command-line arguments to Julia programs. + [CLI.jl](https://github.com/Roger-luo/CLI.jl) :: A library for automatically generating command line interfaces from absolutely Julia object, inspired by `python-fire`. @@ -75,15 +76,15 @@ https://github.com/domluna/JuliaFormatter.jl ---- -# Communication +# §2. Communication -## IRC +## §2.1. IRC + [DandelionSlack.jl](https://github.com/dandeliondeathray/DandelionSlack.jl) :: Slack API in Julia. + [Slackbot.jl](https://github.com/jiahao/Slackbot.jl) :: A Julia REPL that interacts with Slack.com's webhook integration. -## SMS +## §2.2. SMS + [Twilert.jl](https://github.com/glesica/Twilert.jl) :: A small SMS alert library for Julia. -## VOIP +## §2.2. VOIP + [Discord.jl](https://github.com/PurgePJ/Discord.jl) :: Julia Discord wrapper. + [Toxcore.jl](https://github.com/SimonDanisch/Toxcore.jl) :: A Julia wrapper for [Tox](http://en.wikipedia.org/wiki/Tox_%28software%29). diff --git a/db.csv b/db.csv index 80d89c34c..370ed347d 100755 --- a/db.csv +++ b/db.csv @@ -788,43 +788,43 @@ Earth-Science,METEOROLOGY,Hotwire.jl,https://github.com/pjabardo/Hotwire.jl,Hotw Earth-Science,METEOROLOGY,Met_Plots_Models.jl,https://github.com/zhujinxuan/Met_Plots_Models.jl,A simple wrapper of matlibplot for a meteorologist. Earth-Science,METEOROLOGY,Scriabin.jl,https://github.com/jsbj/Scriabin.jl,Radiative transfer in Julia. Earth-Science,METEOROLOGY,TTCal.jl,https://github.com/mweastwood/TTCal.jl,A bandpass calibration routine developed for the [OVRO](https://en.wikipedia.org/wiki/Owens_Valley_Radio_Observatory) LWA. -FileIO,"§1.BinaryIO.",FortranFiles.jl,https://github.com/traktofon/FortranFiles.jl,"Read and write ""unformatted"" Fortran data, i.e. binary data interspersed with metadata about data records." -FileIO,"§1.BinaryIO.",HexEdit.jl,https://github.com/templarlabs/HexEdit.jl,Edit and display binary file data in hexadecimal format. -FileIO,"§1.BinaryIO.",LargeColumns.jl,https://github.com/tpapp/LargeColumns.jl,"Handle large columns (vectors of equal length) with bits types in Julia using mmap - a thin wrapper for mmapped binary data, with a few sanity checks and convenience functions." -FileIO,"§1.BinaryIO.",StrPack.jl,https://github.com/pao/StrPack.jl,For encoding and decoding binary data streams and there is some [documentation](https://strpackjl.readthedocs.org/) at readthedocs.org. -FileIO,"§2.DataFormats.",AIDA.jl,https://github.com/jstrube/AIDA.jl,This package implements simple readers for legacy AIDA files. -FileIO,"§2.DataFormats.",BEncode.jl,https://github.com/joshuamiller/BEncode.jl,A Julia library for BEncode metadata files used for encoding BitTorrent storage and transmission of loosely structured data. -FileIO,"§2.DataFormats.",BDF.jl,https://github.com/sam81/BDF.jl,Module to read [Biosemi BDF files](http://www.biosemi.com/faq/file_format.htm) with the Julia programming language. -FileIO,"§2.DataFormats.",BDF.jl fork,https://github.com/codles/BDF.jl) by @codle,A fork of BDF.jl that has started to add support for [EDF](http://www.edfplus.info/specs/edf.html) files. -FileIO,"§2.DataFormats.",BGZF.jl,https://github.com/kmsquire/BGZF.jl,A Julia package to read/write BGZF compressed files. -FileIO,"§2.DataFormats.",Brukerfile.jl,https://github.com/tknopp/Brukerfile.jl,Read Bruker data files. -FileIO,"§2.DataFormats.",BufferedStreams.jl,https://github.com/BioJulia/BufferedStreams.jl,Fast composable IO streams. -FileIO,"§2.DataFormats.",COFF.jl,https://github.com/Keno/COFF.jl,A julia implementation of the PE/COFF file format. -FileIO,"§2.DataFormats.",DWARF.jl,https://github.com/Keno/DWARF.jl,Julia Package for parsing the DWARF file format. -FileIO,"§2.DataFormats.",ELF.jl,https://github.com/Keno/ELF.jl,Julia Package for working with ELF files. -FileIO,"§2.DataFormats.",FastaIO.jl,https://github.com/carlobaldassi/FastaIO.jl,Utilities to read/write FASTA format files in Julia. -FileIO,"§2.DataFormats.",FlatBuffers.jl,https://github.com/dmbates/FlatBuffers.jl,A package to support Julia code generated by Google's flatbuffers compiler `flatc`. -FileIO,"§2.DataFormats.",Grisu.jl,https://github.com/quinnj/Grisu.jl,Port of Double-Conversion library to native Julia. -FileIO,"§2.DataFormats.",IniFile.jl,https://github.com/JuliaLang/IniFile.jl,Reading and writing Windows-style INI files. -FileIO,"§2.DataFormats.",MachO.jl,https://github.com/Keno/MachO.jl,An implementation of the MachO file format. -FileIO,"§2.DataFormats.",MNIST.jl,https://github.com/johnmyleswhite/MNIST.jl,"Tools for working with the MNIST data set. This package provides access to the classic MNIST data set of handwritten digits that has been used as a testbed for new machine learning methods. The MNIST data set is included with the package, downloaded into their original IDX format and are stored in the data/ directory." -FileIO,"§2.DataFormats.",NeuralynxNCS.jl,https://github.com/simonster/NeuralynxNCS.jl,A Julia module for reading Neuralynx NCS files. -FileIO,"§2.DataFormats.",NetCDF.jl,https://github.com/meggart/NetCDF.jl,"NetCDF support for a high-level and a medium-level interface for writing and reading netcdf files, for the Julia programming language." -FileIO,"§2.DataFormats.",NPZ.jl,https://github.com/fhs/NPZ.jl,Julia package that provides support for reading and writing Numpy .npy and .npz files. -FileIO,"§2.DataFormats.",ObjFileBase.jl,https://github.com/Keno/ObjFileBase.jl,Common functionality for Object Files. -FileIO,"§2.DataFormats.",OIFITS.jl,https://github.com/emmt/OIFITS.jl,Support for OI-FITS (optical interferometry data format). -FileIO,"§2.DataFormats.",OpenSlide.jl,https://github.com/ihnorton/OpenSlide.jl,OpenSlide bindings for Julia. -FileIO,"§2.DataFormats.",PdbTool,https://github.com/christophfeinauer/PdbTool.jl,An object-oriented Julia tool to parse PDB files and work with them. -FileIO,"§2.DataFormats.",PList.jl,https://github.com/ordovician/PList.jl,A module for reading and writing OS X plist in ASCII format. The binary and XML format is not supported presently. -FileIO,"§2.DataFormats.",PLX.jl,https://github.com/simonster/PLX.jl,Julia module for reading Plexon PLX files. -FileIO,"§2.DataFormats.",HarwellBoeing.jl,https://github.com/dpo/HarwellBoeing.jl,A reader for matrices and supplementary data written in the Harwell-Boeing format. -FileIO,"§2.DataFormats.",SASLib.jl,https://github.com/tk3369/SASLib.jl,Provide a Julia library for reading SAS7BDAT data sets. -FileIO,"§2.DataFormats.",Shapefile.jl,https://github.com/Keno/Shapefile.jl,Parsing .shp files in Julia. -FileIO,"§2.DataFormats.",Silo.jl,https://github.com/jgoldfar/Silo.jl,Wrapper for the Silo file format. -FileIO,"§2.DataFormats.",XPT.jl,https://github.com/lendle/XPT.jl,The XPT package reads SAS® software transport files and converts SAS software datasets to DataFrames. -FileIO,[Avro](https://en.wikipedia.org/wiki/Apache_Avro],Avro.jl,https://github.com/JuliaData/Avro.jl," Julia implementation of the Apache Avro data standard. It provides convenient APIs for reading/writing data directly in the avro format, or as schema-included object container files." -FileIO,BSON,BSON.jl,https://github.com/MikeInnes/BSON.jl,"A Julia package for working with the Binary JSON serialisation format, that can be used as a general store for Julia data structures." -FileIO,BSON,BSONify.jl,https://github.com/OliverColeman/BSONify.jl,"Convert just about any data structure - including primitive types, arbitrary composite types defined by other modules or your own data structures, nested and recursive data structures, complicated parametrised types, and even type unions - to clean and simple BSON and back again. Save and load to/from files or a MongoDB." +FileIO,"§1.BinaryIO",FortranFiles.jl,https://github.com/traktofon/FortranFiles.jl,"Read and write ""unformatted"" Fortran data, i.e. binary data interspersed with metadata about data records." +FileIO,"§1.BinaryIO",HexEdit.jl,https://github.com/templarlabs/HexEdit.jl,Edit and display binary file data in hexadecimal format. +FileIO,"§1.BinaryIO",LargeColumns.jl,https://github.com/tpapp/LargeColumns.jl,"Handle large columns (vectors of equal length) with bits types in Julia using mmap - a thin wrapper for mmapped binary data, with a few sanity checks and convenience functions." +FileIO,"§1.BinaryIO",StrPack.jl,https://github.com/pao/StrPack.jl,For encoding and decoding binary data streams and there is some [documentation](https://strpackjl.readthedocs.org/) at readthedocs.org. +FileIO,"§2.DataFormats",AIDA.jl,https://github.com/jstrube/AIDA.jl,This package implements simple readers for legacy AIDA files. +FileIO,"§2.DataFormats",BEncode.jl,https://github.com/joshuamiller/BEncode.jl,A Julia library for BEncode metadata files used for encoding BitTorrent storage and transmission of loosely structured data. +FileIO,"§2.DataFormats",BDF.jl,https://github.com/sam81/BDF.jl,Module to read [Biosemi BDF files](http://www.biosemi.com/faq/file_format.htm) with the Julia programming language. +FileIO,"§2.DataFormats",BDF.jl fork,https://github.com/codles/BDF.jl) by @codle,A fork of BDF.jl that has started to add support for [EDF](http://www.edfplus.info/specs/edf.html) files. +FileIO,"§2.DataFormats",BGZF.jl,https://github.com/kmsquire/BGZF.jl,A Julia package to read/write BGZF compressed files. +FileIO,"§2.DataFormats",Brukerfile.jl,https://github.com/tknopp/Brukerfile.jl,Read Bruker data files. +FileIO,"§2.DataFormats",BufferedStreams.jl,https://github.com/BioJulia/BufferedStreams.jl,Fast composable IO streams. +FileIO,"§2.DataFormats",COFF.jl,https://github.com/Keno/COFF.jl,A julia implementation of the PE/COFF file format. +FileIO,"§2.DataFormats",DWARF.jl,https://github.com/Keno/DWARF.jl,Julia Package for parsing the DWARF file format. +FileIO,"§2.DataFormats",ELF.jl,https://github.com/Keno/ELF.jl,Julia Package for working with ELF files. +FileIO,"§2.DataFormats",FastaIO.jl,https://github.com/carlobaldassi/FastaIO.jl,Utilities to read/write FASTA format files in Julia. +FileIO,"§2.DataFormats",FlatBuffers.jl,https://github.com/dmbates/FlatBuffers.jl,A package to support Julia code generated by Google's flatbuffers compiler `flatc`. +FileIO,"§2.DataFormats",Grisu.jl,https://github.com/quinnj/Grisu.jl,Port of Double-Conversion library to native Julia. +FileIO,"§2.DataFormats",IniFile.jl,https://github.com/JuliaLang/IniFile.jl,Reading and writing Windows-style INI files. +FileIO,"§2.DataFormats",MachO.jl,https://github.com/Keno/MachO.jl,An implementation of the MachO file format. +FileIO,"§2.DataFormats",MNIST.jl,https://github.com/johnmyleswhite/MNIST.jl,"Tools for working with the MNIST data set. This package provides access to the classic MNIST data set of handwritten digits that has been used as a testbed for new machine learning methods. The MNIST data set is included with the package, downloaded into their original IDX format and are stored in the data/ directory." +FileIO,"§2.DataFormats",NeuralynxNCS.jl,https://github.com/simonster/NeuralynxNCS.jl,A Julia module for reading Neuralynx NCS files. +FileIO,"§2.DataFormats",NetCDF.jl,https://github.com/meggart/NetCDF.jl,"NetCDF support for a high-level and a medium-level interface for writing and reading netcdf files, for the Julia programming language." +FileIO,"§2.DataFormats",NPZ.jl,https://github.com/fhs/NPZ.jl,Julia package that provides support for reading and writing Numpy .npy and .npz files. +FileIO,"§2.DataFormats",ObjFileBase.jl,https://github.com/Keno/ObjFileBase.jl,Common functionality for Object Files. +FileIO,"§2.DataFormats",OIFITS.jl,https://github.com/emmt/OIFITS.jl,Support for OI-FITS (optical interferometry data format). +FileIO,"§2.DataFormats",OpenSlide.jl,https://github.com/ihnorton/OpenSlide.jl,OpenSlide bindings for Julia. +FileIO,"§2.DataFormats",PdbTool,https://github.com/christophfeinauer/PdbTool.jl,An object-oriented Julia tool to parse PDB files and work with them. +FileIO,"§2.DataFormats",PList.jl,https://github.com/ordovician/PList.jl,A module for reading and writing OS X plist in ASCII format. The binary and XML format is not supported presently. +FileIO,"§2.DataFormats",PLX.jl,https://github.com/simonster/PLX.jl,Julia module for reading Plexon PLX files. +FileIO,"§2.DataFormats",HarwellBoeing.jl,https://github.com/dpo/HarwellBoeing.jl,A reader for matrices and supplementary data written in the Harwell-Boeing format. +FileIO,"§2.DataFormats",SASLib.jl,https://github.com/tk3369/SASLib.jl,Provide a Julia library for reading SAS7BDAT data sets. +FileIO,"§2.DataFormats",Shapefile.jl,https://github.com/Keno/Shapefile.jl,Parsing .shp files in Julia. +FileIO,"§2.DataFormats",Silo.jl,https://github.com/jgoldfar/Silo.jl,Wrapper for the Silo file format. +FileIO,"§2.DataFormats",XPT.jl,https://github.com/lendle/XPT.jl,The XPT package reads SAS® software transport files and converts SAS software datasets to DataFrames. +FileIO,"§2.1.[Avro](https://en.wikipedia.org/wiki/Apache_Avro]",Avro.jl,https://github.com/JuliaData/Avro.jl,"Julia implementation of the Apache Avro data standard. It provides convenient APIs for reading/writing data directly in the avro format, or as schema-included object container files." +FileIO,"§2.2.BSON",BSON.jl,https://github.com/MikeInnes/BSON.jl,"A Julia package for working with the Binary JSON serialisation format, that can be used as a general store for Julia data structures." +FileIO,"§2.2.BSON",BSONify.jl,https://github.com/OliverColeman/BSONify.jl,"Convert just about any data structure - including primitive types, arbitrary composite types defined by other modules or your own data structures, nested and recursive data structures, complicated parametrised types, and even type unions - to clean and simple BSON and back again. Save and load to/from files or a MongoDB." FileIO,JSON,Json2.jl,https://github.com/ddolgi/Json2.jl,JSON encoder/decoder on Julia. FileIO,JSON,JSONTables.jl,https://github.com/JuliaData/JSONTables.jl,JSON + Tables.jl FileIO,JSON,LazyJSON.jl,https://github.com/samoconnor/LazyJSON.jl,LazyJSON is an interface for reading JSON data in Julia programs. @@ -1691,100 +1691,100 @@ Mathematics,PUZZLES,sudoku.jl,https://github.com/johnmyleswhite/sudoku.jl) by @j Mathematics,PUZZLES,Sudoku.jl,https://github.com/hayd/Sudoku.jl) by @hay,A port of Peter Norvig's __Solving Every Sudoku Puzzle__ to Julia. Mathematics,PUZZLES,SudokuService,https://github.com/IainNZ/SudokuService,"Sudoku-as-a-service, powered by Julia, JuMP modelling, and CoinOR CBC integer programming solver." Mathematics,PUZZLES,Tetris.jl,https://github.com/djsegal/Tetris.jl,Kids game https://juliatetris.com/ -Optimization,FRAMEWORKS,JuMP.jl,https://github.com/jump-dev/JuMP.jl,"A modeling language for Mathematical Optimization (linear, mixed-integer, conic, semidefinite, nonlinear)." -Optimization,[LinearProgramming-Optimization](https://en.wikipedia.org/wiki/Linear_programming),Clp.jl,https://github.com/jump-dev/Clp.jl,Interface to the Coin-OR Linear Programming solver (CLP) -Optimization,[LinearProgramming-Optimization](https://en.wikipedia.org/wiki/Linear_programming),Gurobi.jl,https://github.com/jump-dev/Gurobi.jl,"is a Julia interface for the Gurobi Optimizer, a [commercial optimization solver for a variety of mathematical programming problems](https://en.wikipedia.org/wiki/Gurobi), including linear programming (LP), quadratic programming (QP), quadratically constrained programming (QCP), mixed integer linear programming (MILP), mixed-integer quadratic programming (MIQP), and mixed-integer quadratically constrained programming (MIQCP)." -Optimization,[LinearProgramming-Optimization](https://en.wikipedia.org/wiki/Linear_programming),jlSimplex,https://github.com/mlubin/jlSimplex,Proof-of-concept implementation of the (dual) simplex algorithm for linear programming in Julia. -Optimization,[LinearProgramming-Optimization](https://en.wikipedia.org/wiki/Linear_programming),NLTester,https://github.com/IainNZ/NLTester,"Code for benchmarks comparing AMPL, Julia, and YALMIP (MATLAB) for nonlinear modeling." -Optimization,[LinearProgramming-Optimization](https://en.wikipedia.org/wiki/Linear_programming),PiecewiseLinearOpt.jl,https://github.com/joehuchette/PiecewiseLinearOpt.jl,Optimizing over piecewise linear functions. -Optimization,[LinearProgramming-Optimization](https://en.wikipedia.org/wiki/Linear_programming),Tulip.jl,https://github.com/ds4dm/Tulip.jl,"is an open-source interior-point solver for linear optimization, written in pure Julia. It implements the homogeneous primal-dual interior-point algorithm with multiple centrality corrections, and therefore handles unbounded and infeasible problems." -Optimization,[NonlinearProgramming](https://en.wikipedia.org/wiki/Nonlinear_programming),BARON.jl,https://github.com/joehuchette/BARON.jl,A wrapper for the BARON mixed-integer nonlinear programming solver. -Optimization,[NonlinearProgramming](https://en.wikipedia.org/wiki/Nonlinear_programming),ConicNonlinearBridge.jl,https://github.com/mlubin/ConicNonlinearBridge.jl,Wrapper to solve conic optimization problems with derivative-based nonlinear solvers. -Optimization,[NonlinearProgramming](https://en.wikipedia.org/wiki/Nonlinear_programming),Convex.jl,https://github.com/jump-dev/Convex.jl,A Julia library for mathematical programming that makes it easy to formulate and fast to solve nonlinear convex optimization problems. -Optimization,[NonlinearProgramming](https://en.wikipedia.org/wiki/Nonlinear_programming),CUTEst.jl,https://github.com/JuliaSmoothOptimizers/CUTEst.jl,Julia interface for CUTEst. -Optimization,[NonlinearProgramming](https://en.wikipedia.org/wiki/Nonlinear_programming),DReal.jl,https://github.com/zenna/DReal.jl,A Julia wrapper for Nonlinear SMT solving using the dReal SMT solver. -Optimization,[NonlinearProgramming](https://en.wikipedia.org/wiki/Nonlinear_programming),Ipopt.jl,https://github.com/jump-dev/Ipopt.jl,Julia interface to the Ipopt nonlinear solver. -Optimization,[NonlinearProgramming](https://en.wikipedia.org/wiki/Nonlinear_programming),NLPModels.jl,https://github.com/JuliaSmoothOptimizers/NLPModels.jl,A standardized API to evaluate the functions and derivatives of nonlinear optimization models. -Optimization,[NonlinearProgramming](https://en.wikipedia.org/wiki/Nonlinear_programming),NLopt.jl,https://github.com/JuliaOpt/NLopt.jl,Package to call the NLopt nonlinear-optimization library from the Julia language. -Optimization,[NonlinearProgramming](https://en.wikipedia.org/wiki/Nonlinear_programming),Optim.jl,https://github.com/JuliaNLSolvers/Optim.jl,Univariate and multivariate optimization solvers in Julia. -Optimization,[NonlinearProgramming](https://en.wikipedia.org/wiki/Nonlinear_programming),Quadprog.jl,https://github.com/harmeling/Quadprog.jl,A wrapper around Ipopt.jl to solve quadratic programming problems. This package provides the function quadprog which calls the Ipopt.jl library for Interior Point Nonlinear Optimization. -Optimization,[NonlinearProgramming](https://en.wikipedia.org/wiki/Nonlinear_programming),OptimizationServices.jl,https://github.com/tkelman/OptimizationServices.jl,"Julia interface to [COIN-OR Optimization Services](https://projects.coin-or.org/OS). This Julia package is intended to be an interface between `MathProgBase.jl` and COIN-OR Optimization Services (OS), translating between the Julia-expression-tree `MathProgBase` format for nonlinear objective and constraint functions and the Optimization Services instance Language (OSiL) XML-based optimization problem interchange format." -Optimization,[NonlinearProgramming](https://en.wikipedia.org/wiki/Nonlinear_programming),PDENLPModels.jl,https://github.com/JuliaSmoothOptimizers/PDENLPModels.jl,A NLPModel API for optimization problems with PDE-constraints. -Optimization,UNCLASSIFIED,AmplNLReader.jl,https://github.com/JuliaSmoothOptimizers/AmplNLReader.jl,A Julia Interface to AMPL. -Optimization,UNCLASSIFIED,AmplNLWriter.jl,https://github.com/jump-dev/AmplNLWriter.jl,Julia interface to AMPL-enabled solvers -Optimization,UNCLASSIFIED,AutomotiveDrivingModels.jl,https://github.com/tawheeler/AutomotiveDrivingModels.jl,For car encounter models. -Optimization,UNCLASSIFIED,BlackBoxOptim.jl,https://github.com/robertfeldt/BlackBoxOptim.jl,"An experimental, work-in-progress global optimization framework for Julia, supporting both multi- and single-objective optimization problems, focused on (meta-)heuristic/stochastic algorithms (DE, PSO, CMA-ES etc)." -Optimization,UNCLASSIFIED,BLOM.jl,https://github.com/tkelman/BLOM.jl,A Julia port of the Berkeley Library for Optimization Modeling (Work-In-Progress). -Optimization,UNCLASSIFIED,CGP.jl,https://github.com/glesica/CGP.jl,Cartesian Genetic Programming (CGP) implemented in Julia. -Optimization,UNCLASSIFIED,Caching.jl,https://github.com/zgornel/Caching.jl,Memoization mechanism. -Optimization,UNCLASSIFIED,Cbc.jl,https://github.com/jump-dev/Cbc.jl,Interface to the Coin-OR Cbc solver for mixed-integer programming -Optimization,UNCLASSIFIED,CharibdeOptim.jl,https://github.com/yashcodes/CharibdeOptim.jl,A Julia implementation of the cooperative solver Charibde. -Optimization,UNCLASSIFIED,CGRASP.jl,https://github.com/tautologico/CGRASP.jl,"Continuous Greedy Randomized Adaptive Search Procedure (CGRASP), in Julia." -Optimization,UNCLASSIFIED,CSDP.jl,https://github.com/joehuchette/CSDP.jl,Julia wrapper for the CSDP semidefinite programming solver. -Optimization,UNCLASSIFIED,ConstraintProgramming.jl,https://github.com/dpsanders/ConstraintProgramming.jl, Calculates the feasible region for a set of real-valued inequalities with Julia. -Optimization,UNCLASSIFIED,CutPools.jl,https://github.com/joehuchette/CutPools.jl,Pools of cutting planes for JuMP models. -Optimization,UNCLASSIFIED,CPLEX.jl,https://github.com/jump-dev/CPLEX.jl,The CPLEX.jl package provides an interface for using IBM's CPLEX Optimizer™ from the Julia language. You cannot use CPLEX.jl without having purchased and installed a copy of CPLEX Optimizer™ from IBM. This package is available free of charge and in no way replaces or alters any functionality of IBM's CPLEX Optimizer product. -Optimization,UNCLASSIFIED,CSDP.jl,https://github.com/jump-dev/CSDP.jl,Julia wrapper to [CSDP](https://projects.coin-or.org/Csdp/) semidefinite programming solver. -Optimization,UNCLASSIFIED,CoinOptServices.jl,https://github.com/JuliaOpt/CoinOptServices.jl, Julia interface to COIN-OR [Optimization Services](https://projects.coin-or.org/OS). -Optimization,UNCLASSIFIED,DDUS.jl,https://github.com/vgupta1/DDUS.jl,Data-driven Uncertainty Sets for the JuMPeR framework. -Optimization,UNCLASSIFIED,ECOS.jl,https://github.com/jump-dev/ECOS.jl,Julia wrapper for the ECOS conic optimization solver. -Optimization,UNCLASSIFIED,EAGO.jl,https://github.com/MatthewStuber/EAGO.jl,A development environment for robust and global optimization. -Optimization,UNCLASSIFIED,EAGODomainReduction.jl,https://github.com/MatthewStuber/EAGODomainReduction.jl,Domain Reduction Procedures in Global Optimization. -Optimization,UNCLASSIFIED,GeneticAlgorithms.jl,https://github.com/forio/GeneticAlgorithms.jl,is a lightweight framework that simplifies the process of creating genetic algorithms and running them in parallel. -Optimization,UNCLASSIFIED,GLPK.jl,https://github.com/jump-dev/GLPK.jl,GLPK wrapper module for Julia. -Optimization,UNCLASSIFIED,GLPKMathProgInterface.jl,https://github.com/JuliaOpt/GLPKMathProgInterface.jl,Interface between the GLPK.jl wrapper and MathProgBase.jl. -Optimization,UNCLASSIFIED,HSL.jl,https://github.com/JuliaSmoothOptimizers/HSL.jl,Julia interface to the HSL Mathematical Software Library. -Optimization,UNCLASSIFIED,InformedDifferentialEvolution.jl,https://github.com/rened/InformedDifferentialEvolution.jl,Implementation of Differential Evolution with optional custom predictors. -Optimization,UNCLASSIFIED,jobshop,https://github.com/stefan-k/jobshop,The Jobshop (Open Shop Scheduling Problem (OSSP)) problem is solved with evolutionary strategies in Julia. -Optimization,UNCLASSIFIED,JuliaCMAES,https://github.com/Staross/JuliaCMAES,CMA-ES port - a mix of the original minimal MATLAB implementation (purecmaes.m) and the full one (cmaes.m). -Optimization,UNCLASSIFIED,julia-nlopt,https://github.com/MetalNinjas/julia-nlopt,NLopt bindings for julia. {__NB: Not maintained for the current Julia releases__}. -Optimization,UNCLASSIFIED,JuMPeR.jl,https://github.com/IainNZ/JuMPeR.jl,Julia for Mathematical Programming (JuMP) extension for Robust optimization. -Optimization,UNCLASSIFIED,JuMPTools.jl,https://github.com/IainNZ/JuMPTools.jl,Small helper functions for JuMP models. -Optimization,UNCLASSIFIED,JuGP.jl,https://github.com/mlubin/JuGP.jl,A prototype JuMP extension for geometric programming. -Optimization,UNCLASSIFIED,Junquo.jl,http://github.com/IainNZ/Junquo.jl,"stands for _JUlia Nonconvex QUadratically constrained quadratic program Optimizer_, a (mixed-integer) nonconvex quadratically constrained quadratic program (QCQP) solver." -Optimization,UNCLASSIFIED,KNITRO.jl,https://github.com/jump-dev/KNITRO.jl,"This package provides an interface for using the KNITRO solver from the Julia language, which can only be used after having purchased and installed a copy of KNITRO from Ziena Optimization." -Optimization,UNCLASSIFIED,LinearOperators.jl,https://github.com/JuliaSmoothOptimizers/LinearOperators.jl,Linear Operators for Julia. -Optimization,UNCLASSIFIED,LinearResponseVariationalBayes.jl,https://github.com/rgiordan/LinearResponseVariationalBayes.jl,Julia tools for building simple variational Bayes models with JuMP. -Optimization,UNCLASSIFIED,LossFuns.jl,https://github.com/lindahua/LossFuns.jl,An implementation of loss functions for empirical risk minimization. -Optimization,UNCLASSIFIED,LsqFit.jl,https://github.com/JuliaNLSolvers/LsqFit.jl,Simple curve fitting functionality from Optim.jl has been moved into its own package. -Optimization,UNCLASSIFIED,LSQ.jl,https://github.com/davidlizeng/LSQ.jl,is a library that makes it easy to formulate and solve least-squares optimization problems with linear equality constraints. -Optimization,UNCLASSIFIED,MathProgBase.jl,https://github.com/JuliaOpt/MathProgBase.jl,Solver-independent functions (incl. linprog and mixintprog) and low-level interface for Mathematical Programming. -Optimization,UNCLASSIFIED,Mayday.jl,https://github.com/rdeits/Mayday.jl,"Sums-of-Squares optimization in Julia, powered by JuMP" -Optimization,UNCLASSIFIED,MinFinder.jl,https://github.com/Ken-B/MinFinder.jl,The MinFinder algorithm to find all the minima for a differentiable function inside a bounded domain. -Optimization,UNCLASSIFIED,Memoize.jl,https://github.com/simonster/Memoize.jl,Easy memoization for Julia. -Optimization,UNCLASSIFIED,Mosek.jl,https://github.com/MOSEK/Mosek.jl,Interface to the Mosek solver in Julia. -Optimization,UNCLASSIFIED,MOpt.jl,https://github.com/floswald/MOpt.jl,Parallel derivative-free Moment Optimization for Julia. -Optimization,UNCLASSIFIED,Munkres.jl,https://github.com/FugroRoames/Munkres.jl,Munkres algorithm for the optimal assignment problem. -Optimization,UNCLASSIFIED,NEOS.jl,https://github.com/odow/NEOS.jl,A Julia interface for the NEOS Optimisation Server. -Optimization,UNCLASSIFIED,NewOptimizer.jl,https://github.com/Keno/NewOptimizer.jl,WIP for new optimizer for julia base. -Optimization,UNCLASSIFIED,NODAL.jl,https://github.com/phrb/NODAL.jl,is an Open Distributed Autotuning Library in Julia. -Optimization,UNCLASSIFIED,OSQP.jl,https://github.com/oxfordcontrol/OSQP.jl,A Julia wrapper for the Operator Splitting Quadratic Program (OSQP) solver is a numerical optimization package. -Optimization,UNCLASSIFIED,ParallelGenocop.jl,https://github.com/display-none/ParallelGenocop.jl,Parallel implementation of Genocop - a genetic algorithm for numerical optimization problems with linear constraints. -Optimization,UNCLASSIFIED,pikaia.jl,https://github.com/tmeits/pikaia.jl,Genetic Algorithms (GA's). -Optimization,UNCLASSIFIED,PolyJuMP,https://github.com/jump-dev/PolyJuMP.jl,A JuMP extension for Polynomial Optimization. -Optimization,UNCLASSIFIED,Polyopt.jl,https://github.com/MOSEK/Polyopt.jl,"Julia package for polynomial optimization using semidefinite programming, with some [presentation notebooks](https://github.com/MOSEK/Polyopt.jl/tree/master/notebooks) of an optimization package." -Optimization,UNCLASSIFIED,Predictors.jl,https://github.com/dejakaymac/Predictors.jl, -Optimization,UNCLASSIFIED,ProfileView.jl,https://github.com/GlenHertz/ProfileView.jl,Interactive SVG flame graphs for analyzing/profiling. An HTML preview of the [SVG example](http://htmlpreview.github.io/?https://raw.github.com/GlenHertz/ProfileView.jl/master/readme_images/profile.svg) -Optimization,UNCLASSIFIED,ProxAlgs.jl,https://github.com/ahwillia/ProxAlgs.jl,Proximal algorithms for optimization in Julia. -Optimization,UNCLASSIFIED,Proximal.jl,https://github.com/johnmyleswhite/Proximal.jl,Translation of Parikh and Boyd code for proximal algorithms. -Optimization,UNCLASSIFIED,QuadDIRECT.jl,https://github.com/timholy/QuadDIRECT.jl,Global optimization without derivatives. -Optimization,UNCLASSIFIED,QuickCheck.jl,https://github.com/pao/QuickCheck.jl,is listed in METADATA and based on QuickCheck specification-based randomized tester for Julia. -Optimization,UNCLASSIFIED,Ranking.jl,https://github.com/johnmyleswhite/Ranking.jl,Tools for ranking in Julia. -Optimization,UNCLASSIFIED,RationalSimplex.jl,https://github.com/IainNZ/RationalSimplex.jl,Pure Julia implementation of the simplex algorithm. -Optimization,UNCLASSIFIED,scheduleCrew.jl,https://github.com/hugdiniz/scheduleCrew.jl), -Optimization,UNCLASSIFIED,SCIP.jl,https://github.com/mlubin/SCIP.jl) by @mlubi,An optimization software for mixed-integer programs. -Optimization,UNCLASSIFIED,SCIP.jl,https://github.com/ryanjoneil/SCIP.jl) by @ryanjonei,A Julia interface to the SCIP solver. -Optimization,UNCLASSIFIED,SCS.jl,https://github.com/jump-dev/SCS.jl,Julia Wrapper for SCS (https://github.com/cvxgrp/scs). -Optimization,UNCLASSIFIED,SemidefiniteModels,https://github.com/JuliaOpt/SemidefiniteModels.jl,A MathProgBase extension for Semidefinite Modelling. -Optimization,UNCLASSIFIED,SemidefiniteProgramming.jl,https://github.com/daviddelaat/SemidefiniteProgramming.jl,This package provides a Julia interface for low-level modeling of semidefinite programming problems and for solving semidefinite programs with solvers such as SDPA and CSDP. -Optimization,UNCLASSIFIED,simplex.jl,https://github.com/davidagold/simplex.jl,Practice project program that performs the simplex algorithm. -Optimization,UNCLASSIFIED,StructJuMP.jl,https://github.com/joehuchette/StructJuMP.jl,A block-structured optimization framework for JuMP. -Optimization,UNCLASSIFIED,SumOfSquares.jl,https://github.com/jump-dev/SumOfSquares.jl,Sum of Squares Programming for Julia. -Optimization,UNCLASSIFIED,Surrogates.jl,https://github.com/JuliaDiffEq/Surrogates.jl,Surrogate modeling and optimization. -Optimization,UNCLASSIFIED,TrafficAssignment.jl,https://github.com/chkwon/TrafficAssignment.jl,A package for traffic assignment that loads the network data and finds the user equilibrium traffic pattern. -Optimization,UNCLASSIFIED,VinDsl.jl,https://github.com/jmxpearson/VinDsl.jl,A fast and furious domain-specific language for variational inference in Julia. -Optimization,UNCLASSIFIED,VRP,https://github.com/IainNZ/VRP,Vehicle Routing Problem (VRP) is a combinatorial optimization and integer programming problem. -Optimization,UNCLASSIFIED,Xpress.jl,https://github.com/jump-dev/Xpress.jl,A Julia interface for the FICO Xpress optimization suite. +Optimization,"§1.FRAMEWORKS",JuMP.jl,https://github.com/jump-dev/JuMP.jl,"A modeling language for Mathematical Optimization (linear, mixed-integer, conic, semidefinite, nonlinear)." +Optimization,"§2.[LinearProgramming-Optimization](https://en.wikipedia.org/wiki/Linear_programming)",Clp.jl,https://github.com/jump-dev/Clp.jl,Interface to the Coin-OR Linear Programming solver (CLP) +Optimization,"§2.[LinearProgramming-Optimization](https://en.wikipedia.org/wiki/Linear_programming)",Gurobi.jl,https://github.com/jump-dev/Gurobi.jl,"is a Julia interface for the Gurobi Optimizer, a [commercial optimization solver for a variety of mathematical programming problems](https://en.wikipedia.org/wiki/Gurobi), including linear programming (LP), quadratic programming (QP), quadratically constrained programming (QCP), mixed integer linear programming (MILP), mixed-integer quadratic programming (MIQP), and mixed-integer quadratically constrained programming (MIQCP)." +Optimization,"§2.[LinearProgramming-Optimization](https://en.wikipedia.org/wiki/Linear_programming)",jlSimplex,https://github.com/mlubin/jlSimplex,Proof-of-concept implementation of the (dual) simplex algorithm for linear programming in Julia. +Optimization,"§2.[LinearProgramming-Optimization](https://en.wikipedia.org/wiki/Linear_programming)",NLTester,https://github.com/IainNZ/NLTester,"Code for benchmarks comparing AMPL, Julia, and YALMIP (MATLAB) for nonlinear modeling." +Optimization,"§2.[LinearProgramming-Optimization](https://en.wikipedia.org/wiki/Linear_programming)",PiecewiseLinearOpt.jl,https://github.com/joehuchette/PiecewiseLinearOpt.jl,Optimizing over piecewise linear functions. +Optimization,"§2.[LinearProgramming-Optimization](https://en.wikipedia.org/wiki/Linear_programming)",Tulip.jl,https://github.com/ds4dm/Tulip.jl,"is an open-source interior-point solver for linear optimization, written in pure Julia. It implements the homogeneous primal-dual interior-point algorithm with multiple centrality corrections, and therefore handles unbounded and infeasible problems." +Optimization,"§3.[NonlinearProgramming](https://en.wikipedia.org/wiki/Nonlinear_programming)",BARON.jl,https://github.com/joehuchette/BARON.jl,A wrapper for the BARON mixed-integer nonlinear programming solver. +Optimization,"§3.[NonlinearProgramming](https://en.wikipedia.org/wiki/Nonlinear_programming)",ConicNonlinearBridge.jl,https://github.com/mlubin/ConicNonlinearBridge.jl,Wrapper to solve conic optimization problems with derivative-based nonlinear solvers. +Optimization,"§3.[NonlinearProgramming](https://en.wikipedia.org/wiki/Nonlinear_programming)",Convex.jl,https://github.com/jump-dev/Convex.jl,A Julia library for mathematical programming that makes it easy to formulate and fast to solve nonlinear convex optimization problems. +Optimization,"§3.[NonlinearProgramming](https://en.wikipedia.org/wiki/Nonlinear_programming)",CUTEst.jl,https://github.com/JuliaSmoothOptimizers/CUTEst.jl,Julia interface for CUTEst. +Optimization,"§3.[NonlinearProgramming](https://en.wikipedia.org/wiki/Nonlinear_programming)",DReal.jl,https://github.com/zenna/DReal.jl,A Julia wrapper for Nonlinear SMT solving using the dReal SMT solver. +Optimization,"§3.[NonlinearProgramming](https://en.wikipedia.org/wiki/Nonlinear_programming)",Ipopt.jl,https://github.com/jump-dev/Ipopt.jl,Julia interface to the Ipopt nonlinear solver. +Optimization,"§3.[NonlinearProgramming](https://en.wikipedia.org/wiki/Nonlinear_programming)",NLPModels.jl,https://github.com/JuliaSmoothOptimizers/NLPModels.jl,A standardized API to evaluate the functions and derivatives of nonlinear optimization models. +Optimization,"§3.[NonlinearProgramming](https://en.wikipedia.org/wiki/Nonlinear_programming)",NLopt.jl,https://github.com/JuliaOpt/NLopt.jl,Package to call the NLopt nonlinear-optimization library from the Julia language. +Optimization,"§3.[NonlinearProgramming](https://en.wikipedia.org/wiki/Nonlinear_programming)",Optim.jl,https://github.com/JuliaNLSolvers/Optim.jl,Univariate and multivariate optimization solvers in Julia. +Optimization,"§3.[NonlinearProgramming](https://en.wikipedia.org/wiki/Nonlinear_programming)",Quadprog.jl,https://github.com/harmeling/Quadprog.jl,A wrapper around Ipopt.jl to solve quadratic programming problems. This package provides the function quadprog which calls the Ipopt.jl library for Interior Point Nonlinear Optimization. +Optimization,"§3.[NonlinearProgramming](https://en.wikipedia.org/wiki/Nonlinear_programming)",OptimizationServices.jl,https://github.com/tkelman/OptimizationServices.jl,"Julia interface to [COIN-OR Optimization Services](https://projects.coin-or.org/OS). This Julia package is intended to be an interface between `MathProgBase.jl` and COIN-OR Optimization Services (OS), translating between the Julia-expression-tree `MathProgBase` format for nonlinear objective and constraint functions and the Optimization Services instance Language (OSiL) XML-based optimization problem interchange format." +Optimization,"§3.[NonlinearProgramming](https://en.wikipedia.org/wiki/Nonlinear_programming)",PDENLPModels.jl,https://github.com/JuliaSmoothOptimizers/PDENLPModels.jl,A NLPModel API for optimization problems with PDE-constraints. +Optimization,"§4.UNCLASSIFIED",AmplNLReader.jl,https://github.com/JuliaSmoothOptimizers/AmplNLReader.jl,A Julia Interface to AMPL. +Optimization,"§4.UNCLASSIFIED",AmplNLWriter.jl,https://github.com/jump-dev/AmplNLWriter.jl,Julia interface to AMPL-enabled solvers +Optimization,"§4.UNCLASSIFIED",AutomotiveDrivingModels.jl,https://github.com/tawheeler/AutomotiveDrivingModels.jl,For car encounter models. +Optimization,"§4.UNCLASSIFIED",BlackBoxOptim.jl,https://github.com/robertfeldt/BlackBoxOptim.jl,"An experimental, work-in-progress global optimization framework for Julia, supporting both multi- and single-objective optimization problems, focused on (meta-)heuristic/stochastic algorithms (DE, PSO, CMA-ES etc)." +Optimization,"§4.UNCLASSIFIED",BLOM.jl,https://github.com/tkelman/BLOM.jl,A Julia port of the Berkeley Library for Optimization Modeling (Work-In-Progress). +Optimization,"§4.UNCLASSIFIED",CGP.jl,https://github.com/glesica/CGP.jl,Cartesian Genetic Programming (CGP) implemented in Julia. +Optimization,"§4.UNCLASSIFIED",Caching.jl,https://github.com/zgornel/Caching.jl,Memoization mechanism. +Optimization,"§4.UNCLASSIFIED",Cbc.jl,https://github.com/jump-dev/Cbc.jl,Interface to the Coin-OR Cbc solver for mixed-integer programming +Optimization,"§4.UNCLASSIFIED",CharibdeOptim.jl,https://github.com/yashcodes/CharibdeOptim.jl,A Julia implementation of the cooperative solver Charibde. +Optimization,"§4.UNCLASSIFIED",CGRASP.jl,https://github.com/tautologico/CGRASP.jl,"Continuous Greedy Randomized Adaptive Search Procedure (CGRASP), in Julia." +Optimization,"§4.UNCLASSIFIED",CSDP.jl,https://github.com/joehuchette/CSDP.jl,Julia wrapper for the CSDP semidefinite programming solver. +Optimization,"§4.UNCLASSIFIED",ConstraintProgramming.jl,https://github.com/dpsanders/ConstraintProgramming.jl, Calculates the feasible region for a set of real-valued inequalities with Julia. +Optimization,"§4.UNCLASSIFIED",CutPools.jl,https://github.com/joehuchette/CutPools.jl,Pools of cutting planes for JuMP models. +Optimization,"§4.UNCLASSIFIED",CPLEX.jl,https://github.com/jump-dev/CPLEX.jl,The CPLEX.jl package provides an interface for using IBM's CPLEX Optimizer™ from the Julia language. You cannot use CPLEX.jl without having purchased and installed a copy of CPLEX Optimizer™ from IBM. This package is available free of charge and in no way replaces or alters any functionality of IBM's CPLEX Optimizer product. +Optimization,"§4.UNCLASSIFIED",CSDP.jl,https://github.com/jump-dev/CSDP.jl,Julia wrapper to [CSDP](https://projects.coin-or.org/Csdp/) semidefinite programming solver. +Optimization,"§4.UNCLASSIFIED",CoinOptServices.jl,https://github.com/JuliaOpt/CoinOptServices.jl, Julia interface to COIN-OR [Optimization Services](https://projects.coin-or.org/OS). +Optimization,"§4.UNCLASSIFIED",DDUS.jl,https://github.com/vgupta1/DDUS.jl,Data-driven Uncertainty Sets for the JuMPeR framework. +Optimization,"§4.UNCLASSIFIED",ECOS.jl,https://github.com/jump-dev/ECOS.jl,Julia wrapper for the ECOS conic optimization solver. +Optimization,"§4.UNCLASSIFIED",EAGO.jl,https://github.com/MatthewStuber/EAGO.jl,A development environment for robust and global optimization. +Optimization,"§4.UNCLASSIFIED",EAGODomainReduction.jl,https://github.com/MatthewStuber/EAGODomainReduction.jl,Domain Reduction Procedures in Global Optimization. +Optimization,"§4.UNCLASSIFIED",GeneticAlgorithms.jl,https://github.com/forio/GeneticAlgorithms.jl,is a lightweight framework that simplifies the process of creating genetic algorithms and running them in parallel. +Optimization,"§4.UNCLASSIFIED",GLPK.jl,https://github.com/jump-dev/GLPK.jl,GLPK wrapper module for Julia. +Optimization,"§4.UNCLASSIFIED",GLPKMathProgInterface.jl,https://github.com/JuliaOpt/GLPKMathProgInterface.jl,Interface between the GLPK.jl wrapper and MathProgBase.jl. +Optimization,"§4.UNCLASSIFIED",HSL.jl,https://github.com/JuliaSmoothOptimizers/HSL.jl,Julia interface to the HSL Mathematical Software Library. +Optimization,"§4.UNCLASSIFIED",InformedDifferentialEvolution.jl,https://github.com/rened/InformedDifferentialEvolution.jl,Implementation of Differential Evolution with optional custom predictors. +Optimization,"§4.UNCLASSIFIED",jobshop,https://github.com/stefan-k/jobshop,The Jobshop (Open Shop Scheduling Problem (OSSP)) problem is solved with evolutionary strategies in Julia. +Optimization,"§4.UNCLASSIFIED",JuliaCMAES,https://github.com/Staross/JuliaCMAES,CMA-ES port - a mix of the original minimal MATLAB implementation (purecmaes.m) and the full one (cmaes.m). +Optimization,"§4.UNCLASSIFIED",julia-nlopt,https://github.com/MetalNinjas/julia-nlopt,NLopt bindings for julia. {__NB: Not maintained for the current Julia releases__}. +Optimization,"§4.UNCLASSIFIED",JuMPeR.jl,https://github.com/IainNZ/JuMPeR.jl,Julia for Mathematical Programming (JuMP) extension for Robust optimization. +Optimization,"§4.UNCLASSIFIED",JuMPTools.jl,https://github.com/IainNZ/JuMPTools.jl,Small helper functions for JuMP models. +Optimization,"§4.UNCLASSIFIED",JuGP.jl,https://github.com/mlubin/JuGP.jl,A prototype JuMP extension for geometric programming. +Optimization,"§4.UNCLASSIFIED",Junquo.jl,http://github.com/IainNZ/Junquo.jl,"stands for _JUlia Nonconvex QUadratically constrained quadratic program Optimizer_, a (mixed-integer) nonconvex quadratically constrained quadratic program (QCQP) solver." +Optimization,"§4.UNCLASSIFIED",KNITRO.jl,https://github.com/jump-dev/KNITRO.jl,"This package provides an interface for using the KNITRO solver from the Julia language, which can only be used after having purchased and installed a copy of KNITRO from Ziena Optimization." +Optimization,"§4.UNCLASSIFIED",LinearOperators.jl,https://github.com/JuliaSmoothOptimizers/LinearOperators.jl,Linear Operators for Julia. +Optimization,"§4.UNCLASSIFIED",LinearResponseVariationalBayes.jl,https://github.com/rgiordan/LinearResponseVariationalBayes.jl,Julia tools for building simple variational Bayes models with JuMP. +Optimization,"§4.UNCLASSIFIED",LossFuns.jl,https://github.com/lindahua/LossFuns.jl,An implementation of loss functions for empirical risk minimization. +Optimization,"§4.UNCLASSIFIED",LsqFit.jl,https://github.com/JuliaNLSolvers/LsqFit.jl,Simple curve fitting functionality from Optim.jl has been moved into its own package. +Optimization,"§4.UNCLASSIFIED",LSQ.jl,https://github.com/davidlizeng/LSQ.jl,is a library that makes it easy to formulate and solve least-squares optimization problems with linear equality constraints. +Optimization,"§4.UNCLASSIFIED",MathProgBase.jl,https://github.com/JuliaOpt/MathProgBase.jl,Solver-independent functions (incl. linprog and mixintprog) and low-level interface for Mathematical Programming. +Optimization,"§4.UNCLASSIFIED",Mayday.jl,https://github.com/rdeits/Mayday.jl,"Sums-of-Squares optimization in Julia, powered by JuMP" +Optimization,"§4.UNCLASSIFIED",MinFinder.jl,https://github.com/Ken-B/MinFinder.jl,The MinFinder algorithm to find all the minima for a differentiable function inside a bounded domain. +Optimization,"§4.UNCLASSIFIED",Memoize.jl,https://github.com/simonster/Memoize.jl,Easy memoization for Julia. +Optimization,"§4.UNCLASSIFIED",Mosek.jl,https://github.com/MOSEK/Mosek.jl,Interface to the Mosek solver in Julia. +Optimization,"§4.UNCLASSIFIED",MOpt.jl,https://github.com/floswald/MOpt.jl,Parallel derivative-free Moment Optimization for Julia. +Optimization,"§4.UNCLASSIFIED",Munkres.jl,https://github.com/FugroRoames/Munkres.jl,Munkres algorithm for the optimal assignment problem. +Optimization,"§4.UNCLASSIFIED",NEOS.jl,https://github.com/odow/NEOS.jl,A Julia interface for the NEOS Optimisation Server. +Optimization,"§4.UNCLASSIFIED",NewOptimizer.jl,https://github.com/Keno/NewOptimizer.jl,WIP for new optimizer for julia base. +Optimization,"§4.UNCLASSIFIED",NODAL.jl,https://github.com/phrb/NODAL.jl,is an Open Distributed Autotuning Library in Julia. +Optimization,"§4.UNCLASSIFIED",OSQP.jl,https://github.com/oxfordcontrol/OSQP.jl,A Julia wrapper for the Operator Splitting Quadratic Program (OSQP) solver is a numerical optimization package. +Optimization,"§4.UNCLASSIFIED",ParallelGenocop.jl,https://github.com/display-none/ParallelGenocop.jl,Parallel implementation of Genocop - a genetic algorithm for numerical optimization problems with linear constraints. +Optimization,"§4.UNCLASSIFIED",pikaia.jl,https://github.com/tmeits/pikaia.jl,Genetic Algorithms (GA's). +Optimization,"§4.UNCLASSIFIED",PolyJuMP,https://github.com/jump-dev/PolyJuMP.jl,A JuMP extension for Polynomial Optimization. +Optimization,"§4.UNCLASSIFIED",Polyopt.jl,https://github.com/MOSEK/Polyopt.jl,"Julia package for polynomial optimization using semidefinite programming, with some [presentation notebooks](https://github.com/MOSEK/Polyopt.jl/tree/master/notebooks) of an optimization package." +Optimization,"§4.UNCLASSIFIED",Predictors.jl,https://github.com/dejakaymac/Predictors.jl, +Optimization,"§4.UNCLASSIFIED",ProfileView.jl,https://github.com/GlenHertz/ProfileView.jl,Interactive SVG flame graphs for analyzing/profiling. An HTML preview of the [SVG example](http://htmlpreview.github.io/?https://raw.github.com/GlenHertz/ProfileView.jl/master/readme_images/profile.svg) +Optimization,"§4.UNCLASSIFIED",ProxAlgs.jl,https://github.com/ahwillia/ProxAlgs.jl,Proximal algorithms for optimization in Julia. +Optimization,"§4.UNCLASSIFIED",Proximal.jl,https://github.com/johnmyleswhite/Proximal.jl,Translation of Parikh and Boyd code for proximal algorithms. +Optimization,"§4.UNCLASSIFIED",QuadDIRECT.jl,https://github.com/timholy/QuadDIRECT.jl,Global optimization without derivatives. +Optimization,"§4.UNCLASSIFIED",QuickCheck.jl,https://github.com/pao/QuickCheck.jl,is listed in METADATA and based on QuickCheck specification-based randomized tester for Julia. +Optimization,"§4.UNCLASSIFIED",Ranking.jl,https://github.com/johnmyleswhite/Ranking.jl,Tools for ranking in Julia. +Optimization,"§4.UNCLASSIFIED",RationalSimplex.jl,https://github.com/IainNZ/RationalSimplex.jl,Pure Julia implementation of the simplex algorithm. +Optimization,"§4.UNCLASSIFIED",scheduleCrew.jl,https://github.com/hugdiniz/scheduleCrew.jl), +Optimization,"§4.UNCLASSIFIED",SCIP.jl,https://github.com/mlubin/SCIP.jl) by @mlubi,An optimization software for mixed-integer programs. +Optimization,"§4.UNCLASSIFIED",SCIP.jl,https://github.com/ryanjoneil/SCIP.jl) by @ryanjonei,A Julia interface to the SCIP solver. +Optimization,"§4.UNCLASSIFIED",SCS.jl,https://github.com/jump-dev/SCS.jl,Julia Wrapper for SCS (https://github.com/cvxgrp/scs). +Optimization,"§4.UNCLASSIFIED",SemidefiniteModels,https://github.com/JuliaOpt/SemidefiniteModels.jl,A MathProgBase extension for Semidefinite Modelling. +Optimization,"§4.UNCLASSIFIED",SemidefiniteProgramming.jl,https://github.com/daviddelaat/SemidefiniteProgramming.jl,This package provides a Julia interface for low-level modeling of semidefinite programming problems and for solving semidefinite programs with solvers such as SDPA and CSDP. +Optimization,"§4.UNCLASSIFIED",simplex.jl,https://github.com/davidagold/simplex.jl,Practice project program that performs the simplex algorithm. +Optimization,"§4.UNCLASSIFIED",StructJuMP.jl,https://github.com/joehuchette/StructJuMP.jl,A block-structured optimization framework for JuMP. +Optimization,"§4.UNCLASSIFIED",SumOfSquares.jl,https://github.com/jump-dev/SumOfSquares.jl,Sum of Squares Programming for Julia. +Optimization,"§4.UNCLASSIFIED",Surrogates.jl,https://github.com/JuliaDiffEq/Surrogates.jl,Surrogate modeling and optimization. +Optimization,"§4.UNCLASSIFIED",TrafficAssignment.jl,https://github.com/chkwon/TrafficAssignment.jl,A package for traffic assignment that loads the network data and finds the user equilibrium traffic pattern. +Optimization,"§4.UNCLASSIFIED",VinDsl.jl,https://github.com/jmxpearson/VinDsl.jl,A fast and furious domain-specific language for variational inference in Julia. +Optimization,"§4.UNCLASSIFIED",VRP,https://github.com/IainNZ/VRP,Vehicle Routing Problem (VRP) is a combinatorial optimization and integer programming problem. +Optimization,"§4.UNCLASSIFIED",Xpress.jl,https://github.com/jump-dev/Xpress.jl,A Julia interface for the FICO Xpress optimization suite. Physics,,ACME.jl,https://github.com/HSU-ANT/ACME.jl,Analog Circuit Modeling and Emulation for Julia. Physics,,auditory.jl,https://github.com/jfsantos/auditory.jl,Auditory filterbanks in Julia. Physics,,Chipmunk.jl,https://github.com/zyedidia/Chipmunk.jl,A binding of the physics engine Chipmunk for Julia. @@ -2005,6 +2005,7 @@ Publications,ResearchPapers,"How to write, publish, and review scientific papers Publications,ResearchPapers,Julia language research publications,http://julialang.org/publications/), Publications,ResearchPapers,"hah, Viral B., et al. _[Novel Algebras for Advanced Analytics in Julia","http://ieee-hpec.org/2013/index_htm_files/49.pdf)_, IEEE-HPEC (2013)", Publications,ResearchPapers,"ezanson Jeff, et al. _[Julia: A fresh approach to numerical computing","http://arxiv.org/abs/1411.1607)_, 07-November-2014", +QA,"§1.DataQA",ReferenceTests.jl,https://github.com/JuliaTesting/ReferenceTests.jl,QA package for comparing data against reference files. Resources,COMMUNITY,he [discourse,https://discourse.julialang.org/) forum for all technical discussions. (NotaBene: The older google groups mailing lists has been abandoned in favor of this FOSS alternative), Resources,COMMUNITY,he official list of resources to [learn Julia,http://julialang.org/learning/), Resources,ContributingtoJuliacoredevelopment,Documentation bugs,https://github.com/JuliaLang/julia/issues?q=is%3Aopen+is%3Aissue+label%3Adoc), @@ -2383,58 +2384,58 @@ Super-Computing,ARM-CUDA,Build Julia on ARMv7 / Cortex A15 Samsung Chromebooks r Super-Computing,ARM-CUDA,ulia binaries for ARM built on [Ubuntu-14.04,https://drive.google.com/open?id=0B0rXlkvSbIfhbWxOVllKUXc1RDA), Super-Computing,Resources,log post on [Compiling Julia for NVIDIA GPUs,http://blog.maleadt.net/2015/01/15/julia-cuda/, Super-Computing,PUBLICATIONS,"Parallel Prefix Polymorphism Permits Parallelization, Presentation & Proof",http://jiahao.github.io/parallel-prefix/,A short [paper](https://github.com/jiahao/parallel-prefix) about parallel prefix. -Utilities,UTILS,Events.jl,https://github.com/SimonDanisch/Events.jl,Simple Event system. -Utilities,UTILS,FilePaths.jl,https://github.com/Rory-Finnegan/FilePaths.jl, A type based approach to working with filesystem paths in julia. -Utilities,UTILS,Graze.jl,https://github.com/iamed2/Graze.jl,A feed reader. -Utilities,UTILS,Humanize.jl,https://github.com/IainNZ/Humanize.jl,"Humanize numbers, based on the Python package [humanize](https://github.com/jmoiron/humanize) by @jmoiron." -Utilities,UTILS,Osmosis.jl,https://github.com/SimonDanisch/Osmosis.jl,Chat client for Julia. -Utilities,UTILS,SO.jl,https://github.com/dlfivefifty/SO.jl,Personal macros for Julia. -Utilities,UTILS,Utils.jl,https://github.com/SimonDanisch/Utils.jl,Some utility functions by @SimonDanisch. -Utilities,FileCompression,Blosc.jl,https://github.com/stevengj/Blosc.jl,"The Blosc Module provides fast lossless compression for the Julia language by interfacing the Blosc Library, currently limited to 32-bit buffer sizes." -Utilities,FileCompression,gzip.jl,https://github.com/jvns/gzip.jl,GunZip in Julia. -Utilities,FileCompression,GZip.jl,https://github.com/JuliaLang/GZip.jl,A Julia interface for gzip functions in zlib. -Utilities,FileCompression,InfoZIP.jl,https://github.com/samoconnor/InfoZIP.jl,ZIP Archive Interface. Wrapper for Info-ZIP (and ZipFile.jl). -Utilities,FileCompression,Libz.jl,https://github.com/BioJulia/Libz.jl,Yet another zlib interface for Julia. -Utilities,FileCompression,Snappy.jl,https://github.com/bicycle1885/Snappy.jl,A Julia wrapper for the snappy library - a compression/decompression library focusing on speed. -Utilities,FileCompression,ZipFile.jl,https://github.com/fhs/ZipFile.jl,Read/Write ZIP archives in Julia. -Utilities,FileCompression,Zlib.jl,https://github.com/dcjones/Zlib.jl,Zlib bindings for Julia. -Utilities,MicrosoftWindows,COMCall.jl,https://github.com/ihnorton/COMCall.jl,C[COM Class Objects and CLSIDs](http://msdn.microsoft.com/en-us/library/windows/desktop/ms678406%28v=vs.85%29.aspx)O[COM Class Objects and CLSIDs](http://msdn.microsoft.com/en-us/library/windows/desktop/ms678406%28v=vs.85%29.aspx)M[COM Class Objects and CLSIDs](http://msdn.microsoft.com/en-us/library/windows/desktop/ms678406%28v=vs.85%29.aspx) [COM Class Objects and CLSIDs](http://msdn.microsoft.com/en-us/library/windows/desktop/ms678406%28v=vs.85%29.aspx)I[COM Class Objects and CLSIDs](http://msdn.microsoft.com/en-us/library/windows/desktop/ms678406%28v=vs.85%29.aspx)n[COM Class Objects and CLSIDs](http://msdn.microsoft.com/en-us/library/windows/desktop/ms678406%28v=vs.85%29.aspx)t[COM Class Objects and CLSIDs](http://msdn.microsoft.com/en-us/library/windows/desktop/ms678406%28v=vs.85%29.aspx)e[COM Class Objects and CLSIDs](http://msdn.microsoft.com/en-us/library/windows/desktop/ms678406%28v=vs.85%29.aspx)r[COM Class Objects and CLSIDs](http://msdn.microsoft.com/en-us/library/windows/desktop/ms678406%28v=vs.85%29.aspx)f[COM Class Objects and CLSIDs](http://msdn.microsoft.com/en-us/library/windows/desktop/ms678406%28v=vs.85%29.aspx)a[COM Class Objects and CLSIDs](http://msdn.microsoft.com/en-us/library/windows/desktop/ms678406%28v=vs.85%29.aspx)c[COM Class Objects and CLSIDs](http://msdn.microsoft.com/en-us/library/windows/desktop/ms678406%28v=vs.85%29.aspx)e[COM Class Objects and CLSIDs](http://msdn.microsoft.com/en-us/library/windows/desktop/ms678406%28v=vs.85%29.aspx) [COM Class Objects and CLSIDs](http://msdn.microsoft.com/en-us/library/windows/desktop/ms678406%28v=vs.85%29.aspx)f[COM Class Objects and CLSIDs](http://msdn.microsoft.com/en-us/library/windows/desktop/ms678406%28v=vs.85%29.aspx)o[COM Class Objects and CLSIDs](http://msdn.microsoft.com/en-us/library/windows/desktop/ms678406%28v=vs.85%29.aspx)r[COM Class Objects and CLSIDs](http://msdn.microsoft.com/en-us/library/windows/desktop/ms678406%28v=vs.85%29.aspx) [COM Class Objects and CLSIDs](http://msdn.microsoft.com/en-us/library/windows/desktop/ms678406%28v=vs.85%29.aspx)J[COM Class Objects and CLSIDs](http://msdn.microsoft.com/en-us/library/windows/desktop/ms678406%28v=vs.85%29.aspx)u[COM Class Objects and CLSIDs](http://msdn.microsoft.com/en-us/library/windows/desktop/ms678406%28v=vs.85%29.aspx)l[COM Class Objects and CLSIDs](http://msdn.microsoft.com/en-us/library/windows/desktop/ms678406%28v=vs.85%29.aspx)i[COM Class Objects and CLSIDs](http://msdn.microsoft.com/en-us/library/windows/desktop/ms678406%28v=vs.85%29.aspx)a[COM Class Objects and CLSIDs](http://msdn.microsoft.com/en-us/library/windows/desktop/ms678406%28v=vs.85%29.aspx).[COM Class Objects and CLSIDs](http://msdn.microsoft.com/en-us/library/windows/desktop/ms678406%28v=vs.85%29.aspx) [COM Class Objects and CLSIDs](http://msdn.microsoft.com/en-us/library/windows/desktop/ms678406%28v=vs.85%29.aspx)R[COM Class Objects and CLSIDs](http://msdn.microsoft.com/en-us/library/windows/desktop/ms678406%28v=vs.85%29.aspx)e[COM Class Objects and CLSIDs](http://msdn.microsoft.com/en-us/library/windows/desktop/ms678406%28v=vs.85%29.aspx)f -Utilities,MicrosoftWindows,IniFile.jl,https://github.com/JuliaLang/IniFile.jl,Reading and writing Windows-style INI files. -Utilities,MicrosoftWindows,IUP.jl,https://github.com/joa-quim/IUP.jl,Julia interface to IUP windowing toolkit. -Utilities,MicrosoftWindows,RawFile.jl,https://github.com/tknopp/RawFile.jl,Uses IniFile.jl -Utilities,MicrosoftWindows,WAV.jl,https://github.com/dancasimiro/WAV.jl,Julia package for working with WAV files. -Utilities,MicrosoftWindows,Win32GUIDemo.jl,https://github.com/ihnorton/Win32GUIDemo.jl,Call the Windows API with these Win32 GUI examples. -Utilities,MicrosoftWindows,WinReg.jl,https://github.com/simonbyrne/WinReg.jl, Windows Registry interface for Julia. -Utilities,MicrosoftWindows,WinUser.jl,https://github.com/JuliaGL/WinUser.jl,wrapper for windows native windowing functions. -Utilities,MicrosoftWindows,Wine.jl,https://github.com/Keno/Wine.jl,Sniffing the wineserver protocol for fun and profit. -Utilities,MicrosoftWindows,XCB.jl,https://github.com/JuliaGL/XCB.jl,XCB windowing library wrapper. -Utilities,Terminal,AnsiColor.jl,https://github.com/Aerlinger/AnsiColor.jl,Support for ANSI colored strings in Julia. Supported in REPL/Shell environment for both Unix and Mac. -Utilities,Terminal,ArgParse.jl,https://github.com/carlobaldassi/ArgParse.jl,Package for parsing command-line arguments to Julia programs. -Utilities,Terminal,CLI.jl,https://github.com/Roger-luo/CLI.jl,"A library for automatically generating command line interfaces from absolutely Julia object, inspired by `python-fire`." -Utilities,Terminal,DocOpt.jl,https://github.com/docopt/DocOpt.jl,generates a command-line arguments parser from human-readable usage patterns and it is a port of DocOpt written in the Julia language. -Utilities,Terminal,FTPClient.jl,https://github.com/invenia/FTPClient.jl,An FTP Client. -Utilities,Terminal,GMT-julia-headers,https://github.com/meggart/GMT-julia-headers, -Utilities,Terminal,LibArchive.jl,https://github.com/yuyichao/LibArchive.jl,Wrapper for [libarchive](http://www.libarchive.org/). -Utilities,Terminal,LineEdit.jl,https://github.com/Keno/LineEdit.jl,Julia readline-like library. -Utilities,Terminal,MetaTools.jl,https://github.com/burrowsa/MetaTools.jl,Handy MetaProgramming whatnots for Julia. -Utilities,Terminal,NCurses.jl,https://github.com/Keno/NCurses.jl,NCurses bindings for Julia. -Utilities,Terminal,ProgressMeter.jl,https://github.com/timholy/ProgressMeter.jl,Progress meter for long-running computations. -Utilities,Terminal,REPL.jl,https://github.com/Keno/REPL.jl,Pure-julia REPL implementation. -Utilities,Terminal,REPLCompletions.jl,https://github.com/Keno/REPLCompletions.jl,Tab completions for your Julia REPL. -Utilities,Terminal,REPLMods.jl,https://github.com/spencerlyon2/REPLMods.jl,Mod your REPL and evaluate directly into any module on your path or defined within the current working module. -Utilities,Terminal,SaveREPL.jl,https://github.com/sjkelly/SaveREPL.jl,A package for saving entries in the Jula REPL. -Utilities,Terminal,TerminalExtensions.jl,https://github.com/Keno/TerminalExtensions.jl,A package that makes Julia take advantage of cool terminal emulator features. -Utilities,Terminal,toolbox.jl,https://github.com/natj/toolbox.jl,Small tools and snippets used by @natj with julia. -Utilities,Terminal,TermWin.jl,https://github.com/tonyhffong/TermWin.jl,NCurses based GUI helper and data navigators. -Utilities,Terminal,Termbox.jl,https://github.com/jgoldfar/Termbox.jl,"A wrapper for Termbox, a lightweight text-based user interface library. OSX and Linux are currently supported, and the low-level interface is complete enough to re-implement the demo from the original package (see test/outputexample.jl)." -Utilities,Terminal,TerminalMenus.jl,https://github.com/nick-paul/TerminalMenus.jl,Simple interactive menus in the terminal. -Utilities,Terminal,TerminalUI.jl,https://github.com/Keno/TerminalUI.jl,Terminal User Interface. -Utilities,Terminal,VT100.jl,https://github.com/Keno/VT100.jl,Terminal Emulation for terminal UI verification. -Utilities,IRC,DandelionSlack.jl,https://github.com/dandeliondeathray/DandelionSlack.jl,Slack API in Julia. -Utilities,IRC,Slackbot.jl,https://github.com/jiahao/Slackbot.jl,A Julia REPL that interacts with Slack.com's webhook integration. -Utilities,SMS,Twilert.jl,https://github.com/glesica/Twilert.jl,A small SMS alert library for Julia. -Utilities,VOIP,Discord.jl,https://github.com/PurgePJ/Discord.jl,Julia Discord wrapper. -Utilities,VOIP,Toxcore.jl,https://github.com/SimonDanisch/Toxcore.jl,A Julia wrapper for [Tox](http://en.wikipedia.org/wiki/Tox_%28software%29). +Utilities,"§1.UTILS",Events.jl,https://github.com/SimonDanisch/Events.jl,Simple Event system. +Utilities,"§1.UTILS",FilePaths.jl,https://github.com/Rory-Finnegan/FilePaths.jl, A type based approach to working with filesystem paths in julia. +Utilities,"§1.UTILS",Graze.jl,https://github.com/iamed2/Graze.jl,A feed reader. +Utilities,"§1.UTILS",Humanize.jl,https://github.com/IainNZ/Humanize.jl,"Humanize numbers, based on the Python package [humanize](https://github.com/jmoiron/humanize) by @jmoiron." +Utilities,"§1.UTILS",Osmosis.jl,https://github.com/SimonDanisch/Osmosis.jl,Chat client for Julia. +Utilities,"§1.UTILS",SO.jl,https://github.com/dlfivefifty/SO.jl,Personal macros for Julia. +Utilities,"§1.UTILS",Utils.jl,https://github.com/SimonDanisch/Utils.jl,Some utility functions by @SimonDanisch. +Utilities,"§1.1.FileCompression",Blosc.jl,https://github.com/stevengj/Blosc.jl,"The Blosc Module provides fast lossless compression for the Julia language by interfacing the Blosc Library, currently limited to 32-bit buffer sizes." +Utilities,"§1.1.FileCompression",gzip.jl,https://github.com/jvns/gzip.jl,GunZip in Julia. +Utilities,"§1.1.FileCompression",GZip.jl,https://github.com/JuliaLang/GZip.jl,A Julia interface for gzip functions in zlib. +Utilities,"§1.1.FileCompression",InfoZIP.jl,https://github.com/samoconnor/InfoZIP.jl,ZIP Archive Interface. Wrapper for Info-ZIP (and ZipFile.jl). +Utilities,"§1.1.FileCompression",Libz.jl,https://github.com/BioJulia/Libz.jl,Yet another zlib interface for Julia. +Utilities,"§1.1.FileCompression",Snappy.jl,https://github.com/bicycle1885/Snappy.jl,A Julia wrapper for the snappy library - a compression/decompression library focusing on speed. +Utilities,"§1.1.FileCompression",ZipFile.jl,https://github.com/fhs/ZipFile.jl,Read/Write ZIP archives in Julia. +Utilities,"§1.1.FileCompression",Zlib.jl,https://github.com/dcjones/Zlib.jl,Zlib bindings for Julia. +Utilities,"§1.2.MicrosoftWindows",COMCall.jl,https://github.com/ihnorton/COMCall.jl,C[COM Class Objects and CLSIDs](http://msdn.microsoft.com/en-us/library/windows/desktop/ms678406%28v=vs.85%29.aspx)O[COM Class Objects and CLSIDs](http://msdn.microsoft.com/en-us/library/windows/desktop/ms678406%28v=vs.85%29.aspx)M[COM Class Objects and CLSIDs](http://msdn.microsoft.com/en-us/library/windows/desktop/ms678406%28v=vs.85%29.aspx) [COM Class Objects and CLSIDs](http://msdn.microsoft.com/en-us/library/windows/desktop/ms678406%28v=vs.85%29.aspx)I[COM Class Objects and CLSIDs](http://msdn.microsoft.com/en-us/library/windows/desktop/ms678406%28v=vs.85%29.aspx)n[COM Class Objects and CLSIDs](http://msdn.microsoft.com/en-us/library/windows/desktop/ms678406%28v=vs.85%29.aspx)t[COM Class Objects and CLSIDs](http://msdn.microsoft.com/en-us/library/windows/desktop/ms678406%28v=vs.85%29.aspx)e[COM Class Objects and CLSIDs](http://msdn.microsoft.com/en-us/library/windows/desktop/ms678406%28v=vs.85%29.aspx)r[COM Class Objects and CLSIDs](http://msdn.microsoft.com/en-us/library/windows/desktop/ms678406%28v=vs.85%29.aspx)f[COM Class Objects and CLSIDs](http://msdn.microsoft.com/en-us/library/windows/desktop/ms678406%28v=vs.85%29.aspx)a[COM Class Objects and CLSIDs](http://msdn.microsoft.com/en-us/library/windows/desktop/ms678406%28v=vs.85%29.aspx)c[COM Class Objects and CLSIDs](http://msdn.microsoft.com/en-us/library/windows/desktop/ms678406%28v=vs.85%29.aspx)e[COM Class Objects and CLSIDs](http://msdn.microsoft.com/en-us/library/windows/desktop/ms678406%28v=vs.85%29.aspx) [COM Class Objects and CLSIDs](http://msdn.microsoft.com/en-us/library/windows/desktop/ms678406%28v=vs.85%29.aspx)f[COM Class Objects and CLSIDs](http://msdn.microsoft.com/en-us/library/windows/desktop/ms678406%28v=vs.85%29.aspx)o[COM Class Objects and CLSIDs](http://msdn.microsoft.com/en-us/library/windows/desktop/ms678406%28v=vs.85%29.aspx)r[COM Class Objects and CLSIDs](http://msdn.microsoft.com/en-us/library/windows/desktop/ms678406%28v=vs.85%29.aspx) [COM Class Objects and CLSIDs](http://msdn.microsoft.com/en-us/library/windows/desktop/ms678406%28v=vs.85%29.aspx)J[COM Class Objects and CLSIDs](http://msdn.microsoft.com/en-us/library/windows/desktop/ms678406%28v=vs.85%29.aspx)u[COM Class Objects and CLSIDs](http://msdn.microsoft.com/en-us/library/windows/desktop/ms678406%28v=vs.85%29.aspx)l[COM Class Objects and CLSIDs](http://msdn.microsoft.com/en-us/library/windows/desktop/ms678406%28v=vs.85%29.aspx)i[COM Class Objects and CLSIDs](http://msdn.microsoft.com/en-us/library/windows/desktop/ms678406%28v=vs.85%29.aspx)a[COM Class Objects and CLSIDs](http://msdn.microsoft.com/en-us/library/windows/desktop/ms678406%28v=vs.85%29.aspx).[COM Class Objects and CLSIDs](http://msdn.microsoft.com/en-us/library/windows/desktop/ms678406%28v=vs.85%29.aspx) [COM Class Objects and CLSIDs](http://msdn.microsoft.com/en-us/library/windows/desktop/ms678406%28v=vs.85%29.aspx)R[COM Class Objects and CLSIDs](http://msdn.microsoft.com/en-us/library/windows/desktop/ms678406%28v=vs.85%29.aspx)e[COM Class Objects and CLSIDs](http://msdn.microsoft.com/en-us/library/windows/desktop/ms678406%28v=vs.85%29.aspx)f +Utilities,"§1.2.MicrosoftWindows",IniFile.jl,https://github.com/JuliaLang/IniFile.jl,Reading and writing Windows-style INI files. +Utilities,"§1.2.MicrosoftWindows",IUP.jl,https://github.com/joa-quim/IUP.jl,Julia interface to IUP windowing toolkit. +Utilities,"§1.2.MicrosoftWindows",RawFile.jl,https://github.com/tknopp/RawFile.jl,Uses IniFile.jl +Utilities,"§1.2.MicrosoftWindows",WAV.jl,https://github.com/dancasimiro/WAV.jl,Julia package for working with WAV files. +Utilities,"§1.2.MicrosoftWindows",Win32GUIDemo.jl,https://github.com/ihnorton/Win32GUIDemo.jl,Call the Windows API with these Win32 GUI examples. +Utilities,"§1.2.MicrosoftWindows",WinReg.jl,https://github.com/simonbyrne/WinReg.jl, Windows Registry interface for Julia. +Utilities,"§1.2.MicrosoftWindows",WinUser.jl,https://github.com/JuliaGL/WinUser.jl,wrapper for windows native windowing functions. +Utilities,"§1.2.MicrosoftWindows",Wine.jl,https://github.com/Keno/Wine.jl,Sniffing the wineserver protocol for fun and profit. +Utilities,"§1.2.MicrosoftWindows",XCB.jl,https://github.com/JuliaGL/XCB.jl,XCB windowing library wrapper. +Utilities,"§1.3.Terminal",AnsiColor.jl,https://github.com/Aerlinger/AnsiColor.jl,Support for ANSI colored strings in Julia. Supported in REPL/Shell environment for both Unix and Mac. +Utilities,"§1.3.Terminal",ArgParse.jl,https://github.com/carlobaldassi/ArgParse.jl,Package for parsing command-line arguments to Julia programs. +Utilities,"§1.3.Terminal",CLI.jl,https://github.com/Roger-luo/CLI.jl,"A library for automatically generating command line interfaces from absolutely Julia object, inspired by `python-fire`." +Utilities,"§1.3.Terminal",DocOpt.jl,https://github.com/docopt/DocOpt.jl,generates a command-line arguments parser from human-readable usage patterns and it is a port of DocOpt written in the Julia language. +Utilities,"§1.3.Terminal",FTPClient.jl,https://github.com/invenia/FTPClient.jl,An FTP Client. +Utilities,"§1.3.Terminal",GMT-julia-headers,https://github.com/meggart/GMT-julia-headers, +Utilities,"§1.3.Terminal",LibArchive.jl,https://github.com/yuyichao/LibArchive.jl,Wrapper for [libarchive](http://www.libarchive.org/). +Utilities,"§1.3.Terminal",LineEdit.jl,https://github.com/Keno/LineEdit.jl,Julia readline-like library. +Utilities,"§1.3.Terminal",MetaTools.jl,https://github.com/burrowsa/MetaTools.jl,Handy MetaProgramming whatnots for Julia. +Utilities,"§1.3.Terminal",NCurses.jl,https://github.com/Keno/NCurses.jl,NCurses bindings for Julia. +Utilities,"§1.3.Terminal",ProgressMeter.jl,https://github.com/timholy/ProgressMeter.jl,Progress meter for long-running computations. +Utilities,"§1.3.Terminal",REPL.jl,https://github.com/Keno/REPL.jl,Pure-julia REPL implementation. +Utilities,"§1.3.Terminal",REPLCompletions.jl,https://github.com/Keno/REPLCompletions.jl,Tab completions for your Julia REPL. +Utilities,"§1.3.Terminal",REPLMods.jl,https://github.com/spencerlyon2/REPLMods.jl,Mod your REPL and evaluate directly into any module on your path or defined within the current working module. +Utilities,"§1.3.Terminal",SaveREPL.jl,https://github.com/sjkelly/SaveREPL.jl,A package for saving entries in the Jula REPL. +Utilities,"§1.3.Terminal",TerminalExtensions.jl,https://github.com/Keno/TerminalExtensions.jl,A package that makes Julia take advantage of cool terminal emulator features. +Utilities,"§1.3.Terminal",toolbox.jl,https://github.com/natj/toolbox.jl,Small tools and snippets used by @natj with julia. +Utilities,"§1.3.Terminal",TermWin.jl,https://github.com/tonyhffong/TermWin.jl,NCurses based GUI helper and data navigators. +Utilities,"§1.3.Terminal",Termbox.jl,https://github.com/jgoldfar/Termbox.jl,"A wrapper for Termbox, a lightweight text-based user interface library. OSX and Linux are currently supported, and the low-level interface is complete enough to re-implement the demo from the original package (see test/outputexample.jl)." +Utilities,"§1.3.Terminal",TerminalMenus.jl,https://github.com/nick-paul/TerminalMenus.jl,Simple interactive menus in the terminal. +Utilities,"§1.3.Terminal",TerminalUI.jl,https://github.com/Keno/TerminalUI.jl,Terminal User Interface. +Utilities,"§1.3.Terminal",VT100.jl,https://github.com/Keno/VT100.jl,Terminal Emulation for terminal UI verification. +Utilities,"§2.1.IRC",DandelionSlack.jl,https://github.com/dandeliondeathray/DandelionSlack.jl,Slack API in Julia. +Utilities,"§2.1.IRC",Slackbot.jl,https://github.com/jiahao/Slackbot.jl,A Julia REPL that interacts with Slack.com's webhook integration. +Utilities,"§2.2.SMS",Twilert.jl,https://github.com/glesica/Twilert.jl,A small SMS alert library for Julia. +Utilities,"§2.2.VOIP",Discord.jl,https://github.com/PurgePJ/Discord.jl,Julia Discord wrapper. +Utilities,"§2.2.VOIP",Toxcore.jl,https://github.com/SimonDanisch/Toxcore.jl,A Julia wrapper for [Tox](http://en.wikipedia.org/wiki/Tox_%28software%29). i18n-L10n,Community,he [julia-i18n,https://gitter.im/JuliaLangEs/julia-i18n) IRC Gitter channel for discussions regarding the internationalization of Julia, i18n-L10n,Unicode,ICU.jl,https://github.com/nolta/ICU.jl,Julia wrapper for the International Components for Unicode (ICU) library. i18n-L10n,Unicode,UnicodeExtras.jl,https://github.com/nolta/UnicodeExtras.jl,Another Unicode package. From cefee0fef947530bc273b14d6f238e6350f1ac44 Mon Sep 17 00:00:00 2001 From: SVAKSHA Date: Thu, 28 Oct 2021 17:13:52 +0200 Subject: [PATCH 07/13] minor fix --- QA.md | 2 +- 1 file changed, 1 insertion(+), 1 deletion(-) diff --git a/QA.md b/QA.md index dbdc18b4d..d0e0c8114 100644 --- a/QA.md +++ b/QA.md @@ -2,7 +2,7 @@ [Quality Assurance](https://en.wikipedia.org/wiki/Quality_assurance) in Julia! + [§1. Data QA](#1-Data-QA) -+ [§2. Package QA](§2-Package-QA] ++ [§2. Package QA](§2-Package-QA) ---- ---- From 89f7b53a1be941798bba2a8129b6c887f6f5d6a9 Mon Sep 17 00:00:00 2001 From: SVAKSHA Date: Tue, 18 Jan 2022 11:36:44 +0100 Subject: [PATCH 08/13] tshort/Eyeball.jl --- ActuarialScience.md | 16 +++--- Programming-Paradigms.md | 1 + QA.md | 2 +- db.csv | 103 ++++++++++++++++++++------------------- 4 files changed, 65 insertions(+), 57 deletions(-) diff --git a/ActuarialScience.md b/ActuarialScience.md index 2b104f47e..a15e37137 100755 --- a/ActuarialScience.md +++ b/ActuarialScience.md @@ -1,12 +1,13 @@ -+ [ACTUARIAL SCIENCE](#actuarialscience) - + [ECONOMETRICS](#econometrics) - + [FINANCE](#finance) +# ACTUARIAL-SCIENCE.md ++ [§1. ECONOMETRICS](#1-ECONOMETRICS) ++ [§2. FINANCE](#2-FINANCE) + +---- ---- -# ACTUARIAL SCIENCE +# §1. ECONOMETRICS -## ECONOMETRICS + [MarketTechnicals.jl](https://github.com/JuliaQuant/MarketTechnicals.jl) :: Technical analysis of financial time series in Julia. + [DSGE.jl](https://github.com/FRBNY-DSGE/DSGE.jl) :: FRBNY DSGE model in Julia. + [copula.jl](https://github.com/floswald/copula.jl) :: Julia Copula package implements the gaussian AR1 copula. @@ -26,7 +27,10 @@ + [Quantitative economic modelling](http://quant-econ.net/jl/index.html) lecture series in Julia language, designed and written by Thomas J. Sargent and John Stachurski, that is freely available as a [PDF](http://quant-econ.net/_static/pdfs/jl-quant-econ.pdf) file too. + [RuinProbability.jl](https://github.com/Hank-Qian/RuinProbability.jl) :: For calculating the ruin probability with real data under different claims models. -## FINANCE +---- + +# §2. FINANCE ++ [AlphaVantage.jl](https://github.com/ellisvalentiner/AlphaVantage.jl) :: A Julia wrapper for the Alpha Vantage API. + [AssetMgmt.jl](https://github.com/cgroll/AssetMgmt.jl) :: Asset Management. + [BigFinance.jl](https://github.com/jiahao/BigFinance.jl) :: Analysis of high frequency quantitative data. + flashcrash-ui](https://github.com/shashi/flashcrash-ui) :: UI for `BigFinance.jl`. diff --git a/Programming-Paradigms.md b/Programming-Paradigms.md index ce2c007be..46ee85dbf 100755 --- a/Programming-Paradigms.md +++ b/Programming-Paradigms.md @@ -29,6 +29,7 @@ Programming Paradigms: __Packages and resources that support various programming + [BitRegs.jl](https://github.com/daqcore/BitRegs.jl) :: Julia package for bit and register operations. + [ChainMap.jl](https://github.com/bramtayl/ChainMap.jl) :: Combine chaining and mapping. + [CodeTracking.jl](https://github.com/timholy/CodeTracking.jl) :: An extension of Julia's InteractiveUtils library that provides an interface for obtaining strings and expressions of method definitions, method signatures, etc.. designed to work with Revise.jl (for versions v1.1.0 and higher). ++ [Eyeball.jl](https://github.com/tshort/Eyeball.jl) :: is an object and type viewer for Julia that exports one main tool to browse Julia objects and types. + [FemtoCleaner.jl](https://github.com/JuliaComputing/FemtoCleaner.jl) :: It cleans your julia projects by upgrading deprecated syntax, removing version compatibility workarounds and anything else that has a unique upgrade path, and is designed to be as style-preserving as possible, but does not perform code formatting. + [IniFile.jl](https://github.com/JuliaLang/IniFile.jl) :: Reading and writing Windows-style INI files. + [InterVal.jl](https://github.com/J-Sarnoff/InterVal.jl) :: Intervals are inter-values, an interval is its values and their intra-values. diff --git a/QA.md b/QA.md index d0e0c8114..1034e5c29 100644 --- a/QA.md +++ b/QA.md @@ -13,5 +13,5 @@ ---- # §2. Package QA -+ [Aqua.jl(https://github.com/JuliaTesting/Aqua.jl) :: Automate Quality Assurance for Julia packages. ++ [Aqua.jl](https://github.com/JuliaTesting/Aqua.jl) :: Automate Quality Assurance for Julia packages. diff --git a/db.csv b/db.csv index 370ed347d..442e592b8 100755 --- a/db.csv +++ b/db.csv @@ -243,56 +243,57 @@ API,REDUCE,ReduceLinAlg.jl,https://github.com/JuliaReducePkg/ReduceLinAlg.jl,A s API,Ruby,guard-julia,https://github.com/svs14/guard-julia,Guard plugin for Julia development. Julia guard automatically launches respective tests when Julia files are modified. API,Ruby,jl4rb,https://github.com/rcqls/jl4rb,"Julia for Ruby embeds the julia language in ruby, with very basic julia types being converted to ruby objects." API,RESOURCES,FFIExamples.jl,https://github.com/johnmyleswhite/FFIExamples.jl,Many small examples that demonstrate how Julia's [FFI](http://en.wikipedia.org/wiki/Foreign_function_interface) works as of v0.4. -ActuarialScience,ECONOMETRICS,MarketTechnicals.jl,https://github.com/JuliaQuant/MarketTechnicals.jl,Technical analysis of financial time series in Julia. -ActuarialScience,ECONOMETRICS,DSGE.jl,https://github.com/FRBNY-DSGE/DSGE.jl,FRBNY DSGE model in Julia. -ActuarialScience,ECONOMETRICS,copula.jl,https://github.com/floswald/copula.jl,Julia Copula package implements the gaussian AR1 copula. -ActuarialScience,ECONOMETRICS,Dolo.jl,https://github.com/EconForge/Dolo.jl,A tool to describe and solve economic models. -ActuarialScience,ECONOMETRICS,Dynare.jl,https://github.com/DynareTeam/Dynare.jl,"This package aims at bringing to Julia some of the algorithms incorporated in Dynare, a platform for solving dynamic economic models." -ActuarialScience,ECONOMETRICS,Econometrics.jl,https://github.com/JuliaFinMetriX/Econometrics.jl,The Econometrics.jl package contains functionalities for (financial) econometric research. -ActuarialScience,ECONOMETRICS,Expectations.jl,https://github.com/QuantEcon/Expectations.jl, Expectation operators for `Distributions.jl` objects. -ActuarialScience,ECONOMETRICS,FredData.jl,https://github.com/micahjsmith/FredData.jl,Pull [data](https://research.stlouisfed.org/fred2/) from [FRED](https://en.wikipedia.org/wiki/Federal_Reserve_Economic_Data) directly into Julia. -ActuarialScience,ECONOMETRICS,fund.jl,https://github.com/davidanthoff/fund.jl,An implementation of FUND in Julia. -ActuarialScience,ECONOMETRICS,GARCH.jl,https://github.com/AndreyKolev/GARCH.jl,Generalized Autoregressive Conditional Heteroskedastic (GARCH) models for Julia. -ActuarialScience,ECONOMETRICS,Gensys.jl,https://github.com/QuantEcon/Gensys.jl,A Julia version of Gensys (Sims 2000). -ActuarialScience,ECONOMETRICS,GrowthModels,https://github.com/NYUEcon/GrowthModels,This is a repository that contains solutions to many growth models that are of the same class. -ActuarialScience,ECONOMETRICS,Jconometrics.jl,https://github.com/adriantorrie/Jconometrics.jl,MATLAB to Julia port of Spatial Econometrics. -ActuarialScience,ECONOMETRICS,Loss.jl,https://github.com/johnmyleswhite/Loss.jl,General functions for estimating loss functions inspired by Kaggle's release of code for many common metrics. -ActuarialScience,ECONOMETRICS,QuantEcon.jl,https://github.com/QuantEcon/QuantEcon.jl,This package collects code for quantitative economic modeling. It is currently comprised of two main parts: 1. A toolbox of routines useful when doing economics and 2. Implementations of types and solution methods for common economic models. -ActuarialScience,ECONOMETRICS,RuinProbability.jl,https://github.com/Hank-Qian/RuinProbability.jl,For calculating the ruin probability with real data under different claims models. -ActuarialScience,FINANCE,AssetMgmt.jl,https://github.com/cgroll/AssetMgmt.jl,Asset Management. -ActuarialScience,FINANCE,BigFinance.jl,https://github.com/jiahao/BigFinance.jl,Analysis of high frequency quantitative data. -ActuarialScience,FINANCE,lashcrash-ui,https://github.com/shashi/flashcrash-ui,UI for `BigFinance.jl`. -ActuarialScience,FINANCE,Bloomberg.jl,https://github.com/milktrader/Bloomberg.jl,Providing access to Bloomberg financial data in Julia. -ActuarialScience,FINANCE,BusinessDays.jl,https://github.com/felipenoris/BusinessDays.jl,A highly optimized Business Days calculator written in Julia language. Also known as Working Days calculator. -ActuarialScience,FINANCE,Currencies.jl,https://github.com/TotalVerb/Currencies.jl, Simple checked fixed-point currencies for Julia. -ActuarialScience,FINANCE,CTechCommon.jl,https://github.com/tbreloff/CTechCommon.jl,"Some functionality to be shared among packages. {Usable: 4, Robust: 4, Active: 1}" -ActuarialScience,FINANCE,DynAssMgmt.jl,https://github.com/JuliaFinMetriX/DynAssMgmt.jl,This package implements a framework to set up and test dynamic asset management strategies. -ActuarialScience,FINANCE,EconDatasets.jl,https://github.com/JuliaFinMetriX/EconDatasets.jl,Accessing econometric datasets in Julia. -ActuarialScience,FINANCE,EodData.jl,https://github.com/adriantorrie/EodData.jl,Julia package for connecting to the [EodData.com XML Web Service](http://eoddata.com/products/webservice.aspx). -ActuarialScience,FINANCE,FinancialBlotter.jl,https://github.com/JuliaQuant/FinancialBlotter.jl,Financial Instruments and Accounting in Julia. -ActuarialScience,FINANCE,FinMarkets.jl,https://github.com/imanuelcostigan/FinMarkets.jl,Describe and model financial markets objects using Julia. -ActuarialScience,FINANCE,FinancialMarkets.jl,https://github.com/imanuelcostigan/FinancialMarkets.jl,Describe and model financial markets objects using Julia. -ActuarialScience,FINANCE,FinanceStats.jl,https://github.com/JuliaQuant/FinanceStats.jl,An experimental sandbox of functions that implement common statistical methods in finance. -ActuarialScience,FINANCE,FRED.jl,https://github.com/joidegn/FRED.jl,Package to read from the St. Louis Federal Reserve Bank API. -ActuarialScience,FINANCE,Grist.jl,https://github.com/JuliaQuant/Grist.jl,Financial blotter. -ActuarialScience,FINANCE,InterestRates.jl,https://github.com/felipenoris/InterestRates.jl,"Tools for Term Structure of Interest Rates calculation, aimed at the valuation of financial contracts, specially Fixed Income instruments, indexing and Term Structures." -ActuarialScience,FINANCE,Ito.jl,https://github.com/aviks/Ito.jl,An open source toolkit for financial computing in Julia. -ActuarialScience,FINANCE,LibTrading.jl,https://github.com/StefanKarpinski/LibTrading.jl,"A wrapper for the libtrading library, an _open source API for high-performance, low-latency trading applications_." -ActuarialScience,FINANCE,MarketStates.jl,https://github.com/milktrader/MarketStates.jl,Library of market states that aggregate market indicators to produce a market signal. -ActuarialScience,FINANCE,MCInsurance.jl,https://github.com/mkriele/MCInsurance.jl,This Julia package provides multi-period Monte Carlo simulations for life insurance. -ActuarialScience,FINANCE,OpenFiscaCore.jl,https://github.com/openfisca/OpenFiscaCore.jl,"A port of OpenFisca-Core to Julia. This is the core module of OpenFisca, without GUI or country-specific code & data." -ActuarialScience,FINANCE,OpenFiscaFrance.jl,https://github.com/openfisca/OpenFiscaFrance.jl,"A port of OpenFisca-France to Julia, containing the formulas and parameters of the french tax-benefit system." -ActuarialScience,FINANCE,Quandl.jl,https://github.com/milktrader/Quandl.jl,"Julia api to Quandl open source financial, economic and social datasets." -ActuarialScience,FINANCE,RobHood.jl,https://github.com/cndesantana/RobHood.jl,Open platform to investigate markets. -ActuarialScience,FINANCE,SDE.jl,https://github.com/mschauer/SDE.jl,Simulation and inference for Ito processes and diffusions. -ActuarialScience,FINANCE,stockMonitor.jl,https://github.com/krthkj/stockMonitor.jl,A module which constantly collects and performs analyses the stock market. -ActuarialScience,FINANCE,Timestamps.jl,https://github.com/JuliaQuant/Timestamps.jl,Immutable timestamped values. -ActuarialScience,FINANCE,TradeModels.jl,https://github.com/JuliaQuant/TradeModels.jl,Modeling the allocation of resources to markets based on the restraints of objective functions. -ActuarialScience,FINANCE,TradingLogic.jl,https://github.com/JuliaQuant/TradingLogic.jl,An attempt at a unified framework in Julia language for both event-driven backtesting and live trading. This package utilizes reactive programming elements implemented in `Reactive.jl`. -ActuarialScience,FINANCE,TradingSystem.jl,https://github.com/milktrader/TradingSystem.jl,Quantitative trading framework in Julia. -ActuarialScience,FINANCE,WorldBankDataTd.jl,https://github.com/JuliaFinMetriX/WorldBankDataTd.jl,Accessing World Bank Data. -ActuarialScience,FINANCE,YStockData.jl,https://github.com/Algocircle/YStockData.jl,Fetch Data from Yahoo Finance. -ActuarialScience,FINANCE,ZVSimulator.jl,https://github.com/scidom/ZVSimulator.jl,The ZVSimulator package provides a framework for assessing the zero variance (ZV) principle for Monte Carlo or random sampling via simulation. +ActuarialScience,"§1.ECONOMETRICS",MarketTechnicals.jl,https://github.com/JuliaQuant/MarketTechnicals.jl,Technical analysis of financial time series in Julia. +ActuarialScience,"§1.ECONOMETRICS",DSGE.jl,https://github.com/FRBNY-DSGE/DSGE.jl,FRBNY DSGE model in Julia. +ActuarialScience,"§1.ECONOMETRICS",copula.jl,https://github.com/floswald/copula.jl,Julia Copula package implements the gaussian AR1 copula. +ActuarialScience,"§1.ECONOMETRICS",Dolo.jl,https://github.com/EconForge/Dolo.jl,A tool to describe and solve economic models. +ActuarialScience,"§1.ECONOMETRICS",Dynare.jl,https://github.com/DynareTeam/Dynare.jl,"This package aims at bringing to Julia some of the algorithms incorporated in Dynare, a platform for solving dynamic economic models." +ActuarialScience,"§1.ECONOMETRICS",Econometrics.jl,https://github.com/JuliaFinMetriX/Econometrics.jl,The Econometrics.jl package contains functionalities for (financial) econometric research. +ActuarialScience,"§1.ECONOMETRICS",Expectations.jl,https://github.com/QuantEcon/Expectations.jl, Expectation operators for `Distributions.jl` objects. +ActuarialScience,"§1.ECONOMETRICS",FredData.jl,https://github.com/micahjsmith/FredData.jl,Pull [data](https://research.stlouisfed.org/fred2/) from [FRED](https://en.wikipedia.org/wiki/Federal_Reserve_Economic_Data) directly into Julia. +ActuarialScience,"§1.ECONOMETRICS",fund.jl,https://github.com/davidanthoff/fund.jl,An implementation of FUND in Julia. +ActuarialScience,"§1.ECONOMETRICS",GARCH.jl,https://github.com/AndreyKolev/GARCH.jl,Generalized Autoregressive Conditional Heteroskedastic (GARCH) models for Julia. +ActuarialScience,"§1.ECONOMETRICS",Gensys.jl,https://github.com/QuantEcon/Gensys.jl,A Julia version of Gensys (Sims 2000). +ActuarialScience,"§1.ECONOMETRICS",GrowthModels,https://github.com/NYUEcon/GrowthModels,This is a repository that contains solutions to many growth models that are of the same class. +ActuarialScience,"§1.ECONOMETRICS",Jconometrics.jl,https://github.com/adriantorrie/Jconometrics.jl,MATLAB to Julia port of Spatial Econometrics. +ActuarialScience,"§1.ECONOMETRICS",Loss.jl,https://github.com/johnmyleswhite/Loss.jl,General functions for estimating loss functions inspired by Kaggle's release of code for many common metrics. +ActuarialScience,"§1.ECONOMETRICS",QuantEcon.jl,https://github.com/QuantEcon/QuantEcon.jl,This package collects code for quantitative economic modeling. It is currently comprised of two main parts: 1. A toolbox of routines useful when doing economics and 2. Implementations of types and solution methods for common economic models. +ActuarialScience,"§1.ECONOMETRICS",RuinProbability.jl,https://github.com/Hank-Qian/RuinProbability.jl,For calculating the ruin probability with real data under different claims models. +ActuarialScience,"§2.FINANCE",AlphaVantage.jl,https://github.com/ellisvalentiner/AlphaVantage.jl,A Julia wrapper for the Alpha Vantage API. +ActuarialScience,"§2.FINANCE",AssetMgmt.jl,https://github.com/cgroll/AssetMgmt.jl,Asset Management. +ActuarialScience,"§2.FINANCE",BigFinance.jl,https://github.com/jiahao/BigFinance.jl,Analysis of high frequency quantitative data. +ActuarialScience,"§2.FINANCE",lashcrash-ui,https://github.com/shashi/flashcrash-ui,UI for `BigFinance.jl`. +ActuarialScience,"§2.FINANCE",Bloomberg.jl,https://github.com/milktrader/Bloomberg.jl,Providing access to Bloomberg financial data in Julia. +ActuarialScience,"§2.FINANCE",BusinessDays.jl,https://github.com/felipenoris/BusinessDays.jl,A highly optimized Business Days calculator written in Julia language. Also known as Working Days calculator. +ActuarialScience,"§2.FINANCE",Currencies.jl,https://github.com/TotalVerb/Currencies.jl, Simple checked fixed-point currencies for Julia. +ActuarialScience,"§2.FINANCE",CTechCommon.jl,https://github.com/tbreloff/CTechCommon.jl,"Some functionality to be shared among packages. {Usable: 4, Robust: 4, Active: 1}" +ActuarialScience,"§2.FINANCE",DynAssMgmt.jl,https://github.com/JuliaFinMetriX/DynAssMgmt.jl,This package implements a framework to set up and test dynamic asset management strategies. +ActuarialScience,"§2.FINANCE",EconDatasets.jl,https://github.com/JuliaFinMetriX/EconDatasets.jl,Accessing econometric datasets in Julia. +ActuarialScience,"§2.FINANCE",EodData.jl,https://github.com/adriantorrie/EodData.jl,Julia package for connecting to the [EodData.com XML Web Service](http://eoddata.com/products/webservice.aspx). +ActuarialScience,"§2.FINANCE",FinancialBlotter.jl,https://github.com/JuliaQuant/FinancialBlotter.jl,Financial Instruments and Accounting in Julia. +ActuarialScience,"§2.FINANCE",FinMarkets.jl,https://github.com/imanuelcostigan/FinMarkets.jl,Describe and model financial markets objects using Julia. +ActuarialScience,"§2.FINANCE",FinancialMarkets.jl,https://github.com/imanuelcostigan/FinancialMarkets.jl,Describe and model financial markets objects using Julia. +ActuarialScience,"§2.FINANCE",FinanceStats.jl,https://github.com/JuliaQuant/FinanceStats.jl,An experimental sandbox of functions that implement common statistical methods in finance. +ActuarialScience,"§2.FINANCE",FRED.jl,https://github.com/joidegn/FRED.jl,Package to read from the St. Louis Federal Reserve Bank API. +ActuarialScience,"§2.FINANCE",Grist.jl,https://github.com/JuliaQuant/Grist.jl,Financial blotter. +ActuarialScience,"§2.FINANCE",InterestRates.jl,https://github.com/felipenoris/InterestRates.jl,"Tools for Term Structure of Interest Rates calculation, aimed at the valuation of financial contracts, specially Fixed Income instruments, indexing and Term Structures." +ActuarialScience,"§2.FINANCE",Ito.jl,https://github.com/aviks/Ito.jl,An open source toolkit for financial computing in Julia. +ActuarialScience,"§2.FINANCE",LibTrading.jl,https://github.com/StefanKarpinski/LibTrading.jl,"A wrapper for the libtrading library, an _open source API for high-performance, low-latency trading applications_." +ActuarialScience,"§2.FINANCE",MarketStates.jl,https://github.com/milktrader/MarketStates.jl,Library of market states that aggregate market indicators to produce a market signal. +ActuarialScience,"§2.FINANCE",MCInsurance.jl,https://github.com/mkriele/MCInsurance.jl,This Julia package provides multi-period Monte Carlo simulations for life insurance. +ActuarialScience,"§2.FINANCE",OpenFiscaCore.jl,https://github.com/openfisca/OpenFiscaCore.jl,"A port of OpenFisca-Core to Julia. This is the core module of OpenFisca, without GUI or country-specific code & data." +ActuarialScience,"§2.FINANCE",OpenFiscaFrance.jl,https://github.com/openfisca/OpenFiscaFrance.jl,"A port of OpenFisca-France to Julia, containing the formulas and parameters of the french tax-benefit system." +ActuarialScience,"§2.FINANCE",Quandl.jl,https://github.com/milktrader/Quandl.jl,"Julia api to Quandl open source financial, economic and social datasets." +ActuarialScience,"§2.FINANCE",RobHood.jl,https://github.com/cndesantana/RobHood.jl,Open platform to investigate markets. +ActuarialScience,"§2.FINANCE",SDE.jl,https://github.com/mschauer/SDE.jl,Simulation and inference for Ito processes and diffusions. +ActuarialScience,"§2.FINANCE",stockMonitor.jl,https://github.com/krthkj/stockMonitor.jl,A module which constantly collects and performs analyses the stock market. +ActuarialScience,"§2.FINANCE",Timestamps.jl,https://github.com/JuliaQuant/Timestamps.jl,Immutable timestamped values. +ActuarialScience,"§2.FINANCE",TradeModels.jl,https://github.com/JuliaQuant/TradeModels.jl,Modeling the allocation of resources to markets based on the restraints of objective functions. +ActuarialScience,"§2.FINANCE",TradingLogic.jl,https://github.com/JuliaQuant/TradingLogic.jl,An attempt at a unified framework in Julia language for both event-driven backtesting and live trading. This package utilizes reactive programming elements implemented in `Reactive.jl`. +ActuarialScience,"§2.FINANCE",TradingSystem.jl,https://github.com/milktrader/TradingSystem.jl,Quantitative trading framework in Julia. +ActuarialScience,"§2.FINANCE",WorldBankDataTd.jl,https://github.com/JuliaFinMetriX/WorldBankDataTd.jl,Accessing World Bank Data. +ActuarialScience,"§2.FINANCE",YStockData.jl,https://github.com/Algocircle/YStockData.jl,Fetch Data from Yahoo Finance. +ActuarialScience,"§2.FINANCE",ZVSimulator.jl,https://github.com/scidom/ZVSimulator.jl,The ZVSimulator package provides a framework for assessing the zero variance (ZV) principle for Monte Carlo or random sampling via simulation. Algorithms,[ALGORITHMS](https://en.wikipedia.org/wiki/Category:Algorithms_and_data_structures),DataStructures.jl,https://github.com/JuliaCollections/DataStructures.jl,"This package implements a variety of data structures, viz. Deque, CircularBuffer, CircularDeque, Stack, Queue, Accumulators and Counters (i.e. Multisets / Bags), Disjoint Sets, Binary Heap, Mutable Binary Heap, Ordered Dicts and Sets, Dictionaries with Defaults, Trie, Linked List and Mutable Linked List, Sorted Dict, Sorted Multi-Dict and Sorted Set, DataStructures.IntSet, Priority Queue, Fenwick Tree" Algorithms,AssociationRule,ARules.jl,https://github.com/toddleo/ARules.jl,Julia package for Association Rule Learning algorithms. Algorithms,Checksum,CRC.jl,https://github.com/andrewcooke/CRC.jl,This is a Julia module for calculating Cyclic Redundancy Checksums (CRCs). @@ -1921,6 +1922,7 @@ Programming-Paradigms,[Automata](https://en.wikipedia.org/wiki/Category:Automata Programming-Paradigms,[Automata](https://en.wikipedia.org/wiki/Category:Automata_(computation)),BitRegs.jl,https://github.com/daqcore/BitRegs.jl,Julia package for bit and register operations. Programming-Paradigms,[Automata](https://en.wikipedia.org/wiki/Category:Automata_(computation)),ChainMap.jl,https://github.com/bramtayl/ChainMap.jl,Combine chaining and mapping. Programming-Paradigms,[Automata](https://en.wikipedia.org/wiki/Category:Automata_(computation)),CodeTracking.jl,https://github.com/timholy/CodeTracking.jl,"An extension of Julia's InteractiveUtils library that provides an interface for obtaining strings and expressions of method definitions, method signatures, etc.. designed to work with Revise.jl (for versions v1.1.0 and higher)." +Programming-Paradigms,[Automata](https://en.wikipedia.org/wiki/Category:Automata_(computation)),Eyeball.jl,https://github.com/tshort/Eyeball.jl,is an object and type viewer for Julia that exports one main tool to browse Julia objects and types. Programming-Paradigms,[Automata](https://en.wikipedia.org/wiki/Category:Automata_(computation)),FemtoCleaner.jl,https://github.com/JuliaComputing/FemtoCleaner.jl,"It cleans your julia projects by upgrading deprecated syntax, removing version compatibility workarounds and anything else that has a unique upgrade path, and is designed to be as style-preserving as possible, but does not perform code formatting." Programming-Paradigms,[Automata](https://en.wikipedia.org/wiki/Category:Automata_(computation)),IniFile.jl,https://github.com/JuliaLang/IniFile.jl,Reading and writing Windows-style INI files. Programming-Paradigms,[Automata](https://en.wikipedia.org/wiki/Category:Automata_(computation)),InterVal.jl,https://github.com/J-Sarnoff/InterVal.jl,"Intervals are inter-values, an interval is its values and their intra-values." @@ -2006,6 +2008,7 @@ Publications,ResearchPapers,Julia language research publications,http://julialan Publications,ResearchPapers,"hah, Viral B., et al. _[Novel Algebras for Advanced Analytics in Julia","http://ieee-hpec.org/2013/index_htm_files/49.pdf)_, IEEE-HPEC (2013)", Publications,ResearchPapers,"ezanson Jeff, et al. _[Julia: A fresh approach to numerical computing","http://arxiv.org/abs/1411.1607)_, 07-November-2014", QA,"§1.DataQA",ReferenceTests.jl,https://github.com/JuliaTesting/ReferenceTests.jl,QA package for comparing data against reference files. +QA,"§2.PackageQA",Aqua.jl,https://github.com/JuliaTesting/Aqua.jl,Automate Quality Assurance for Julia packages. Resources,COMMUNITY,he [discourse,https://discourse.julialang.org/) forum for all technical discussions. (NotaBene: The older google groups mailing lists has been abandoned in favor of this FOSS alternative), Resources,COMMUNITY,he official list of resources to [learn Julia,http://julialang.org/learning/), Resources,ContributingtoJuliacoredevelopment,Documentation bugs,https://github.com/JuliaLang/julia/issues?q=is%3Aopen+is%3Aissue+label%3Adoc), From f8f3c5cc7c9788485ae534518cce88dbbc53b8b9 Mon Sep 17 00:00:00 2001 From: Tallak Tveide Date: Wed, 9 Mar 2022 11:10:25 +0100 Subject: [PATCH 09/13] Added two InfluxDB clients --- Database.md | 5 +++++ 1 file changed, 5 insertions(+) diff --git a/Database.md b/Database.md index 91b0cc5e5..4bf8f7691 100755 --- a/Database.md +++ b/Database.md @@ -11,6 +11,7 @@ For downloading various data sets, visit the [OpenData.md](https://github.com/sv + [LMDB](#lmdb) + [MongoDB](#mongodb) + [Redis](#redis) + + [InfluxDB](#influxdb) + [RDBMS](#rdbms) + [MariaDB-MySQL](#mariadb-mysql) + [PostgreSQL](#postgresql) @@ -83,6 +84,10 @@ For downloading various data sets, visit the [OpenData.md](https://github.com/sv ## Redis + [Redis.jl](https://github.com/jkaye2012/Redis.jl) :: Pure Julia implementation of a Redis client (actively maintained). + [Redis.jl](https://github.com/msainz/Redis.jl) :: Pure Julia implementation of a Redis client, largely based on redis-py. + + ## InfluxDB ++ [Redis.jl](https://github.com/staticfloat/InfluxDB.jl) :: A package that makes talking to an InfluxDB server a walk in the veritable park. ++ [InfluxFlux](https://github.com/tallakt/InfluxFlux) :: Minimal Julia InfluxDB client based on v2 API and Flux QL ---- From 7c35cb583dff6a43b8877582683a9542345a292c Mon Sep 17 00:00:00 2001 From: Tallak Tveide Date: Wed, 9 Mar 2022 11:11:17 +0100 Subject: [PATCH 10/13] Fix naming for InfluxDB.jl --- Database.md | 2 +- 1 file changed, 1 insertion(+), 1 deletion(-) diff --git a/Database.md b/Database.md index 4bf8f7691..574c55b3c 100755 --- a/Database.md +++ b/Database.md @@ -86,7 +86,7 @@ For downloading various data sets, visit the [OpenData.md](https://github.com/sv + [Redis.jl](https://github.com/msainz/Redis.jl) :: Pure Julia implementation of a Redis client, largely based on redis-py. ## InfluxDB -+ [Redis.jl](https://github.com/staticfloat/InfluxDB.jl) :: A package that makes talking to an InfluxDB server a walk in the veritable park. ++ [InfluxDB.jl](https://github.com/staticfloat/InfluxDB.jl) :: A package that makes talking to an InfluxDB server a walk in the veritable park. + [InfluxFlux](https://github.com/tallakt/InfluxFlux) :: Minimal Julia InfluxDB client based on v2 API and Flux QL ---- From 840313fa93ffda41b1f5e3aebc35e69e97064c84 Mon Sep 17 00:00:00 2001 From: Eric Berquist Date: Sun, 13 Mar 2022 18:46:54 -0400 Subject: [PATCH 11/13] Updates and additions for JuliaMolSim projects --- Chemistry.md | 4 +++- 1 file changed, 3 insertions(+), 1 deletion(-) diff --git a/Chemistry.md b/Chemistry.md index ad4cbd96b..7dabe3c12 100755 --- a/Chemistry.md +++ b/Chemistry.md @@ -64,15 +64,17 @@ such as [Molecular dynamics](https://en.wikipedia.org/wiki/Molecular_dynamics), + [JuliaMolSim](https://github.com/JuliaMolSim) :: Github organization for molecular simulation in Julia - [ASE.jl](https://github.com/JuliaMolSim/ASE.jl) :: Julia Bindings for the [Atomic Simulation Environment (ASE)](https://wiki.fysik.dtu.dk/ase) + - [AtomsBase.jl](https://github.com/JuliaMolSim/AtomsBase.jl) :: A Julian abstract interface for atomic structures. - [DFTK.jl](https://github.com/JuliaMolSim/DFTK.jl) :: Flexible Julia code for plane-wave [density-functional theory (DFT)](https://en.wikipedia.org/wiki/Density_functional_theory) and related models. - [JuLIP.jl](https://github.com/JuliaMolSim/JuLIP.jl) :: Julia library for Interatomic Potentials. + - [Libxc.jl](https://github.com/JuliaMolSim/Libxc.jl) :: Julia bindings to the libxc library for exchange-correlation functionals. - [MolSimPy.jl](https://github.com/JuliaMolSim/MolSimPy.jl) :: Python bindings for molecular simulations. + - [Molly.jl](https://github.com/JuliaMolSim/Molly.jl) :: Molecular simulation in Julia. - [NeighborLists.jl](https://github.com/JuliaMolSim/NeighborLists.jl) :: Neighbour list for particle simulations based on matscipy. - [SHIPs.jl](https://github.com/JuliaMolSim/SHIPs.jl) :: Approximation of Symmetric Functions with Polynomials and Spherical Harmonics. + [Brownian.jl](https://github.com/UniversityofWarwick/Brownian.jl) :: Simulation of Brownian-Based Stochastic Processes. + [Elsa.jl](https://github.com/pablosanjose/Elsa.jl) :: Simulation of tight-binding models on arbitrary lattices. + [Fermi.jl](https://github.com/FermiQC/Fermi.jl) :: Development plataform and production level implementations of wave function methods. -+ [Molly.jl](https://github.com/jgreener64/Molly.jl) :: Molecular dynamics in Julia. + [pyquante2](https://github.com/rpmuller/pyquante2/) :: PyQuante is a Quantum Chemistry suite written in Python, with Julia support for HF and methods for integrals. + [QSimulator.jl](https://github.com/BBN-Q/QSimulator.jl) :: Unitary and Lindbladian evolution of quantum states in Julia. + [QuantumLab.jl](https://github.com/vonDonnerstein/QuantumLab.jl) :: A workbench for Quantum Chemistry and Quantum Physics in Julia. From 81f1f25e8450fff65826c4a5d71e2fbccc0ba9d6 Mon Sep 17 00:00:00 2001 From: Pietro Monticone <38562595+pitmonticone@users.noreply.github.com> Date: Sun, 10 Jul 2022 00:37:47 +0200 Subject: [PATCH 12/13] Fix a few typos --- LICENSE-AGPLv3.md | 4 ++-- Machines.md | 2 +- README.md | 4 ++-- Server.md | 2 +- Super-Computing.md | 2 +- Utilities.md | 2 +- 6 files changed, 8 insertions(+), 8 deletions(-) diff --git a/LICENSE-AGPLv3.md b/LICENSE-AGPLv3.md index 426fd2e52..7469a2759 100755 --- a/LICENSE-AGPLv3.md +++ b/LICENSE-AGPLv3.md @@ -1,7 +1,7 @@ # CODE LICENSE : AGPLv3+ + COPYRIGHT © 2013-Now [SVAKSHA](http://svaksha.com/pages/Bio). -+ The programs in `Julia.jl` are released under the [AGPLv3 License](http://www.gnu.org/licenses/agpl.html) and above. ALL copies and forks of this work must retain the Copyright, both the Licence files (for data and code) along with this permission notice in all copies or substantial portions of the work. ++ The programs in `Julia.jl` are released under the [AGPLv3 License](http://www.gnu.org/licenses/agpl.html) and above. ALL copies and forks of this work must retain the Copyright, both the License files (for data and code) along with this permission notice in all copies or substantial portions of the work. Permission is hereby granted, free of charge, to any person obtaining a copy of this software and associated documentation files (the @@ -11,7 +11,7 @@ distribute, sublicense, and/or sell copies of the Software, and to permit persons to whom the Software is furnished to do so, subject to the following conditions: -ALL copies and forks of this work must retain the Copyright, both the Licence +ALL copies and forks of this work must retain the Copyright, both the License files for source code (AGPLv3) and documentation (CC BY-NC-SA 4.0) along with this permission notice in all copies or substantial portions of the Software. diff --git a/Machines.md b/Machines.md index cc0e70bfb..d5be13e6d 100755 --- a/Machines.md +++ b/Machines.md @@ -19,7 +19,7 @@ # API + [Alazar.jl](https://github.com/ajkeller34/Alazar.jl) :: API wrapper for Julia, bare bones. -+ [MichrochipRTDM.jl](https://github.com/cstook/MicrochipRTDM.jl) :: A bunch of functions usefull for working with MicrochipTM's RTDM interface. ++ [MichrochipRTDM.jl](https://github.com/cstook/MicrochipRTDM.jl) :: A bunch of functions useful for working with MicrochipTM's RTDM interface. ---- diff --git a/README.md b/README.md index 01fafbd28..464096dbf 100755 --- a/README.md +++ b/README.md @@ -52,7 +52,7 @@ + COPYRIGHT © 2012-Now [SVAKSHA](http://svaksha.com/pages/Bio), herewith dual-licensed for the data (ODbL-v1.0+) and the software (AGPLv3+), respectively. ## §2.1. AGPLv3 and ODbL -This repo uses multiple licences for data and code, viz. [ODbL](https://opendatacommons.org/licenses/odbl/1-0/) and [AGPLv3](http://www.gnu.org/licenses/agpl-3.0.html) +This repo uses multiple licenses for data and code, viz. [ODbL](https://opendatacommons.org/licenses/odbl/1-0/) and [AGPLv3](http://www.gnu.org/licenses/agpl-3.0.html) + The __data__ (aggregated and curated decibans of knowledge resources for Julia language) in this repository (`Julia.jl`) is released under the [Open Database License](https://opendatacommons.org/licenses/odbl/1-0/) (ODbL-v1.0). The Open Database License (ODbL) grants anyone the freedom to share, create and adapt the data or database with proper __credit attribution__ as specified in the license and __offer any new work under the same terms__, and __release a public copy if using the new work for commercial purposes__. + The __software__ used in `Julia.jl` is released under the [AGPLv3 License](http://www.gnu.org/licenses/agpl-3.0.html), and above, as detailed in the [LICENSE-AGPLv3.md](https://github.com/svaksha/Julia.jl/blob/master/LICENSE-AGPLv3.md) file. @@ -101,7 +101,7 @@ On a scale of 1 to 5 (1=lowest,..5=highest), please rank your package for, + `Usability` : Does the package do what it says it does? is it easy to figure out? Is the package production-ready and actively maintained (issues/PRs are responded and resolved in a timely manner, and maintenance and testing is at par with Julia release cycles). + `Quality` : Does the package have tests? are there lots of bugs? Do you have good documentation? Can it be used in production environments that expect prompt security patches? + `Activity` : Should a 3rd party user bother to use your library, or is it really only intended to be used by the package author? Let's say, an experimental "throw-away toy repo" whose development has now been abandoned. -+ `License` : Which software license do you use? If you dont have a license, please state `None`. ++ `License` : Which software license do you use? If you don't have a license, please state `None`. ## Stargazers diff --git a/Server.md b/Server.md index 76a900801..32c3a1663 100755 --- a/Server.md +++ b/Server.md @@ -30,7 +30,7 @@ __Networking, web security, frameworks and other Web server related things go he ---- # Middleware -+ [JuliaWebAPI.jl](https://github.com/tanmaykm/JuliaWebAPI.jl) : Julia package for deploying APIs on JuliaBox to facilitat wrapping Julia functions into a remote callable API via ZMQ and HTTP. ++ [JuliaWebAPI.jl](https://github.com/tanmaykm/JuliaWebAPI.jl) : Julia package for deploying APIs on JuliaBox to facilitate wrapping Julia functions into a remote callable API via ZMQ and HTTP. + [Mongrel2.jl](https://github.com/aviks/Mongrel2.jl) :: Mongrel2 handlers in Julia. + [Mux.jl](https://github.com/JunoLab/Mux.jl) :: Middleware for Julia. + [Nanomsg.jl](https://github.com/quinnj/Nanomsg.jl) :: a middleware, nanomsg wrapper for the Julia programming language - [Nanomsg](http://nanomsg.org) is a reboot of the ØMQ socket library, providing several common communication patterns that make the networking layer fast, scalable, and easy to use. diff --git a/Super-Computing.md b/Super-Computing.md index 9a8c90e63..e61e072df 100755 --- a/Super-Computing.md +++ b/Super-Computing.md @@ -159,7 +159,7 @@ __Super Computing: HPC, Distributed Computing, Cloud computing, Cluster computin ### [SIMD Computing](https://en.wikipedia.org/wiki/Category:SIMD_computing) + [MPIArrays.jl](https://github.com/barche/MPIArrays.jl) :: Distributed arrays based on MPI onesided communication. + [SIMD.jl](https://github.com/eschnett/SIMD.jl) :: Explicit SIMD vector operations for Julia. -+ [SIMDPirates.jl](https://github.com/chriselrod/SIMDPirates.jl) :: A library for SIMD intrinsics. The code was stolen from SIMD.jl, whose authors and maintainers deserve credit for most of the good work here. Aside from pirating code, SIMDPirates also provides an @pirate macro that lets you imagine you're commiting type piracy ++ [SIMDPirates.jl](https://github.com/chriselrod/SIMDPirates.jl) :: A library for SIMD intrinsics. The code was stolen from SIMD.jl, whose authors and maintainers deserve credit for most of the good work here. Aside from pirating code, SIMDPirates also provides an @pirate macro that lets you imagine you're committing type piracy + [SIMDVectors.jl](https://github.com/KristofferC/SIMDVectors.jl) :: An experimental package that uses the PR #15244 to create a stack allocated fixed size vector which supports SIMD operations and very similar in spirit to the SIMD.jl package. + [Yeppp.jl](https://github.com/JuliaLang/Yeppp.jl) :: A low level, high performance library for vectorized operations, elementwise operation on arrays, supports the x86(-64), ARM and MIPS architectures, and takes advantage of a lot of SIMD extensions (from SSE to AVX2 on x86, NEON on ARM). The New BSD(3-clause BSD)-licensed [source code is hosted on Bitbucket](https://bitbucket.org/MDukhan/yeppp). diff --git a/Utilities.md b/Utilities.md index 437476e9f..1e726c080 100755 --- a/Utilities.md +++ b/Utilities.md @@ -64,7 +64,7 @@ + [REPL.jl](https://github.com/Keno/REPL.jl) :: Pure-julia REPL implementation. + [REPLCompletions.jl](https://github.com/Keno/REPLCompletions.jl) :: Tab completions for your Julia REPL. + [REPLMods.jl](https://github.com/spencerlyon2/REPLMods.jl) :: Mod your REPL and evaluate directly into any module on your path or defined within the current working module. -+ [SaveREPL.jl](https://github.com/sjkelly/SaveREPL.jl) :: A package for saving entries in the Jula REPL. ++ [SaveREPL.jl](https://github.com/sjkelly/SaveREPL.jl) :: A package for saving entries in the Julia REPL. + [TerminalExtensions.jl](https://github.com/Keno/TerminalExtensions.jl) :: A package that makes Julia take advantage of cool terminal emulator features. + [toolbox.jl](https://github.com/natj/toolbox.jl) :: Small tools and snippets used by @natj with julia. + [TermWin.jl](https://github.com/tonyhffong/TermWin.jl) :: NCurses based GUI helper and data navigators. From 3a1c971841110ed7670dfa9a39322fd5c54ea6e9 Mon Sep 17 00:00:00 2001 From: =?UTF-8?q?Gerv=C3=A1sio=20J=C3=BAnior?= Date: Mon, 11 Jul 2022 13:27:20 -0300 Subject: [PATCH 13/13] Fixes #150 --- README.md | 2 +- 1 file changed, 1 insertion(+), 1 deletion(-) diff --git a/README.md b/README.md index 01fafbd28..d7c65a503 100755 --- a/README.md +++ b/README.md @@ -1,6 +1,6 @@ # Julia.jl -[Julia.jl](http://svaksha.github.io/Julia.jl) aggregates and curates decibans of knowledge resources for programming in [Julia](https://github.com/JuliaLang), an all-purpose programming language that addresses the needs of high-performance numerical analysis and computational science. +[Julia.jl](http://svaksha.github.io/Julia.jl) aggregates and curates decibans[?](https://github.com/svaksha/Julia.jl/issues/150#issuecomment-483116981) of knowledge resources for programming in [Julia](https://github.com/JuliaLang), an all-purpose programming language that addresses the needs of high-performance numerical analysis and computational science. + [§1. INDEX](#1-INDEX) + [§2. LICENSE](#2-LICENSE)