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.