AI,MACHINELEARNING,BackpropNeuralNet.jl,https://github.com/compressed/BackpropNeuralNet.jl,A neural network in Julia. AI,MACHINELEARNING,BNMF.jl,https://github.com/r9y9/BNMF.jl,Gamma Process Non-negative Matrix Factorization (GaP-NMF). AI,MACHINELEARNING,ConfidenceWeighted.jl,https://github.com/chezou/ConfidenceWeighted.jl,Confidence weighted, a machine learning algorithm. AI,MACHINELEARNING,Contingency.jl,https://github.com/svs14/Contingency.jl,Assorted techniques for the purpose of enabling automated machine learning. AI,MACHINELEARNING,Clustering.jl,https://github.com/johnmyleswhite/Clustering.jl,Basic functions for clustering data ==> k-means, dp-means, etc.. AI,MACHINELEARNING,DAI.jl,https://github.com/binarybana/DAI.jl,A julia binding to the C++ discrete approximate inference library for graphical models: libDAI. AI,MACHINELEARNING,DecisionTree.jl,https://github.com/bensadeghi/DecisionTree.jl), AI,MACHINELEARNING,DecisionTrees.jl,https://github.com/MikeInnes/DecisionTrees.jl), AI,MACHINELEARNING,DeepQLearning.jl,https://github.com/Andy-P/DeepQLearning.jl,An implementation of DeepMind's Deep Q Learning algorithm described in _Playing Atari with Deep Reinforcement Learning_. AI,MACHINELEARNING,Discretizers.jl,https://github.com/sisl/Discretizers.jl,A package to support discretization methods and mapping functions for data discretization and label maps. AI,MACHINELEARNING,EGR.jl,https://github.com/stefanks/EGR.jl,The Stochastic Gradient (SG) algorithm for machine learning. AI,MACHINELEARNING,ELM.jl,https://github.com/lepisma/ELM.jl,Extreme Learning Machines are a variant of Single-Hidden Layer Feedforward Networks (SLFNs) with a significant departure as their weights aren't iteratively tuned. This boosts the speed of neurals nets heavily. AI,MACHINELEARNING,FeatureSelection.jl,https://github.com/Evizero/FeatureSelection.jl,Common measures and algorithms for feature selection. AI,MACHINELEARNING,Flimsy.jl,https://github.com/thomlake/Flimsy.jl,Gradient based Machine Learning for Julia. AI,MACHINELEARNING,FunctionalDataUtils.jl,https://github.com/rened/FunctionalDataUtils.jl,Utility functions for the FunctionalData package, mainly from the area of computer vision / machine learning. AI,MACHINELEARNING,go.jl,https://github.com/dmrd/go.jl,A deep learning based Go bot implemented in Julia. AI,MACHINELEARNING,GradientBoost.jl,https://github.com/svs14/GradientBoost.jl,Gradient boosting framework for Julia. AI,MACHINELEARNING,GURLS.jl,https://github.com/joehuchette/GURLS.jl,A pure Julia port of the GURLS supervised learning library. AI,MACHINELEARNING,Glmnet.jl,https://github.com/simonster/Glmnet.jl,Julia wrapper for fitting Lasso/ElasticNet GLM models using glmnet. AI,MACHINELEARNING,HopfieldNets.jl,https://github.com/johnmyleswhite/HopfieldNets.jl,Discrete and continuous Hopfield networks in Julia. AI,MACHINELEARNING,HSIC.jl,https://github.com/trappmartin/HSIC.jl,Julia implementations of the Hilbert-Schmidt Independence Criterion (HSIC). AI,MACHINELEARNING,KaggleDigitRecognizer.jl,https://github.com/benhamner/KaggleDigitRecognizer.jl,Julia code for Kaggle's Digit Recognizer competition. AI,MACHINELEARNING,KDTrees.jl,https://github.com/KristofferC/KDTrees.jl,KD Trees. AI,MACHINELEARNING,Kernels.jl,https://github.com/trthatcher/Kernels.jl,A Julia package for Mercer kernels and Gramian matrix calculation/approximation functions used in kernel methods of machine learning. AI,MACHINELEARNING,Knet.jl,https://github.com/denizyuret/Knet.jl,A machine learning module implemented in Julia. AI,MACHINELEARNING,kNN.jl,https://github.com/johnmyleswhite/kNN.jl,The k-Nearest Neighbors algorithm in Julia. AI,MACHINELEARNING,KSVM.jl,https://github.com/remusao/KSVM.jl) by @remusa,Kernel Support Vector Machine (SVM) written in Julia. AI,MACHINELEARNING,KSVM.jl,https://github.com/Evizero/KSVM.jl) by @Evizer,Support Vector Machines in pure Julia. AI,MACHINELEARNING,Ladder.jl,https://github.com/mrtzh/Ladder.jl,A reliable leaderboard algorithm for machine learning competitions. AI,MACHINELEARNING,Learn.jl,https://github.com/Rory-Finnegan/Learn.jl,Base framework library for machine learning packages. AI,MACHINELEARNING,LearnBase.jl,https://github.com/Evizero/LearnBase.jl,Abstractions for Julia Machine Learning Packages. AI,MACHINELEARNING,liblinear.jl,https://github.com/tuzzeg/liblinear.jl,Liblinear binding to Julia. AI,MACHINELEARNING,LIBSVM.jl,https://github.com/simonster/LIBSVM.jl,Julia bindings for LIBSVM. AI,MACHINELEARNING,NMF.jl,https://github.com/lindahua/NMF.jl,A Julia package for non-negative matrix factorization (NMF). AI,MACHINELEARNING,MachineLearning.jl,https://github.com/benhamner/MachineLearning.jl,is a Machine Learning library package that consolidates common machine learning algorithms written in pure Julia and presents a consistent API. AI,MACHINELEARNING,Merlin.jl,https://github.com/hshindo/Merlin.jl,Flexible Deep Learning Framework in Julia. AI,MACHINELEARNING,Milk.jl,https://github.com/faithlessfriend/Milk.jl,Machine Learning Kit. AI,MACHINELEARNING,MLKernels.jl,https://github.com/trthatcher/MLKernels.jl,Mercer kernels and Gramian matrix calculation/approximation. AI,MACHINELEARNING,Mocha.jl,https://github.com/pluskid/Mocha.jl,A Deep Learning framework for Julia, inspired by the C++ Deep Learning framework Caffe. AI,MACHINELEARNING,ew tutorial on [unsupervised pre-training with stacked denoising auto-encoders,http://mochajl.readthedocs.org/en/latest/tutorial/mnist-sDA.html), AI,MACHINELEARNING,n IJulia Notebook [demo of using pre-trained CNN on imagenet to do image classification,http://nbviewer.ipython.org/github/pluskid/Mocha.jl/blob/master/examples/ijulia/ilsvrc12/imagenet-classifier.ipynb), AI,MACHINELEARNING,MochaTheano.jl,https://github.com/benmoran/MochaTheano.jl,Allow use of Theano for automatic differentiation within Mocha, via PyCall. AI,MACHINELEARNING,Ollam.jl,https://github.com/mit-nlp/Ollam.jl,OLLAM = Online Learning of Linear Adaptatable Models. AI,MACHINELEARNING,OnlineAI.jl,https://github.com/tbreloff/OnlineAI.jl,Machine learning for sequential/streaming data. {Usable: 3, Robust: 3, Active: 3} AI,MACHINELEARNING,Orchestra.jl,https://github.com/svs14/Orchestra.jl,Heterogeneous ensemble learning package for the Julia programming language. AI,MACHINELEARNING,PrivateMultiplicativeWeights.jl,https://github.com/mrtzh/PrivateMultiplicativeWeights.jl,Differentially private synthetic data. AI,MACHINELEARNING,ProjectiveDictionaryPairLearning.jl,https://github.com/quxiaofeng/ProjectiveDictionaryPairLearning.jl,Julia code for the paper S. Gu, L. Zhang, W. Zuo, and X. Feng, “Projective Dictionary Pair Learning for Pattern Classification,” In NIPS 2014. AI,MACHINELEARNING,RegERMs.jl,https://github.com/BigCrunsh/RegERMs.jl,A package implementing several machine learning algorithms in a regularised empirical risk minimisation framework (SVMs, LogReg, Linear Regression) in Julia. AI,MACHINELEARNING,SALSA.jl,https://github.com/jumutc/SALSA.jl,_S_oftware Lab for _A_dvanced Machine _L_earning and _S_tochastic _A_lgorithms is a native Julia implementation of the well known stochastic algorithms for linear and non-linear Support Vector Machines. AI,MACHINELEARNING,SimpleML.jl,https://github.com/aviks/SimpleML.jl,Textbook implementations of some Machine Learning Algorithms in Julia. AI,MACHINELEARNING,SFA.jl,https://github.com/makokal/SFA.jl,Implementation of the standard SFA (Slow Feature Analysis) algorithm (both linear and non-linear signal expansion) in Julia. AI,MACHINELEARNING,SoftConfidenceWeighted.jl,https://github.com/IshitaTakeshi/SoftConfidenceWeighted.jl,Exact Soft Confidence-Weighted Learning. AI,MACHINELEARNING,Strada.jl,https://github.com/pcmoritz/Strada.jl,A deep learning library for Julia based on Caffe. AI,MACHINELEARNING,SupervisedLearning.jl,https://github.com/Evizero/SupervisedLearning.jl,Front-end interface for supervised machine learning. AI,MACHINELEARNING,SVMLightLoader.jl,https://github.com/IshitaTakeshi/SVMLightLoader.jl,Loader of svmlight / liblinear format files. AI,MACHINELEARNING,TSVD.jl,https://github.com/andreasnoack/TSVD.jl,Truncated singular value decomposition with partial reorthogonalization. AI,MACHINELEARNING,YCaret.jl,https://github.com/EricChiang/YCaret.jl,Machine learning utility functions in Julia. AI,Org-[JuliaML](https://github.com/JuliaML),ValueHistories.jl,https://github.com/JuliaML/ValueHistories.jl,Utilities to efficiently track learning curves or other optimization information. AI,Resources,Examples from _Thoughtful Machine Learning_,https://github.com/thoughtfulml/examples), AI,Resources,CIML,https://github.com/hal3/ciml,A Course in Machine Learning. This repository contains the source code for the CIML book (see http://ciml.info/) as well as any course materials that seem useful (slides, documents, labs, etc.). AI,Resources,deepframeworks,https://github.com/zer0n/deepframeworks,An evaluation of Deep Learning Frameworks. AI,Resources, [Machine Learning,http://work.caltech.edu/telecourse.html#lectures) course by Prof. Yaser Abu-Mostafa with videos on Youtube, AI,Resources,ml_cheat_sheet,https://github.com/rcompton/ml_cheat_sheet,Supervised learning superstitions cheat sheet. AI,Resources,Machine Learning Algorithm Cheat Sheet,http://www.lauradhamilton.com/machine-learning-algorithm-cheat-sheet) by Laura D Hamilton, AI,Resources,machine-learning-cheat-sheet,https://github.com/soulmachine/machine-learning-cheat-sheet,Classical equations and diagrams in machine learning by @soulmachine. AI,Resources,Machine Learning cheatsheet,http://eferm.com/machine-learning-cheat-sheet/), AI,Resources,Big Data Machine Learning Patterns for Predictive Analytics,http://refcardz.dzone.com/refcardz/machine-learning-predictive) By Ricky Ho, AI,Resources,juliastreetview,https://github.com/evq/juliastreetview,Updated sample code for the Kaggle Julia Street View Character Recognition Tutorial. AI,Resources,ML4H.jl,https://github.com/johnmyleswhite/ML4H.jl,Machine Learning for Hackers in Julia. AI,Resources,A curated list of awesome places to learn and/or practice algorithms,https://github.com/tayllan/awesome-algorithms), AI,Resources, HN site for [ML,http://news.startup.ml/), AI,HMM,DynamicDiscreteModels.jl,https://github.com/BenConnault/DynamicDiscreteModels.jl,Inference for partially observed Markov chains. AI,HMM,HiddenMarkovModels.jl,https://github.com/BenConnault/HiddenMarkovModels.jl,Basic inference with Hidden Markov Models. AI,HMM,RustModels.jl,https://github.com/BenConnault/RustModels.jl,Dynamic Discrete Choice Models with or without unobserved state variables. AI,NEURALNETWORKS,ANN.jl,https://github.com/EricChiang/ANN.jl,Artifical Neural Networks. AI,NEURALNETWORKS,log post on [Neural networks and a dive into Julia,http://blog.yhathq.com/posts/julia-neural-networks.html, AI,NEURALNETWORKS,Boltzmann.jl,https://github.com/dfdx/Boltzmann.jl,Restricted Boltzmann Machines and Deep Belief Networks in Julia AI,NEURALNETWORKS,FANN.jl,https://github.com/gasagna/FANN.jl,A Julia wrapper for the Fast Artificial Neural Network Library (FANN). AI,NEURALNETWORKS,hinton.jl,https://github.com/lepisma/hinton.jl,Create hinton diagrams in Julia. Hinton diagrams are used to visualize weight matrices in neural networks. AI,NEURALNETWORKS,Julia_Neural_Network,https://github.com/nwenzel/Julia_Neural_Network,Basic Neural Network written in JuliaLang. AI,NEURALNETWORKS,KUnet.jl,https://github.com/denizyuret/KUnet.jl,Neural network code based on Julia and CUDA. AI,NEURALNETWORKS,mlpnnets.jl,https://github.com/tautologico/learning/blob/master/nnets/mlp/julia/mlpnnets.jl,Feed-forward MLP neural network implementation. AI,NEURALNETWORKS,MultiLabelNeuralNetwork.jl,https://github.com/jperla/MultiLabelNeuralNetwork.jl,A simple feed-forward neural network for multi-label classification. AI,NEURALNETWORKS,neural.jl,https://github.com/compressed/neural.jl,is a Julia implementation of a neural network, based on Sergio Fierens Ruby version. AI,NEURALNETWORKS,NeuralNets.jl,https://github.com/anj1/NeuralNets.jl,Generic artificial neural networks in Julia. AI,NEURALNETWORKS,neuralnetwork.jl,https://github.com/tomaskrehlik/neuralnetwork.jl,is an implementation of label neural network originally written for MATLAB/Octave by Andrew Ng for Coursera Machine Learning Class. AI,NEURALNETWORKS,NeuralNetworks.jl,https://github.com/soumith/NeuralNetworks.jl,Various functions for Neural Networks implemented in Julia. AI,NEURALNETWORKS,RecurrentNN.jl,https://github.com/Andy-P/RecurrentNN.jl,Deep RNN and LSTM in Julia. AI,NEURALNETWORKS,RNN.jl,https://github.com/kzahedi/RNN.jl,Recurrent Neural Networks. AI,NEURALNETWORKS,SimpleNets,https://github.com/rgehring/SimpleNets,Simple neural nets implementions in Julia. AI,NEURALNETWORKS,SpikeNet.jl,https://github.com/damiendr/SpikeNet.jl,A spiking neural network simulator written in Julia. AI,NEURALNETWORKS,StackedNets.jl,https://github.com/yarlett/StackedNets.jl,A simple interface to _deep_ stacks of neural network units that can be trained using gradient descent over defined error measures. AI,Resources,log post on '[Chess position evaluation with convolutional neural network in Julia,http://int8.io/chess-position-evaluation-with-convolutional-neural-networks-in-julia/)', AI,NLP,AdaGram.jl,https://github.com/sbos/AdaGram.jl,Adaptive Skip-gram implementation in Julia. AI,NLP,allen,https://github.com/ninjin/allen,A syntacto-semantic natural language parser. AI,NLP,DPL.jl,https://github.com/quxiaofeng/DPL.jl,Projective Dictionary Pair Learning - code for the paper S. Gu, L. Zhang, W. Zuo, and X. Feng, “Projective Dictionary Pair Learning for Pattern Classification,” In NIPS 20144. https://sites.google.com/site/shuhanggu/home AI,NLP,GloVe.jl,https://github.com/domluna/GloVe.jl,Implements Global Word Vectors. AI,NLP,GoodTuring.jl,https://github.com/JoFrhwld/GoodTuring.jl,A Julia implementation of Simple Good Turing smoothing, largely adapted from @maxbane. AI,NLP,Jukai.jl,https://github.com/hshindo/Jukai.jl, Natural Language Processing Toolkit. AI,NLP,JuliaParser.jl,https://github.com/jakebolewski/JuliaParser.jl,A rewrite of Julia's parser in Julia. AI,NLP,KUparser.jl,https://github.com/denizyuret/KUparser.jl,Dependency parsing with word vectors. AI,NLP,Languages.jl,https://github.com/johnmyleswhite/Languages.jl,A package for working with human languages. AI,NLP,Levenshtein.jl,https://github.com/rawrgrr/Levenshtein.jl,Levenshtein distance between two strings. AI,NLP,LTSV.jl,https://github.com/kshramt/LTSV.jl,Labeled Tab Separated Values (LTSV) parser. AI,NLP,MeCab.jl,https://github.com/chezou/MeCab.jl,Julia binding of Japanese morphological analyzer MeCab. AI,NLP,NGram.jl,https://github.com/remusao/NGram.jl,Implement the NGram model. AI,NLP,ParserCombinator.jl,https://github.com/andrewcooke/ParserCombinator.jl,A parser combinator library. AI,NLP,Parsimonious.jl,https://github.com/gitfoxi/Parsimonious.jl,A PEG parser generator. AI,NLP,PEGParser.jl,https://github.com/abeschneider/PEGParser.jl,A PEG Parser for Julia with Packrat capabilties, inspired by pyparsing, parsimonious, boost::spirit, as well as several others. AI,NLP,PyLexYacc.jl,https://github.com/iamed2/PyLexYacc.jl,An interface to Python Lex-Yacc package that uses reflection for most of its processing. AI,NLP,SimpleParser.jl,https://github.com/ordovician/SimpleParser.jl,A very simple hackable parser and lexer for simple languages. AI,NLP,Stemmers.jl,https://github.com/tanmaykm/Stemmers.jl,Interface for text stemmer implementations. AI,NLP,Sumup.jl,https://github.com/remusao/Sumup.jl,Automatic multi-documents, multi-topics summarization based on topic extraction. AI,NLP,Treekenize.jl,https://github.com/o-jasper/Treekenize.jl,Parser with beginners and enders and infix. AI,NLP,Text.jl,https://github.com/mit-nlp/Text.jl,Numerous tools for text processing. AI,NLP,TextAnalysis.jl,https://github.com/johnmyleswhite/TextAnalysis.jl,A Julia package for text analysis. AI,NLP,TopicModels.jl,https://github.com/slycoder/TopicModels.jl), AI,NLP,TOML.jl,https://github.com/pygy/TOML.jl,A TOML parser. AI,NLP,Word2Vec.jl,https://github.com/weijianzhang/Word2Vec.jl,Julia interface to word2vec. AI,[FiniteAutomata](https://en.wikipedia.org/wiki/Category:Finite_automata),FiniteStateMachine.jl,https://github.com/tinybike/FiniteStateMachine.jl,A simple Julia implementation of finite state machines. AI,Japanese,MeCab.jl,https://github.com/chezou/MeCab.jl,Julia binding of Japanese morphological analyzer MeCab. AI,Resources,Text-Benchmarks,http://matthewrocklin.com/blog/work/2014/01/13/Text-Benchmarks/,Comparing Python v. Clojure v. Julia performance in text-processing and dynamic collections. AI,SPEECHRECOGNITION,MelGeneralizedCepstrums.jl,https://github.com/r9y9/MelGeneralizedCepstrums.jl,It provides a `mel generalized cepstrum` analysis for spectrum envelope estimation, which includes linear predicition, mel-cepstrum, generalized cepstrum and mel-generalized cepstrum analysis for Julia. AI,SPEECHRECOGNITION,SpeechBase.jl,https://github.com/r9y9/SpeechBase.jl), AI,SPEECHRECOGNITION,SPTK.jl,https://github.com/r9y9/SPTK.jl,A Julia wrapper for the Speech Signal Processing Toolkit (SPTK), based on the modified version of SPTK. AI,SPEECHRECOGNITION,SynthesisFilters.jl,https://github.com/r9y9/SynthesisFilters.jl,Speech Synthesis Filters. AI,SPEECHRECOGNITION,WORLD.jl,https://github.com/r9y9/WORLD.jl,A Julia wrapper for WORLD - a high-quality speech analysis, modification and synthesis system. WORLD provides a way to decompose a speech signal into: Fundamental frequency (F0), spectral envelope, excitation signal (or aperiodicy used in TANDEM-STRAIGHT), and re-synthesize a speech signal from these paramters. See here for the original WORLD. Algorithms,ALGORITHMS,DataDecomposition.jl,https://github.com/trthatcher/DataDecomposition.jl,Data pre-processing algorithms. Algorithms,ALGORITHMS,SimDistComp.jl,https://github.com/CUHK-MMLAB/SimDistComp.jl,A Julia framework to support the simulation of distributed computing algorithms. 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). Algorithms,Checksum,CRC32.jl,https://github.com/fhs/CRC32.jl,32-bit cyclic redundancy check (CRC-32) checksum implementation. Algorithms,CollaborativeFiltering,RecSys.jl,https://github.com/abhijithch/RecSys.jl,An implementation of the algorithm from Yunhong Zhou, Dennis Wilkinson, Robert Schreiber and Rong Pan. Large-Scale Parallel Collaborative Filtering for the Netflix Prize. Proceedings of the 4th international conference on Algorithmic Aspects in Information and Management. Shanghai, China pp. 337-348, 2008. Algorithms,[SchedulingAlgorithm](https://en.wikipedia.org/wiki/Category:Scheduling_algorithms),HClust.jl,https://github.com/davidavdav/HClust.jl,Hierarchical Clustering for Julia, similar to R's hclust(). Algorithms,Quantum,AdiaRoll.jl,https://github.com/Roger-luo/AdiaRoll.jl,An Adiabatic Computation Simulator for quantum computation. Algorithms,Quantum,Hadamard.jl,https://github.com/stevengj/Hadamard.jl,Fast multidimensional Walsh-Hadamard transforms. Algorithms,PatternMatching,AhoCorasick.jl,https://github.com/gilesc/AhoCorasick.jl,Julia implementation of the Aho-Corasick algorithm for fast string searching. Algorithms,PatternMatching,bfs.jl,https://github.com/adlawson/bfs.jl,Breadth First Search implementation in Julia. Algorithms,PatternMatching,BlossomV.jl,https://github.com/mlewe/BlossomV.jl,An interface for the Blossom V perfect matching algorithm. Algorithms,PatternMatching,dfs.jl,https://github.com/adlawson/dfs.jl,Depth First Search. Algorithms,PatternMatching,ExpressionMatch.jl,https://github.com/MikeInnes/ExpressionMatch.jl,A small library designed to help macro writers deconstruct Julia expressions in a more declarative way without having to know in great detail how syntax is represented internally. Algorithms,PatternMatching,JellyFish.jl,https://github.com/samuelcolvin/JellyFish.jl,Port of the jellyfish string comparison library. Algorithms,PatternMatching,Loess.jl,https://github.com/dcjones/Loess.jl,is a loess implementation based on the fast kd-tree based approximation algorithm, a space-partitioning data structure for organizing points in a k-dimensional space. Algorithms,PatternMatching,Match.jl,https://github.com/kmsquire/Match.jl,Advanced Pattern Matching for Julia. Algorithms,PatternMatching,NearestNeighbors.jl,https://github.com/johnmyleswhite/NearestNeighbors.jl,Data structures for nearest neighbor search. Algorithms,PatternMatching,ReverseRegexes.jl,https://github.com/carlobaldassi/ReverseRegexes.jl,Adds functionality to reverse-search strings with regexes Algorithms,Sorting,NaturalSort.jl,https://github.com/simonster/NaturalSort.jl,Natural sort order. Algorithms,Sorting,SearchSortAlgos.jl,https://github.com/Dawny33/SearchSortAlgos.jl,An API for common search and sort algorithms. Algorithms,Time,LabelPropagation.jl,https://github.com/afternone/LabelPropagation.jl,A fast, nearly linear time algorithm for detecting communtiy structure in networks. Algorithms,RESOURCES,algo-book-julia,https://github.com/Alexander-N/algo-book-julia,Snippets from Problem Solving with Algorithms and Data Structures in Julia. Algorithms,RESOURCES,study,https://github.com/codematician/study,A study of interesting algorithms. Algorithms,[NP-complete](https://en.wikipedia.org/wiki/Category:NP-complete_problems),TravelingSalesmanHeuristics.jl,https://github.com/evanfields/TravelingSalesmanHeuristics.jl,Julia package for simple traveling salesman problem heuristics. Algorithms,[SAT](https://en.wikipedia.org/wiki/Satisfiability_modulo_theories),dReal.jl,https://github.com/zenna/dReal.jl,Nonlinear SMT solving using dReal. Algorithms,[SAT](https://en.wikipedia.org/wiki/Satisfiability_modulo_theories),PicoSAT.jl,https://github.com/jakebolewski/PicoSAT.jl,Provides Julia bindings to the popular SAT solver picosat by Armin Biere. It is based off the Python pycosat and Go pigosat bindings written by Ilan Schnell and Willam Schwartz. Algorithms,[SAT](https://en.wikipedia.org/wiki/Satisfiability_modulo_theories),Z3.jl,https://github.com/zenna/Z3.jl,This is a Julia interface to Z3 - a high performance theorem prover developed at Microsoft Research. Z3 can solve satisfiability modulo theory (SMT) problems. Algorithms,DATASTRUCTURES,ScikitLearn.jl,https://github.com/cstjean/ScikitLearn.jl,Julia implementation of the scikit-learn API. Algorithms,DATASTRUCTURES,heatsheet for [choosing the right estimator,http://scikit-learn.org/stable/tutorial/machine_learning_map/), Algorithms,DATASTRUCTURES,ScikitLearnBase.jl,https://github.com/cstjean/ScikitLearnBase.jl,Definition of the [ScikitLearn.jl](https://github.com/cstjean/ScikitLearn.jl) API. Algorithms,Array-Matrix,ArrayIteration.jl,https://github.com/timholy/ArrayIteration.jl,Testing new ideas for array iteration. Algorithms,Array-Matrix,ArrayViews.jl,https://github.com/lindahua/ArrayViews.jl,A Julia package to explore a new system of array views. Algorithms,Array-Matrix,ArrayViewsAPL.jl,https://github.com/timholy/ArrayViewsAPL.jl,Generic array-view type with APL indexing semantics. Algorithms,Array-Matrix,AxisArrays.jl,https://github.com/mbauman/AxisArrays.jl,Performant arrays where each dimension can have a named axis with values. Algorithms,Array-Matrix,BandedMatrices.jl,https://github.com/ApproxFun/BandedMatrices.jl,A Julia package for representing banded matrices. Algorithms,Array-Matrix,CategoricalArrays.jl,https://github.com/nalimilan/CategoricalArrays.jl,Arrays for working with categorical data (both nominal and ordinal) in Julia. Algorithms,Array-Matrix,ChunkedArrays.jl,https://github.com/ChrisRackauckas/ChunkedArrays.jl,A package for increasing the performance of arrays generated. Algorithms,Array-Matrix,FArrayMod.jl,https://github.com/alsam/FArrayMod.jl,provides the ability to use arbitrary starting indices for arrays in Julia programming language. Algorithms,Array-Matrix,FlexibleArrays.jl,http://eschnett.github.io/FlexibleArrays.jl/,Multi-dimensional arrays with arbitrary upper and lower bounds that can be fixed or flexible. [Source Code](https://github.com/eschnett/FlexibleArrays.jl). Algorithms,Array-Matrix,FreqTables.jl,https://github.com/nalimilan/FreqTables.jl,Frequency tables in Julia. Algorithms,Array-Matrix,HMat.jl,https://github.com/YingzhouLi/HMat.jl,Hierarchical Matrix. Algorithms,Array-Matrix,ImmutableArrays.jl,https://github.com/twadleigh/ImmutableArrays.jl,Statically-sized immutable vectors and matrices. Algorithms,Array-Matrix,IndexedArrays.jl,https://github.com/garrison/IndexedArrays.jl,A data structure that acts like a Vector of unique elements allowing a quick lookup of the index of any vector element in the array. Algorithms,Array-Matrix,JudyDicts.jl,https://github.com/tanmaykm/JudyDicts.jl,Judy Array for Julia. Algorithms,Array-Matrix,JSparse.jl,https://github.com/dmbates/JSparse.jl,A Julia implementation of functions in the CSparse and CXSparse libraries developed by Tim Davis. Algorithms,Array-Matrix,julia-delayed-matrix,https://github.com/kk49/julia-delayed-matrix,Delayed processing of Vector / Matrix expression in Julia with various backends. Algorithms,Array-Matrix,RandomBandedMatrices.jl,https://github.com/dlfivefifty/RandomBandedMatrices.jl), Algorithms,Array-Matrix,Showoff.jl,https://github.com/dcjones/Showoff.jl,Nicely format an array of n things for tables and plots. Algorithms,Array-Matrix,SizeArrays.jl,https://github.com/andreasnoackjensen/SizeArrays.jl,Julia array parametrised by size instead of dimension. Algorithms,Array-Matrix,StructsOfArrays.jl,https://github.com/simonster/StructsOfArrays.jl,Structures of Arrays that behave like Arrays of Structures. Algorithms,Array-Matrix,SoArrays.jl,https://github.com/simonster/SoArrays.jl,Structures of Arrays that behave like Arrays of Structures. Algorithms,Array-Matrix,SymDict.jl,https://github.com/samoconnor/SymDict.jl,Dictionaries with Symbol keys. Algorithms,Array-Matrix,TimeArrays.jl,https://github.com/milktrader/TimeArrays.jl,A temporary repo exploring the union of SeriesPair arrays into multicolumn arrays with similar behavior. Algorithms,Array-Matrix,WoodburyMatrices.jl,https://github.com/timholy/WoodburyMatrices.jl,Library support for the Woodbury matrix identity. Algorithms,Array-Matrix,WSMP.jl,https://github.com/JuliaSparse/WSMP.jl,Interface to the Watson Sparse Matrix Package. Algorithms,[Graphs](Hashtables/LinkedList/Functional/Treesdatastructures),AbstractTrees.jl,https://github.com/Keno/AbstractTrees.jl,Abstract julia interfaces for working with trees. Algorithms,[Graphs](Hashtables/LinkedList/Functional/Treesdatastructures),Arrowhead.jl,https://github.com/ivanslapnicar/Arrowhead.jl,Arrowhead and Diagonal-plus-rank-one Eigenvalue Solvers. Algorithms,[Graphs](Hashtables/LinkedList/Functional/Treesdatastructures),ASTInterpreter.jl,https://github.com/Keno/ASTInterpreter.jl,Gallium's AST interpreter as a separate package to simplify development. Algorithms,[Graphs](Hashtables/LinkedList/Functional/Treesdatastructures),BGraph.jl,https://github.com/adolgert/BGraph.jl,An adjacency list that uses typed properties for vertices, edges, and graphs. Algorithms,[Graphs](Hashtables/LinkedList/Functional/Treesdatastructures),BlockArrays.jl,https://github.com/KristofferC/BlockArrays.jl,BlockArrays for Julia. Algorithms,[Graphs](Hashtables/LinkedList/Functional/Treesdatastructures),bloom.jl,https://github.com/boydgreenfield/bloom.jl,Bloom filter implementation in Julia. Algorithms,[Graphs](Hashtables/LinkedList/Functional/Treesdatastructures),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. Algorithms,[Graphs](Hashtables/LinkedList/Functional/Treesdatastructures),Blox.jl,https://github.com/tbreloff/Blox.jl,Views of concatenated AbstractArrays in Julia. {Usable: 2, Robust: 2, Active: 1} Algorithms,[Graphs](Hashtables/LinkedList/Functional/Treesdatastructures),Brim.jl,https://github.com/PoisotLab/Brim.jl,BRIM modularity - Various ways to optimize the modularity of bipartite networks using BRIM in Julia. Algorithms,[Graphs](Hashtables/LinkedList/Functional/Treesdatastructures),CompressedStacks.jl,https://github.com/Azzaare/CompressedStacks.jl, Algorithms,[Graphs](Hashtables/LinkedList/Functional/Treesdatastructures),DeepReshapes.jl,https://github.com/lmshk/DeepReshapes.jl,Reshape arbitrarily nested structures of Tuples and Arrays in Julia. Algorithms,[Graphs](Hashtables/LinkedList/Functional/Treesdatastructures),FingerTrees.jl,https://github.com/mschauer/FingerTrees.jl,A Finger Tree is a functional data structure that can give an amortized constant time access to the fingers (leaves) of the tree where the data is stored, while the internal nodes are labeled in some way as to provide the functionality of the particular data structure being implemented. Algorithms,[Graphs](Hashtables/LinkedList/Functional/Treesdatastructures),Flow.jl,https://github.com/MikeInnes/Flow.jl,DataFlow programming for Julia. Algorithms,[Graphs](Hashtables/LinkedList/Functional/Treesdatastructures),FunctionalCollections.jl,https://github.com/zachallaun/FunctionalCollections.jl,Functional and and persistent data structures for Julia. Algorithms,[Graphs](Hashtables/LinkedList/Functional/Treesdatastructures),Graphs.jl,https://github.com/JuliaLang/Graphs.jl,a package for working with graph types and algorithms in Julia. Algorithms,[Graphs](Hashtables/LinkedList/Functional/Treesdatastructures),A project report on using the Graphs.jl package,http://beowulf.lcs.mit.edu/18.337/projects/18.337project_huberman_report.pdf) by Samuel Huberman, PhD student at MIT, Algorithms,[Graphs](Hashtables/LinkedList/Functional/Treesdatastructures),GraphLayout.jl,https://github.com/IainNZ/GraphLayout.jl,Graph layout algorithms in pure Julia. Algorithms,[Graphs](Hashtables/LinkedList/Functional/Treesdatastructures),GraphicalModels.jl,https://github.com/johnmyleswhite/GraphicalModels.jl,Data structures and parsing tools for representing graphical models in Julia. Algorithms,[Graphs](Hashtables/LinkedList/Functional/Treesdatastructures),InfoTheory.jl,https://github.com/robertfeldt/InfoTheory.jl,Estimating information theoretic measures (entropy, mutual information etc) from data. Algorithms,[Graphs](Hashtables/LinkedList/Functional/Treesdatastructures),InvariantEnsembles.jl,https://github.com/dlfivefifty/InvariantEnsembles.jl,Sample random unitary invariant ensembles. Algorithms,[Graphs](Hashtables/LinkedList/Functional/Treesdatastructures),L1DecisionTree.jl,https://github.com/neggert/L1DecisionTree.jl, Algorithms,[Graphs](Hashtables/LinkedList/Functional/Treesdatastructures),LiftedHierarchies.jl,https://github.com/joehuchette/LiftedHierarchies.jl), Algorithms,[Graphs](Hashtables/LinkedList/Functional/Treesdatastructures),LightGraphs.jl,https://github.com/JuliaGraphs/LightGraphs.jl,An optimized simple graphs package designed for fast analysis using standard functions that seeks to mimic the functionality of established packages like NetworkX, but with better performance. Algorithms,[Graphs](Hashtables/LinkedList/Functional/Treesdatastructures),Lists.jl,https://github.com/adolgert/Lists.jl,Singly linked list and doubly linked list for Julia. Algorithms,[Graphs](Hashtables/LinkedList/Functional/Treesdatastructures),LSH.jl,https://github.com/Keno/LSH.jl,Locality Sensitive Hashing functions. Algorithms,[Graphs](Hashtables/LinkedList/Functional/Treesdatastructures),MatrixNetworks.jl,https://github.com/nassarhuda/MatrixNetworks.jl,Graph and Network algorithms. Algorithms,[Graphs](Hashtables/LinkedList/Functional/Treesdatastructures),MatrixDepot.jl,https://github.com/weijianzhang/MatrixDepot.jl,A multi-language collection of test matrices for Julia. [Documentation](http://matrixdepotjl.readthedocs.org/en/latest/) Algorithms,[Graphs](Hashtables/LinkedList/Functional/Treesdatastructures),MinimalPerfectHashes.jl,https://github.com/soundcloud/MinimalPerfectHashes.jl,An implementation of minimal perfect hash function generation as described in Czech et. al. 1992. http://bit.ly/137iukS Algorithms,[Graphs](Hashtables/LinkedList/Functional/Treesdatastructures),Named.jl,https://github.com/HarlanH/Named.jl,Julia named index and named vector types. Algorithms,[Graphs](Hashtables/LinkedList/Functional/Treesdatastructures),NamedArrays.jl,https://github.com/davidavdav/NamedArrays.jl,Julia type that implements a drop-in replacement of Array with named dimensions and Dict-type indexes. Algorithms,[Graphs](Hashtables/LinkedList/Functional/Treesdatastructures),NamedAxesArrays.jl,https://github.com/timholy/NamedAxesArrays.jl,Performant arrays where each axis can be named. Algorithms,[Graphs](Hashtables/LinkedList/Functional/Treesdatastructures),NamedTuples.jl,https://github.com/blackrock/NamedTuples.jl,Provides a high performance implementation of named tuples for Julia (cf named tuples in python). Algorithms,[Graphs](Hashtables/LinkedList/Functional/Treesdatastructures),Networks.jl,https://github.com/daviddelaat/Networks.jl,A library for working with Graphs in Julia. Algorithms,[Graphs](Hashtables/LinkedList/Functional/Treesdatastructures),OffsetArrays.jl,https://github.com/alsam/OffsetArrays.jl,Negative Indexing - it provides the ability to use arbitrary starting indices for arrays in Julia. The main purpose of this package is to simplify translation from Fortran codes intensively using Fortran arrays with negative and zero starting indices, such as the codes accompanying the book Numerical Solution of Hyperbolic Partial Differential Equations by prof. John A. Trangenstein. Algorithms,[Graphs](Hashtables/LinkedList/Functional/Treesdatastructures),ParallelGraphs.jl,https://github.com/pranavtbhat/ParallelGraphs.jl,Massive Graph Analysis Platform built on `ComputeFramework.jl`. Algorithms,[Graphs](Hashtables/LinkedList/Functional/Treesdatastructures),PDMats.jl,https://github.com/lindahua/PDMats.jl,Uniform Interface for positive definite matrices of various structures. Algorithms,[Graphs](Hashtables/LinkedList/Functional/Treesdatastructures),PositiveFactorizations.jl,https://github.com/timholy/PositiveFactorizations.jl,Positive-definite (approximations) to matrices. Algorithms,[Graphs](Hashtables/LinkedList/Functional/Treesdatastructures),PropertyGraph.jl,https://github.com/PhillP/PropertyGraph.jl,A Julia package for constructing, creating and querying graph data structures. Algorithms,[Graphs](Hashtables/LinkedList/Functional/Treesdatastructures),PropertyGraphMongo.jl,https://github.com/PhillP/PropertyGraphMongo.jl,A Mongo storage provider for the `PropertyGraph.jl` package. Algorithms,[Graphs](Hashtables/LinkedList/Functional/Treesdatastructures),QuickStructs.jl,https://github.com/tbreloff/QuickStructs.jl,Several data structures with goals of O(1) for important operations. {Usable: 5, Robust: 4, Active: 1} Algorithms,[Graphs](Hashtables/LinkedList/Functional/Treesdatastructures),RandomForestBehaviors.jl,https://github.com/tawheeler/RandomForestBehaviors.jl,Microscopic driving models based on random forests. Algorithms,[Graphs](Hashtables/LinkedList/Functional/Treesdatastructures),RedBlackTrees.jl,https://github.com/pygy/RedBlackTrees.jl,A red–black self-balancing binary search tree in Julia. REF: [http://en.wikipedia.org/wiki/Red_black_trees](http://en.wikipedia.org/wiki/Red_black_trees) Algorithms,[Graphs](Hashtables/LinkedList/Functional/Treesdatastructures),RepresentationTheory.jl,https://github.com/dlfivefifty/RepresentationTheory.jl,[Kronecker product](http://en.wikipedia.org/wiki/Kronecker_product) of Sn. Algorithms,[Graphs](Hashtables/LinkedList/Functional/Treesdatastructures),RingBuffer.jl,https://github.com/kmsquire/RingBuffer.jl,Julia ring buffer implementation for buffered IO. Algorithms,[Graphs](Hashtables/LinkedList/Functional/Treesdatastructures),RobustShortestPath.jl,https://github.com/chkwon/RobustShortestPath.jl,Robust Shortest Path Finder. Algorithms,[Graphs](Hashtables/LinkedList/Functional/Treesdatastructures),rsk,https://github.com/JuliaX/rsk,Code for exploring the Robinson–Schensted–Knuth correspondence. Algorithms,[Graphs](Hashtables/LinkedList/Functional/Treesdatastructures),Series.jl,https://github.com/milktrader/Series.jl,Series data structure in Julia. Algorithms,[Graphs](Hashtables/LinkedList/Functional/Treesdatastructures),SFrames.jl,https://github.com/malmaud/SFrames.jl,Wrapper around the open-source components of Graphlab. Algorithms,[Graphs](Hashtables/LinkedList/Functional/Treesdatastructures),SimpleGraphs.jl,https://github.com/scheinerman/SimpleGraphs.jl,A module for working with simple graphs (no loops, no multiple edges, no directed edges). Algorithms,[Graphs](Hashtables/LinkedList/Functional/Treesdatastructures),Sims.jl,https://github.com/tshort/Sims.jl,Non-causal, equation-based modeling in Julia. Algorithms,[Graphs](Hashtables/LinkedList/Functional/Treesdatastructures),SpatialGraphs.jl,https://github.com/sawcordwell/SpatialGraphs.jl, Algorithms,[Graphs](Hashtables/LinkedList/Functional/Treesdatastructures),SuffixArrays.jl,https://github.com/quinnj/SuffixArrays.jl,Native Julia suffix array implementation. Derived from sais. Algorithms,[Graphs](Hashtables/LinkedList/Functional/Treesdatastructures),SumTrees.jl,https://github.com/iamed2/SumTrees.jl,Binary tree where the nodes contain the sum of the left and right children. Algorithms,[Graphs](Hashtables/LinkedList/Functional/Treesdatastructures),Trie.jl,https://github.com/JuliaLang/Trie.jl,Implementation of the trie data structure. Algorithms,[Graphs](Hashtables/LinkedList/Functional/Treesdatastructures),XGBoost.jl,https://github.com/dmlc/XGBoost.jl,XGBoost Julia Package. Algorithms,Publications,julia-paper-arrays,https://github.com/jiahao/julia-paper-arrays,Julia position paper for [ARRAY '14](http://www.sable.mcgill.ca/array/). Algorithms,RESOURCES,Benchmarking Matrix Multiplication,http://nbviewer.ipython.org/url/math.mit.edu/~stevenj/18.335/Matrix-multiplication-experiments.ipynb, API,API,Hydna.jl,https://github.com/jfd/Hydna.jl,Hydna Julia Client Library implements support for the Hydna Push API. API,API,MapLight.jl,https://github.com/WestleyArgentum/MapLight.jl,A Julia package for using the [MapLight API](http://maplight.org/apis/bill-positions), which has interesting legislative data about how much money has been spent on lobbying for or against a particular bill in the USA. API,API,OpenSecrets.jl,https://github.com/WestleyArgentum/OpenSecrets.jl,An API package for working with [OpenSecrets data](http://opensecrets.org/resources/create/) API,API,Plotlyjs.jl,https://github.com/spencerlyon2/Plotlyjs.jl,Julia wrapper API for `plotly.js` by @spencerlyon2. API,API,PlotlyJS.jl,https://github.com/EricForgy/PlotlyJS.jl,A Julia wrapper API for `plotly.js`by @EricForgy. API,API,Sunlight.jl,https://github.com/WestleyArgentum/Sunlight.jl,A Julia package for interfacing with the [Sunlight Foundation's API's](http://sunlightfoundation.com/api). API,API,Twilert.jl,https://github.com/glesica/Twilert.jl,A small SMS alert library for Julia. API,API,Twitter.jl,https://github.com/randyzwitch/Twitter.jl,Julia package to access the Twitter API. API,Math,MathLink.jl,https://github.com/simonbyrne/MathLink.jl,provides bindings to the MathLink library, which is an interface for Mathematica. API,Math,Mathematica.jl,https://github.com/MikeInnes/Mathematica.jl,is a package that provides an interface for using Wolfram Mathematica™ from the Julia language. API,GitAPI,GitHub.jl,https://github.com/JuliaWeb/GitHub.jl,A Julia package for interfacing with the GitHub API. API,GitAPI,LibGit2.jl,https://github.com/jakebolewski/LibGit2.jl,Julia bindings to the LibGit2 library. API,GitAPI,MechaJulia,https://github.com/MechaJulia/MechaJulia,A little GitHub bot that will assist with anything and everything Julia-related that is needed of it. API,GitAPI,Octokit.jl,https://github.com/Keno/Octokit.jl,Julia package to access the GitHub API. API,C,GetC.jl,https://github.com/rennis250/GetC.jl,This package is a minimal implementation of Jasper's Julia FFI. It will load the ccall function/type signatures specificed by Jasper's FFI. API,C,julia-ffi,https://github.com/o-jasper/julia-ffi,Julia ffi and C header parser, for autoFFIing and generating FFI libraries from it. API,Resources,fficial documentation for [calling C code,http://julia.readthedocs.org/en/latest/manual/calling-c-and-fortran-code/, API,Cxx,Clipper.jl,https://github.com/Voxel8/Clipper.jl,Julia wrapping of clipper using Cxx.jl. API,Cxx,Cpp.jl,https://github.com/timholy/Cpp.jl,Utilities for calling C++ from Julia. API,Cxx,Cxx.jl,https://github.com/Keno/Cxx.jl,The Julia C++ Foreign Function Interface (FFI). API,Cxx,CxxROOT.jl,https://github.com/Keno/CxxROOT.jl,A Cxx.jl based interface to CERN's ROOT. API,Cxx,CxxWrap.jl,https://github.com/barche/CxxWrap.jl,A package to provide a Boost.Python-like wrapping for C++ types and functions to Julia. API,Cxx,Gallium.jl,https://github.com/Keno/Gallium.jl,The Julia debugger for CPP. Demo [video](https://youtu.be/Kv6TO_gm2yw). API,Erlang,ErlPort.jl,https://github.com/thorgisl/ErlPort.jl,A Julia-Erlang module for use in the erlport project. API,Erlang,FsBert,https://github.com/et4te/FsBert,A Julia library for encoding / decoding binary Erlang terms. API,Fortran,FortranIO.jl,https://github.com/rephorm/FortranIO.jl,Input/Output of fortran unformatted binary files. API,Resources,fficial documentation for [calling Fortran code,http://julia.readthedocs.org/en/latest/manual/calling-c-and-fortran-code/, API,Resources,otes on [Calling Fortran from Python, Julia and Matlab,http://maurow.bitbucket.org/notes/calling_fortran_from_misc.html), API,Go,GoTMSupport.jl,https://github.com/ordovician/GoTMSupport.jl,Support for writing bundle commands for the Go programming language in Julia. API,Java,JavaCall.jl,http://aviks.github.io/JavaCall.jl,is a package that lets you call Java programs from Julia. API,Java,JDBC.jl,https://github.com/aviks/JDBC.jl,Julia interface to Java database drivers. API,JavaScript,DThree.jl,https://github.com/jverzani/DThree.jl,Simple interface to d3.js from Julia. API,JavaScript,GoogleCharts.jl,https://github.com/jverzani/GoogleCharts.jl,Julia interface to Google Chart Tools. API,JavaScript,ijulia_d3_tutorial,https://github.com/cgroll/ijulia_d3_tutorial,A step by step guide to d3.js chart usage in ijulia notebooks. API,JavaScript,j2d3.jl,https://github.com/fredo-dedup/j2d3.jl,trying to generate d3 statements from within julia. API,JavaScript,JavaScriptBridge.jl,https://github.com/EricForgy/JavaScriptBridge.jl,A simple package that allows Julia to interact with JavaScript in a browser and is heavily inspired by Blink.jl. API,JavaScript,jlbox,https://github.com/compressed/jlbox,Use node.js to provide a mechanism for automatically reloading julia source and test files via gulp.js and a ZMQ socket. API,JavaScript,JSTypes.jl,https://github.com/johnmyleswhite/JSTypes.jl,Mimic Javascript objects using Julian types. API,JavaScript,node-julia,https://github.com/waTeim/node-julia, Fast and simple access to `Julia` embedded in `node.js`. Documentation: [Getting Started with Node Julia](https://node-julia.readme.io/). API,JavaScript,PlotlyJS.jl,https://github.com/spencerlyon2/PlotlyJS.jl,Julia wrapper/API for plotly.js. API,JavaScript,twiddle.jl,https://github.com/intdxdt/twiddle.jl,Bit twiddle port from port from bit-twiddle. API,MATLAB,jlcall,https://github.com/twadleigh/jlcall,Call Julia from MATLAB. API,MATLAB,M2J.jl,https://github.com/iamed2/M2J.jl,A MATLAB to Julia Compiler. API,MATLAB,MAT.jl,https://github.com/simonster/MAT.jl,A Julia module for reading MATLAB files. API,MATLAB,MATJulia,https://github.com/timholy/MATJulia,Call Julia from matlab. API,MATLAB,MatlabCompat.jl,https://github.com/MatlabCompat/MatlabCompat.jl,Julia library aimed at simplifying conversion of legacy MATLAB/Octave code into Julia by providing functions similar to MATLAB/Octave. API,MATLAB,MATLAB.jl,https://github.com/lindahua/MATLAB.jl,library for Matlab files and how to [read-write MATLAB files]](https://github.com/lindahua/MATLAB.jl#readwrite-mat-files). API,MATLAB,Mex.jl,https://github.com/twadleigh/Mex.jl,Call Julia from matlab. API,MATLAB,Moonwalk.jl,https://github.com/diogo149/Moonwalk.jl,A partial MATLAB to Julia compiler, just to ease the transition of libraries. API,ObjectiveC,ObjectiveC.jl,https://github.com/JunoLab/ObjectiveC.jl,A Julia library that allows you to call Objective-C methods using native syntax. API,Perl,FileFind.jl,https://github.com/johnmyleswhite/FileFind.jl,Minimal Implementation of Perl's `File::Find` in Julia. API,Processing,Processing.jl,https://github.com/rennis250/Processing.jl,A port of the Processing language, to Julia. API,Python,Polyglot.jl,https://github.com/wavexx/Polyglot.jl,Transparent remote/recursive evaluation between languages - it also supports Perl, PHP and Javascript. API,Python,PyCall.jl,https://github.com/stevengj/PyCall.jl,Call Python functions from the Julia language. API,Python,PyJulia,https://github.com/jakebolewski/pyjulia,Python interface to julia. API,Python,pyju,https://github.com/felipecruz/pyju,Python to Julia cffi bindings. API,R,jl4R,https://github.com/rcqls/jl4R,`Julia for R` will embed the julia language in R, with very basic julia types getting converted into R objects. API,R,ProjectTemplate.jl,https://github.com/johnmyleswhite/ProjectTemplate.jl,is a draft port of the ProjectTemplate package for R to Julia. API,R,RCall.jl,https://github.com/JuliaStats/RCall.jl,Embedded R within Julia - ports all the `R` API functions from C into Julia. API,R,RCalling.jl,https://github.com/randy3k/RCalling.jl,An R interface of Julia - uses the Julia API (in C) and `R` API (also in C) intensively to call R library packages. API,R,Rif.jl,https://github.com/lgautier/Rif.jl,An interface to the R language and its fork, [Julio](https://github.com/tshort/julio). API,R,RJulia,https://github.com/armgong/RJulia,R package to call Julia - Use Julia embedded API to write a packege for R. API,R,runr,http://rpubs.com/yihui/julia-knitr,Allows you to run Julia from R using [julia_socket.jl](https://github.com/yihui/runr/blob/master/inst/lang/julia_socket.jl) API,R,utils.jl,https://github.com/johnmyleswhite/utils.jl,Utility functions for Julia + R compatibility wrapper. 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. Biology,,BioMedQuery.jl,https://github.com/bcbi/BioMedQuery.jl,Utilities for interacting with different BioMedical Databases and APIs provided by the National Library of Medicine (NLM). Biology,BIOINFORMATICS,Circuitscape.jl,https://github.com/tanmaykm/Circuitscape.jl,The Julia implementation of the [Circuitscape lib in Python](http://www.circuitscape.org/) that uses electronic circuit theory to solve problems in landscape ecology. Biology,BIOINFORMATICS,EEG.jl,https://github.com/codles/EEG.jl,Process EEG files in Julia. Biology,BIOINFORMATICS,EMIRT.jl,https://github.com/seung-lab/EMIRT.jl,Electron Microscopy Image Reconstruction Toolbox using julia language. Biology,BIOINFORMATICS,MIToS.jl,https://github.com/diegozea/MIToS.jl), Biology,BIOINFORMATICS,Rosalind.jl,https://github.com/PilgrimShadow/Rosalind.jl,A bioinformatics library for solving problems from rosalind.info. Biology,BIOINFORMATICS,smoothlife-jl,https://github.com/jamak/smoothlife-jl,an implementation of the SmoothLife algorithm in Julia. Biology,BIOINFORMATICS,taxize.jl,https://github.com/sckott/taxize.jl,A taxonomic toolbelt for Julia. Biology,BIOSTATISTICS,pedigree.jl,https://github.com/Rpedigree/pedigree.jl,Pedigree extractors and representation as a Julia type with two integer members, sire and dam. A parent not in the pedigree is coded as 0. Biology,BIOSTATISTICS,ROC.jl,https://github.com/diegozea/ROC.jl,Receiver Operating Characteristic (ROC) Curve for Julia Language. Biology,ECOLOGY,Diversity.jl,https://github.com/richardreeve/Diversity.jl,Diversity analysis package for Julia, with submodules containing standard ecological and other diversity measures. Biology,ECOLOGY,FishABM.jl,https://github.com/jangevaare/FishABM.jl,An agent based life cycle model for managed fisheries. Biology,GENOMICS,BioFeatures.jl,https://github.com/nw11/BioFeatures.jl), Biology,GENOMICS,BismarkSummary.jl,https://github.com/nw11/BismarkSummary.jl,Basic summary of multiple Bismark runs. Biology,GENOMICS,COSMIC.jl,https://github.com/haploxer/COSMIC.jl,Data analysis engine for [COSMIC](http://cancer.sanger.ac.uk/cosmic) written in Julia. Biology,GENOMICS,Ensemble.jl,https://github.com/farr/Ensemble.jl,Ensemble Samplers for Julia. Biology,GENOMICS,FastaIO.jl,https://github.com/carlobaldassi/FastaIO.jl,Utilities to read/write FASTA format files in Julia. Biology,GENOMICS,FusionDirect.jl,https://github.com/OpenGene/FusionDirect.jl,Detect gene fusion directly from raw fastq files. Biology,GENOMICS,GenomeAnnotations.jl,https://github.com/nw11/GenomeAnnotations.jl,Manage Local Genome Annotation files. Biology,GENOMICS,GenomicTiles.jl,https://github.com/nw11/GenomicTiles.jl, Biology,GENOMICS,gtf-parse-off,https://github.com/dcjones/gtf-parse-off,Experiments with parsing gene transfer format (GTF). Biology,GENOMICS,HTSLIB.jl,https://github.com/OpenGene/HTSLIB.jl,A julia wrapper of htslib for accessing common high-throughput sequencing data file formats such as BAM/SAM files. Biology,GENOMICS,HyperNEAT.jl,https://github.com/kzahedi/HyperNEAT.jl,A generative encoding for evolving ANN based on the NeuroEvolution of Augmented Topologies (NEAT) algorithm for evolutionary computation. Biology,GENOMICS,LCS.jl,https://github.com/WestleyArgentum/LCS.jl,A package for finding longest common and longest contiguous subsequences. Biology,GENOMICS,OBC.jl,https://github.com/binarybana/OBC.jl,Optimal Bayesian classification for RNA-Seq data. Biology,GENOMICS,OpenGene.jl,https://github.com/OpenGene/OpenGene.jl,OpenGene core library in Julia. Biology,GENOMICS,Pagel.jl,https://github.com/porterjamesj/Pagel.jl,Detect correlated evolution on phylogenies. Biology,GENOMICS,Pathogen.jl,https://github.com/jangevaa/Pathogen.jl,Utilities to simulate and perform inference of disease dynamics. Biology,GENOMICS,PedModule.jl,https://github.com/QTL-rocks/PedModule.jl,Geno-type pedigree module. Biology,GENOMICS,PhyloNetworks.jl,https://github.com/crsl4/PhyloNetworks.jl,A Julia package for statistical inference, data manipulation and visualization of phylogenetic networks. Biology,GENOMICS,PhyloTrees.jl,https://github.com/jangevaare/PhyloTrees.jl,Phylogenetic tree simulation. Biology,GENOMICS,PlmDCA,https://github.com/pagnani/PlmDCA,Pseudo Likelihood Maximization for protein in Julia. Biology,GENOMICS,ProgressiveAligner.jl,https://github.com/latticetower/ProgressiveAligner.jl,Progressive alignment scripts for protein sequences. Biology,GENOMICS,PseudoGenomes.jl,https://github.com/nw11/PseudoGenomes.jl,Read alleles without a VCF parser. Biology,GENOMICS,PureSeq.jl,https://github.com/slundberg/PureSeq.jl,Code for the Pure-seq project. Biology,GENOMICS,SeqUtils.jl,https://github.com/nlhepler/SeqUtils.jl,Seqencing analysis Utilities for Julia. Biology,GENOMICS,seqhax.jl,https://github.com/kdmurray91/seqhax.jl,yet another NGS command. Biology,GENOMICS,TimeTrees.jl,https://github.com/tgvaughan/TimeTrees.jl,Phylogenetic tree type for julia. Biology,GENOMICS,VariantCall.jl,https://github.com/mgvel/VariantCall.jl), Biology,GENOMICS,XSim.jl,https://github.com/reworkhow/XSim.jl,A fast and user-friendly tool to simulate sequence data and complicated pedigree structures. Biology,GENOMICS,YARS.jl,https://github.com/kzahedi/YARS.jl,YARS communication for RNA/proteins. Biology,GWAS,AlignmentStatistics.jl,https://github.com/DanielHoffmann32/AlignmentStatistics.jl,A package for statistical analyses of sequence alignments. Biology,GWAS,JWAS.jl,https://github.com/reworkhow/JWAS.jl,An open-source software tool written in Julia for Bayesian multiple regression methods applied to genome-wide association studies and genomic prediction. Biology,GWAS,StatGenData.jl,https://github.com/dmbates/StatGenData.jl,Statistical analysis of genomic data. Biology,GWAS,VarianceComponentTest.jl,https://github.com/Tao-Hu/VarianceComponentTest.jl,A Julia package for performing exact variance component tests in genome-wide association study (GWAS). Biology,Resources,ikipedia's [list of RNA-Seq bioinformatics tools,http://en.wikipedia.org/wiki/List_of_RNA-Seq_bioinformatics_tools), not many of which are in Julia but depending on the language, they may have an API, Biology,Resources,Data Analysis for Genomics,https://genomicsclass.github.io/book/) : This is entirely in R-language but learners can use it to learn Julia, Biology,NEUROSCIENCE,CodeNeuro,http://codeneuro.org/,Bringing neuroscience and data science together. Biology,NEUROSCIENCE,DCEMRI.jl,https://github.com/davidssmith/DCEMRI.jl,A Fast, Validated Toolkit for Dynamic Contrast Enhanced MRI Analysis. A paper on the code is in press at [PeerJ](https://peerj.com/preprints/670/). Biology,NEUROSCIENCE,ElectroJulia.jl,https://github.com/sam81/ElectroJulia.jl,Julia functions to process electroencephalographic recordings. Biology,NEUROSCIENCE,NEAT.jl,https://github.com/Andy-P/NEAT.jl,Julia implemention of NEAT (NeuroEvolution of Augmenting Topologies) algorithm. Biology,NEUROSCIENCE,NeuroAnalysis.jl,https://github.com/babaq/NeuroAnalysis.jl,Julia package for neural signal analysis. Biology,NEUROSCIENCE,SkullSegment.jl,https://github.com/simonster/SkullSegment.jl,Macaque brain and skull extraction tools. Biology,NEUROSCIENCE,SpikeSorter.jl,https://github.com/grero/SpikeSorter.jl,Spike sorting tool for experimental neuroscientists. Biology,Resources-Teaching,Common Bioinformatics Teaching Resources,http://www.embl.de/~seqanal/courses/commonCourseContent/indexCommonCourseContent.html) by Aidan Budd at EMBL, Biology,Resources-Teaching, google document listing [Python for biologists resources,https://docs.google.com/spreadsheets/d/1BjKsN0B1hqd4dJW5slZ5KPuToCjSMRyA7Bl8MwWrbS4/edit#gid=0) by Lenny Teytelman (@lteytelman on twitter), Biology,Resources-Teaching,Software Carpentry,https://software-carpentry.org/lessons.html) teaching material, Biology,Resources-Teaching,Train online,https://www.ebi.ac.uk/training/online/) provides free courses on Europe's most widely used data resources, created by experts at EMBL-EBI and collaborating institutes, Biology,Resources-Teaching,TrainingPhyloIntro,https://github.com/aidanbudd/trainingPhyloIntro,Practical exercises and slides for teaching computational molecular evolution. Biology,Resources-Teaching,capetown2014,https://github.com/aidanbudd/capetown2014,Teaching material for EMBO Practical Course on Computational analysis of protein-protein interactions - From sequences to networks run in Cape Town 2014. Biology,Resources-Teaching,course_EMBO_at_TGAC_PPI_Sep2015,https://github.com/aidanbudd/course_EMBO_at_TGAC_PPI_Sep2015,Program and some material for EMBO Practical Course on computational analysis of protein-protein interactions: From sequences to networks, taking place at TGAC, Norwich, UK, Sep-Oct 2015. Biology,Resources-Teaching,an Quigley's (@mucociliary on twitter) notes on teaching [applied bioinformatics / compbio,http://daudin.icmb.utexas.edu/wiki/index.php/List_of_sessions), Biology,Resources-Teaching,Ubiquitous Genomics,http://ubiquitousgenomics.teamerlich.org,COMSE6998/ Class 2015 by Prof. Yaniv Erlich. The [source is available on github](https://github.com/erlichya/ubiquitousgenomics). Build-Automation,INSTALL,Download and install Julia on various Operating Systems,http://julialang.org/downloads/, Build-Automation,INSTALL,ist of [Julia Modules,http://docs.julialang.org/en/latest/manual/modules/), Build-Automation,INSTALL,The Julia Standard Library,http://docs.julialang.org/en/latest/stdlib/, Build-Automation,INSTALL,ulia [Sample programs,https://github.com/JuliaLang/julia/tree/master/examples, Build-Automation,BACKPORTS,Julia-Backports,https://groups.google.com/forum/#!forum/julia-backports) Mailing list, Build-Automation,BUILDAUTOMATION,Jake.jl,https://github.com/nolta/Jake.jl,Rake for Julia. Build-Automation,BUILDAUTOMATION,Juke.jl,https://github.com/kshramt/Juke.jl,`make` in Julia. Build-Automation,BUILDAUTOMATION,OpenStack.jl,https://github.com/Keno/OpenStack.jl), Build-Automation,CONTINUOUSINTEGRATION,erge your Julia code with mainline to test it on a [Travis-CI build server,https://travis-ci.org/JuliaLang/), Build-Automation,CONTINUOUSINTEGRATION,TestDocs.jl,https://github.com/simonbyrne/TestDocs.jl,A test package to try to automatically build docs on travis. Build-Automation,Org-[Julia-CI](https://github.com/julia-ci),TravisTest.jl,https://github.com/JuliaCI/TravisTest.jl,Repository for testing Julia support at the Travis Continuous Integration (CI) service. Build-Automation,Git-Hooks,julia-helper,https://github.com/jiahao/julia-helper,Scripts to help Julia developers. Build-Automation,DEVELOPMENT,HackThatBase.jl,https://github.com/ihnorton/HackThatBase.jl,A helper tool to reload and test modifications to base without recompiling the full system image. Build-Automation,DEVELOPMENT,PkgSearch,https://github.com/essenciary/PkgSearch,A Julia REPL utility for package discovery. Build-Automation,Security,PkgVerifierPrototype,https://github.com/LachlanGunn/PkgVerifierPrototype,Julia package verifier prototype. Build-Automation,Binaries,BinDeps.jl,https://github.com/JuliaLang/BinDeps.jl,Tool for building binary dependencies for Julia modules. Build-Automation,Binaries,Conda.jl,https://github.com/Luthaf/Conda.jl,Conda managing Julia binary dependencies. Build-Automation,Binaries,Julia-0.3.9 for Linux 64-bit,https://julialang.s3.amazonaws.com/bin/linux/x64/0.3/julia-0.3.9-linux-x86_64.tar.gz), as a gzipped tar ball, Build-Automation,Binaries,uild an executable binary with [this script,https://github.com/JuliaLang/julia/blob/master/contrib/build_executable.jl, Build-Automation,Package/InfrastructuremanagementtoolsandDocumentation,fficial [Julia Package list,http://pkg.julialang.org/), Build-Automation,Package/InfrastructuremanagementtoolsandDocumentation,METADATA.jl,https://github.com/JuliaLang/METADATA.jl,The official set of Julia packages. Build-Automation,Package/InfrastructuremanagementtoolsandDocumentation,MetadataTools.jl,https://github.com/IainNZ/MetadataTools.jl,Functionality to analyze the structure of Julia's METADATA repository. Build-Automation,Package/InfrastructuremanagementtoolsandDocumentation,EasyPkg.jl,https://github.com/oschulz/EasyPkg.jl,A Julia package to simplify package development. Build-Automation,Package/InfrastructuremanagementtoolsandDocumentation,Help.jl,https://github.com/nkottary/Help.jl,Reverse documentation for Julia. Build-Automation,DOCS,fficial [Julia Package list,http://docs.julialang.org/en/latest/packages/packagelist/), Build-Automation,DOCS,he [Julia package manager manual,http://docs.julialang.org/en/latest/manual/packages/, Build-Automation,Ansible,Ansible and Docker,https://developer.rackspace.com/blog/ansible-and-docker/, Build-Automation,Ansible,julia-ansible-scripts,https://github.com/staticfloat/julia-ansible-scripts,Various julia ansible scripts for provisioning servers, buildbots etc... Build-Automation,Docker,Docker,https://registry.hub.docker.com/_/julia/) image for Julia, Build-Automation,Docker,julia,https://github.com/docker-library/julia,Docker Official Image packaging for [Julia](http://julialang.org/). Build-Automation,Docker,RudeOil.jl,https://github.com/UCL/RudeOil.jl,A package to easily interact with docker and docker-machine. Build-Automation,Vagrant,julia-vagrant,https://github.com/staticfloat/julia-vagrant,Packer/Vagrant script recipes for making virtual machines (VM's) - create Vagrant boxes and Openstack images for performing builds and tests of Julia. Build-Automation,Debian-Ubuntu,APT.jl,https://github.com/bbshortcut/APT.jl,A module to manipulate Debian Advanced Package Tool (APT). It comes with `pnlt`, an executable that allows to manage package name lists. Build-Automation,Debian-Ubuntu,DebbyPacker.jl,https://github.com/UCL/DebbyPacker.jl,Set of scripts to easily create debian packages. Build-Automation,Fedora-RHEL,RPMmd.jl,https://github.com/ihnorton/RPMmd.jl,A front-end installer for RPM-md packages and a fork of WinRPM.jl. Build-Automation,Fedora-RHEL,WinRPM.jl,https://github.com/JuliaLang/WinRPM.jl,RPM-md processing library - WinRPM is an installer for RPM packages provided by an RPM-md build system. Build-Automation,OSX,Homebrew.jl,https://github.com/JuliaLang/Homebrew.jl/,OSX Binary dependency provider for Julia. Build-Automation,Packaging,PkgDev.jl,https://github.com/JuliaLang/PkgDev.jl,Julia Package Development Kit. Build-Automation,Packaging,JuliaPackageMirrors,https://github.com/JuliaPackageMirrors,An organization that mirrors/archives and tracks METADATA - the official Julia package manager for all registered Julia packages. Build-Automation,Packaging,mirror-updater,https://github.com/JuliaPackageMirrors/mirror-updater,Update script for JuliaPackageMirrors. Build-Automation,Packaging,PrivateModules.jl,https://github.com/JuliaPackageMirrors/PrivateModules.jl,Julia package mirror. Build-Automation,Packaging,METADATA.jl,https://github.com/JuliaLang/METADATA.jl,The official set of Julia packages. Build-Automation,Packaging,MetadataTools.jl,https://github.com/IainNZ/MetadataTools.jl,Functionality to analyze the structure of Julia's METADATA repository. Build-Automation,Packaging,JuliaArchive,https://JuliaArchive.github.io,Abandoned packages that no longer have a maintainer or no longer fit into the Julia oraganization that initially hosted the package are listed in the [Julia Archive](https://github.com/JuliaArchive) organisation. Build-Automation,Packaging,Compat.jl,https://github.com/JuliaLang/Compat.jl,A package for cross-version compatibility between Julia v0.3 and v0.4 - takes care of syntax breakage and provides compatibility constructs that will work in both versions without warnings. Build-Automation,Packaging,DeclarativePackages.jl,https://github.com/rened/DeclarativePackages.jl,(jdp for short), allows the project to declaratively specify which Julia packages are being used, with exact version or commit details. Build-Automation,Packaging,Julia Ecosystem Status,http://status.julialang.org/,Track the status of various parts of the Julia language ecosystem; from nightly binary builds of Julia to automated testing of packages. Build-Automation,Packaging,julia-buildbot,https://github.com/staticfloat/julia-buildbot,Buildbot configuration for build.julialang.org. It is written in Python and is listed by virtue of being a tool used within the Julia ecosystem. Build-Automation,Packaging,julia-require,https://github.com/MetalNinjas/julia-require,Macros to make loading (and reloading) files in Julia easier. {__NB: Not maintained for the current Julia releases__}. Build-Automation,Packaging,Kip.jl,https://github.com/jkroso/Kip.jl,A metadata free package manager for Julia. Build-Automation,Packaging,LibALPM.jl,https://github.com/yuyichao/LibALPM.jl,Wrapper for libalpm, the ArchLinux package manager. Build-Automation,Packaging,PackageEvaluator.jl,https://github.com/IainNZ/PackageEvaluator.jl,The Julia package evaluator. Build-Automation,Packaging,PkgUtils.jl,https://github.com/johnmyleswhite/PkgUtils.jl,Tools for analyzing Julia packages. Build-Automation,Packaging,Require.jl,https://github.com/jkroso/Require.jl,A better module system for Julia. Build-Automation,Packaging,Requires.jl,https://github.com/MikeInnes/Requires.jl,A Julia package that will quickly load your package dependencies. Build-Automation,Sandbox,JDock,https://github.com/amitmurthy/JDock,An IJulia sandboxed by Docker containers. Build-Automation,Sandbox,Playground.jl,https://github.com/Rory-Finnegan/Playground.jl,A Julia-lang environment builder (like python's virtualenv) package to create Julia sandboxes, similar to python virtual environments. Build-Automation,NEWS,Devops Weekly,http://www.devopsweekly.com/), Chemistry,Chemistry,Chemfiles.jl,https://github.com/chemfiles/Chemfiles.jl,A Julia binding for the [Chemfiles](https://github.com/chemfiles/chemfiles) library for reading and writing chemistry files. Chemistry,Chemistry,Gillespie.jl,https://github.com/sdwfrost/Gillespie.jl,Stochastic Gillespie-type simulations using Julia. Chemistry,Chemistry,MethylUtils.jl,https://github.com/nw11/MethylUtils.jl,Utilities for bisulfite sequencing data. Chemistry,Chemistry,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,Chemistry,Synchrony.jl,https://github.com/simonster/Synchrony.jl,Coherence/phase-locking statistics in Julia. Chemistry,MaterialScience,BucklingOfPipes.jl,https://github.com/goedman/BucklingOfPipes.jl,This package investigates the buckling behavior of composite pipes, e.g. in long horizontal reach holes. Chemistry,MaterialScience,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,MaterialScience,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,[ColloidalChemistry](#https://en.wikipedia.org/wiki/Category:Colloidal_chemistry),Brownian.jl,https://github.com/UniversityofWarwick/Brownian.jl,Simulation of Brownian-Based Stochastic Processes . Chemistry,[SolidStateChemistry](https://en.wikipedia.org/wiki/Solid-state_chemistry),ChemicalKinetics.jl,https://github.com/scidom/ChemicalKinetics.jl,Simulation, Bayesian inference and Bayesian model selection for chemical kinetics in Julia. Chemistry,[SolidStateChemistry](https://en.wikipedia.org/wiki/Solid-state_chemistry),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),Jumos.jl,https://github.com/Luthaf/Jumos.jl,JUlia MOlecular Simulation package. Chemistry,QuantumChemistry,DynamicTimeWarp.jl,https://github.com/joefowler/DynamicTimeWarp.jl,Implement Dynamic Time Warping for sequence alignment in Julia. Chemistry,QuantumChemistry,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,QuantumChemistry,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,QuantumChemistry,QSimulator.jl,https://github.com/BBN-Q/QSimulator.jl,Unitary and Lindbladian evolution of quantum states in Julia. Chemistry,Resources,Videos for JuliaQuantum,https://www.youtube.com/channel/UCXeOiWjj3rcYUQqfgelTDWQ) technical talks and meetups, Computer-Graphics,GRAPHICS,AAM.jl,https://github.com/dfdx/AAM.jl,Active Appearance Models. Computer-Graphics,GRAPHICS,Bezier.jl,https://github.com/dronir/Bezier.jl,Julia functions for computing a Bezier curve. Computer-Graphics,GRAPHICS,Blending.jl,https://github.com/dejakaymac/Blending.jl), Computer-Graphics,GRAPHICS,Ccv.jl,https://github.com/dhotson/Ccv.jl,Julia bindings for libccv's SIFT image feature detection. Computer-Graphics,GRAPHICS,Click.jl,https://github.com/Matt5sean3/Click.jl,Julia package for click maps and advanced interaction with graphics. Computer-Graphics,GRAPHICS,ColorBrewer.jl,https://github.com/timothyrenner/ColorBrewer.jl,A Julia library for generating color brewer color schemes. Computer-Graphics,GRAPHICS,Compose.jl,http://composejl.org/,A declarative vector graphics system written in Julia, designed to simplify the creation of complex graphics and serves as the basis of the Gadfly data visualization package. [Source code](https://github.com/dcjones/Compose.jl) on Github. Computer-Graphics,GRAPHICS,Contour.jl,https://github.com/tlycken/Contour.jl,Calculating contour curves for 2D scalar fields in Julia. Computer-Graphics,GRAPHICS,Curvelet.jl,https://github.com/fundamental/Curvelet.jl,Implementation of the Uniform Discrete Curvelet Transform (UDCT). Computer-Graphics,GRAPHICS,DelayedBuffer.jl,https://github.com/jfsantos/DelayedBuffer.jl,Delayed buffer view for Julia 1D arrays. Computer-Graphics,GRAPHICS,DevIL.jl,https://github.com/JuliaGL/DevIL.jl,[DevIL](https://github.com/DentonW/DevIL) / OpenIL binding for Julia. Computer-Graphics,GRAPHICS,Draw3D.jl,https://github.com/ssfrr/Draw3D.jl,A 3D graphics package with a Julia API, built on OpenGL. Computer-Graphics,GRAPHICS,Drawing.jl,https://github.com/andrewcooke/Drawing.jl,A library for easy, extensible drawing (diagrams, lines, shapes). Computer-Graphics,GRAPHICS,GLAbstraction.jl,https://github.com/JuliaGL/GLAbstraction.jl,Utility package for ModernGL. Computer-Graphics,GRAPHICS,GLText.jl,https://github.com/SimonDanisch/GLText.jl,Text Rendering for OpenGL. Computer-Graphics,GRAPHICS,GLUT.jl,https://github.com/rennis250/GLUT.jl,A Julia interface to GLUT. Ref: [OpenGL Utility Toolkit](http://en.wikipedia.org/wiki/OpenGL_Utility_Toolkit). Computer-Graphics,GRAPHICS,GLWindow.jl,https://github.com/SimonDanisch/GLWindow.jl,Create a window with an OpenGL context. Computer-Graphics,GRAPHICS,GR.jl,https://github.com/jheinen/GR.jl,This module provides a Julia interface to the [GR framework](http://gr-framework.org/) graphics library. Computer-Graphics,GRAPHICS,HalideCall.jl,https://github.com/timholy/HalideCall.jl,Use shared libraries created by Halide from Julia. Computer-Graphics,GRAPHICS,Images.jl,https://github.com/timholy/Images.jl,An image library for Julia. Computer-Graphics,GRAPHICS,ImageProjectiveGeometry.jl,https://github.com/peterkovesi/ImageProjectiveGeometry.jl,Projective geometry for computer vision in Julia. Computer-Graphics,GRAPHICS,ImageQuilting.jl,https://github.com/juliohm/ImageQuilting.jl,Image quilting for texture synthesis in Julia . Computer-Graphics,GRAPHICS,ImageView.jl,https://github.com/timholy/ImageView.jl,An interactive display of images and movies. Computer-Graphics,GRAPHICS,ImplicitEquations.jl,https://github.com/jverzani/ImplicitEquations.jl,Julia package to facilitate graphing of implicit equations and inequalities. Computer-Graphics,GRAPHICS,Konthe.jl,https://github.com/meggart/Konthe.jl,Collection of convenience function for plotting using the OpenGL package. Computer-Graphics,GRAPHICS,Layout.jl,https://github.com/timholy/Layout.jl,Graphics layout management for Julia. Computer-Graphics,GRAPHICS,LeafAreaIndex.jl,https://github.com/ETC-UA/LeafAreaIndex.jl, Package to calculate Leaf Area Index from Hemisperical Images. Computer-Graphics,GRAPHICS,LineExtraction.jl,https://github.com/remusao/LineExtraction.jl,Line extraction from an image (using Markovian model and energy minimization). Computer-Graphics,GRAPHICS,Luxor.jl,https://github.com/cormullion/Luxor.jl,an easy-to-use sugary coating in Julia for the Cairo graphics package. Computer-Graphics,GRAPHICS,LuxRay.jl,https://github.com/SimonDanisch/LuxRay.jl,Julia wrapper for LuxRay. Computer-Graphics,GRAPHICS,MeshSlicer.jl,https://github.com/sjkelly/MeshSlicer.jl,A package for slicing meshes into polygons using Julialang. Computer-Graphics,GRAPHICS,ModernGL.jl,https://github.com/JuliaGL/ModernGL.jl,OpenGL 3+ bindings for Julia. This is a WIP GSoC-2014 effort to get 3D graphics into Julia. Computer-Graphics,GRAPHICS,NetworkViz.jl,https://github.com/abhijithanilkumar/NetworkViz.jl,Julia Interface to visualize Graphs. Computer-Graphics,GRAPHICS,OCV.jl,https://github.com/Keno/OCV.jl,A wrapper for OpenCV - __WIP__. Computer-Graphics,GRAPHICS,OpenCV.jl,https://github.com/maxruby/OpenCV.jl,The OpenCV (C++) interface for Julia. Computer-Graphics,GRAPHICS,OpenGL.jl,https://github.com/rennis250/OpenGL.jl,Julia interface to OpenGL. Computer-Graphics,GRAPHICS,Painter.jl,https://github.com/andferrari/Painter.jl,A Julia implementation of PAINTER (Polychromatic opticAl INTErferometric Reconstruction) algorithm. Computer-Graphics,GRAPHICS,PerceptualColourMaps.jl,https://github.com/peterkovesi/PerceptualColourMaps.jl,Perceptually Uniform Colour Maps for Julia. Computer-Graphics,GRAPHICS,Reel.jl,https://github.com/shashi/Reel.jl,Computations caught on camera. Computer-Graphics,GRAPHICS,Romeo.jl,https://github.com/SimonDanisch/Romeo.jl,3D visualizations and editing in Julia + OpenGL. Computer-Graphics,GRAPHICS,Rsvg.jl,https://github.com/lobingera/Rsvg.jl,An adaptation of the librsvg to render SVG to Cairo surfaces. Computer-Graphics,GRAPHICS,SchroedingersSmoke.jl,https://github.com/SimonDanisch/SchroedingersSmoke.jl,Schrödinger's Smoke. Computer-Graphics,GRAPHICS,SDL.jl,https://github.com/rennis250/SDL.jl,Julia interface to SDL. Computer-Graphics,GRAPHICS,seg2seg.jl,https://github.com/intdxdt/seg2seg.jl,Computes the minimum distance between two segments in a 2D plane. Computer-Graphics,GRAPHICS,ShaderToy.jl,https://github.com/SimonDanisch/ShaderToy.jl,Shade objects in Julia, created with GLVisualize.jl + OpenGL. Computer-Graphics,GRAPHICS,ShapeModels.jl,https://github.com/rened/ShapeModels.jl,Statistical shape models / point distribution models. Computer-Graphics,GRAPHICS,SignedDistanceFields.jl,https://github.com/JuliaGraphics/SignedDistanceFields.jl) : Simple and efficient SDF calculation, Computer-Graphics,GRAPHICS,SixelGraphics.jl,https://github.com/olofsen/SixelGraphics.jl,A module for Julia implementing simple Sixel graphics. Computer-Graphics,GRAPHICS,Skia.jl,https://github.com/dcjones/Skia.jl,Experimental [skia](https://github.com/google/skia) bindings. Skia is a complete 2D graphic library for drawing Text, Geometries, and Images. Computer-Graphics,GRAPHICS,TestImages.jl,https://github.com/timholy/TestImages.jl,Loading standard test images into Julia. Computer-Graphics,GRAPHICS,ThreeJS.jl,https://github.com/rohitvarkey/ThreeJS.jl,Julia interface to WebGL using Three-js custom elements and Patchwork.jl. Computer-Graphics,GRAPHICS,TIFF.jl,https://github.com/rephorm/TIFF.jl,is the TIFF image file support for Julia. Computer-Graphics,GRAPHICS,VideoIO.jl,https://github.com/kmsquire/VideoIO.jl,A wrapper around libav/ffmpeg libraries, which are the defacto open-source libraries for video IO. The library offers an easy way to open video files or a camera and read sequences of images, as either arrays, or optionally as `Image` objects, using the `Images` package, has been developed on Linux, and the installation and functionality has been minimally tested on Macs, but not yet on Windows. Computer-Graphics,GRAPHICS,VisualRegressionTests.jl,https://github.com/tbreloff/VisualRegressionTests.jl,Automated integrated regression tests for graphics libraries. {Usable: 3, Robust: 3, Active: 1} Computer-Graphics,GRAPHICS,VLFeat.jl,https://github.com/IHPostal/VLFeat.jl,Julia wrappings for the VLFeat computer vision library. Computer-Graphics,Games,ArcadeLearningEnvironment.jl,https://github.com/nowozin/ArcadeLearningEnvironment.jl,ArcadeLearningEnvironment Julia interface. Computer-Graphics,Games,AtariAlgos.jl,https://github.com/tbreloff/AtariAlgos.jl,Models/algorithms for use with the Arcade Learning Environment (ALE). {Usable: 5, Robust: 4, Active: 2} Computer-Graphics,Games,eve.jl,https://github.com/barcharcraz/eve.jl,Julia library for interacting with Eve Online. Computer-Graphics,Games,Quake2.jl,https://github.com/jayschwa/Quake2.jl,Experimental Quake 2 map graphics engine written with Julia and modern OpenGL. Computer-Graphics,Games,ReinforcementLearning.jl,https://github.com/benhamner/ReinforcementLearning.jl), Computer-Graphics,Games,SFML.jl,https://github.com/zyedidia/SFML.jl,A binding of the Game and Multimedia Library SFML. Computer-Graphics,Games,SpaceShooter.jl,https://github.com/zyedidia/SpaceShooter.jl,This is a small space shooter game made in Julia with SFML.jl Computer-Graphics,Resources,julia-opengl-demos,https://github.com/ssfrr/julia-opengl-demos,A holding place for demos and tutorials as @ssfrr learns OpenGL in Julia, using GLFW.jl and OpenGL.jl. Computer-Graphics,Resources,Videre,https://github.com/Gnimuc/Videre,OpenGL examples written in Julia. Computer-Graphics,INFOGRAPHICS,AnimatedPlots.jl,https://github.com/zyedidia/AnimatedPlots.jl,Fast animated (and static) plots for Julia. Computer-Graphics,INFOGRAPHICS,AverageShiftedHistograms.jl,https://github.com/joshday/AverageShiftedHistograms.jl,David Scott's Average Shifted Histogram density estimation. Computer-Graphics,INFOGRAPHICS,BBVis.jl,https://github.com/joehuchette/BBVis.jl,Visualizations for branch-and-bound algorithms. Computer-Graphics,INFOGRAPHICS,CData.jl,https://github.com/ma-laforge/CData.jl,C-Data Analysis/Visualization Suite. Computer-Graphics,INFOGRAPHICS,ComposeVideo.jl,https://github.com/arnim/ComposeVideo.jl,Video generator for Gadfly.jl. Computer-Graphics,INFOGRAPHICS,DC.jl,https://github.com/tawheeler/DC.jl,A Julia package for automagical DC.js linked charts in your IJulia notebook. Computer-Graphics,INFOGRAPHICS,Displaz.jl,https://github.com/c42f/Displaz.jl,Julia bindings for [displaz](http://c42f.github.io/displaz), a cross platform las viewer application for displaying geospatial LiDAR data (point clouds and high level features deduced from such point clouds, and other geometry). The announcement on the [julia-dev ML by the core-dev ChrisFoster @c42f](https://groups.google.com/d/msg/julia-dev/qLdJTnLNQXU/mdTbMr1QhiMJ), also includes some installation instructions, which uses OpenGL display. Computer-Graphics,INFOGRAPHICS,ECharts.jl,https://github.com/wlbksy/ECharts.jl) by @wlbks,Julia package for [ECharts](https://github.com/ecomfe/echarts) Computer-Graphics,INFOGRAPHICS,ECharts.jl,https://github.com/randyzwitch/ECharts.jl) by @randyzwitc,Julia package for the ECharts visualization library. Computer-Graphics,INFOGRAPHICS,GainPatterns.jl,https://github.com/dressel/GainPatterns.jl,This package allows manipulation of gain patterns. A gain pattern is a collection of gains (or strengths) versus angle. If you have a vector of angles, and a vector of gains taken at these angles, you can create a GainPattern, then create publication-ready plots of these gain patterns using PGF with the GainPatternsTex.jl package. Computer-Graphics,INFOGRAPHICS,GainPatternsTex.jl,https://github.com/dressel/GainPatternsTex.jl,Plotting gain patterns. Computer-Graphics,INFOGRAPHICS,GL.jl,https://github.com/jayschwa/GL.jl,Experimental OpenGL bindings for Julia. Computer-Graphics,INFOGRAPHICS,GLAbstraction.jl,https://github.com/JuliaGL/GLAbstraction.jl,Abstraction library for OpenGL. Computer-Graphics,INFOGRAPHICS,GLWindow.jl,https://github.com/JuliaGL/GLWindow.jl,Simple package to create an OpenGL window with an OpenGL context. Computer-Graphics,INFOGRAPHICS,GR,https://github.com/jheinen/gr) framewor,A graphics library for visualisation applications. {{Has Julia routines compatible with the current ver0.4-stable release}} Computer-Graphics,INFOGRAPHICS,GracePlot.jl,https://github.com/ma-laforge/GracePlot.jl,Publication-quality plotting for julia using Grace/xmgrace. Computer-Graphics,INFOGRAPHICS,GraphCentrality.jl,https://github.com/sbromberger/GraphCentrality.jl,All centrality measures relating to graphs for degree (with indegree and outdegree), betweenness, and closeness centrality measures. Computer-Graphics,INFOGRAPHICS,GraphPlot.jl,https://github.com/afternone/GraphPlot.jl,Graph visualization for Julia. Computer-Graphics,INFOGRAPHICS,GraphVisualize.jl,https://github.com/JuliaGraphs/GraphVisualize.jl,Graph visualization with tight integration with LightGraphs.jl package. Computer-Graphics,INFOGRAPHICS,GraphViz.jl,https://github.com/Keno/GraphViz.jl,Julia bindings for the GraphViz library. Computer-Graphics,INFOGRAPHICS,HEALPix.jl,https://github.com/mweastwood/HEALPix.jl,Julia wrapper for [HEALPix](http://healpix.jpl.nasa.gov/). Computer-Graphics,INFOGRAPHICS,Histograms.jl,https://github.com/jpata/Histograms.jl,Methods for handling histograms in Julia. Computer-Graphics,INFOGRAPHICS,julia-glplot,https://github.com/o-jasper/julia-glplot,Opengl plotting - Plotting of arrays, functions, Histograms, oscilloscope style real-time plotter. Computer-Graphics,INFOGRAPHICS,Lumira.jl,https://github.com/sbcd90/Lumira.jl,A Julia Library which helps in the creation of SAP-Lumira extensions using Gadfly. Computer-Graphics,INFOGRAPHICS,MinMaxFilter.jl,https://github.com/codles/MinMaxFilter.jl,Lemire min max filter. Computer-Graphics,INFOGRAPHICS,Plots.jl,https://github.com/tbreloff/Plots.jl,An API/interface and wrapper that sits above other plotting packages (backends) and gives the user simple, consistent, and flexible plotting commands. {Usable: 5, Robust: 4, Active: 5} Computer-Graphics,INFOGRAPHICS,PlotRecipes.jl,https://github.com/JuliaPlots/PlotRecipes.jl,Assorted recipes to be used with `Plots.jl`. Computer-Graphics,INFOGRAPHICS,PlotThemes.jl,https://github.com/pkofod/PlotThemes.jl), Computer-Graphics,INFOGRAPHICS,RasterIO.jl,https://github.com/wkearn/RasterIO.jl,Simple Raster Formats for Julia. Computer-Graphics,INFOGRAPHICS,RecipesBase.jl,https://github.com/JuliaPlots/RecipesBase.jl,Base package for defining transformation recipes on user types for Plots.jl Computer-Graphics,INFOGRAPHICS,VennDiagrams.jl,https://github.com/binarybana/VennDiagrams.jl,Generate Venn diagrams in Julia using Compose.jl. Computer-Graphics,INFOGRAPHICS,VennEuler.jl,https://github.com/HarlanH/VennEuler.jl,Generate area-proportional Venn/Euler diagrams in Julia. Computer-Graphics,INFOGRAPHICS,VGPlot.jl,https://github.com/johnmyleswhite/VGPlot.jl,A knock-off of ggplot2 in Julia using Vega. Computer-Graphics,INFOGRAPHICS,VTK.jl,https://github.com/timholy/VTK.jl,VTK bindings for the Julia language. Computer-Graphics,INFOGRAPHICS,uliaDSP/[Wavelets.jl,https://github.com/JuliaDSP/Wavelets.jl,Fast Discrete Wavelet Transforms written in Julia. Computer-Graphics,INFOGRAPHICS,omaskrehlik/[Wavelets.jl,https://github.com/tomaskrehlik/Wavelets.jl,Implementation of Wavelet methods in Julia. Computer-Graphics,GraphicalPlotting,Bokeh.jl,https://github.com/bokeh/Bokeh.jl,Bokeh bindings for Julia. Computer-Graphics,GraphicalPlotting,FalseColor.jl,https://github.com/ojwoodford/FalseColor.jl,A Julia package to turn gridded data into pretty images. Computer-Graphics,GraphicalPlotting,Gadfly.jl,http://gadflyjl.org/,[Gadfly](https://github.com/dcjones/Gadfly.jl) is a statistical graphics plotting and data visualization system. Computer-Graphics,GraphicalPlotting,Gaston.jl,https://github.com/mbaz/Gaston.jl,A julia front-end for gnuplot. Computer-Graphics,GraphicalPlotting,GLPlot.jl,https://github.com/SimonDanisch/GLPlot.jl,Plotting for Julia with OpenGL. Computer-Graphics,GraphicalPlotting,GoogleCharts.jl,https://github.com/jverzani/GoogleCharts.jl,The Julia interface to Google Chart Tools. Computer-Graphics,GraphicalPlotting,paper,https://github.com/andrewcooke/paper,Crumpled paper - PDF plot in Julia. Computer-Graphics,GraphicalPlotting,Plotly.jl,https://github.com/plotly/Plotly.jl,A Julia wrapper for the plot.ly REST API. Computer-Graphics,GraphicalPlotting,PLplot.jl,https://github.com/wildart/PLplot.jl,A cross-platform software package for creating scientific plots. Computer-Graphics,GraphicalPlotting,PyPlot.jl,https://github.com/stevengj/PyPlot.jl,Plotting for Julia based on matplotlib, pyplot. Computer-Graphics,GraphicalPlotting,Qwt.jl,https://github.com/tbreloff/Qwt.jl,2D plotting, drawing, and GUIs using Qwt and Qt. {Usable: 4, Robust: 3, Active: 1} Computer-Graphics,GraphicalPlotting,Sparrow.jl,https://github.com/rennis250/Sparrow.jl,A Julia package for plotting that uses ctioga2 as a backend. Computer-Graphics,GraphicalPlotting,Vega.jl,https://github.com/johnmyleswhite/Vega.jl,A Julia package for generating visualizations in Vega. Computer-Graphics,GraphicalPlotting,VegaLite.jl,https://github.com/fredo-dedup/VegaLite.jl,This package provides access to the Vega-Lite high-level [visualization grammar](http://vega.github.io/vega-lite/) in Julia. It is a simpler version of the Vega grammar allowing smaller and more expressive chart specifications, intentionaly more limited than Vega, and parts of the VegaLite package (rendering functions, IJulia integration) are based on [Vega.jl](https://github.com/johnmyleswhite/Vega.jl). Computer-Graphics,GraphicalPlotting,Visualizer.jl,https://github.com/grero/Visualizer.jl,A simple GUI for quickly panning through a collection of data. Computer-Graphics,GraphicalPlotting,Winston.jl,https://github.com/nolta/Winston.jl,2D plotting for Julia. Computer-Graphics,GraphicalPlotting,YT.jl,https://github.com/jzuhone/YT.jl,A Julia interface to the Python-based yt analysis toolkit. YT exposes a number of functionalities from yt. Computer-Graphics,Non-GraphicalPlotting,ASCIIPlots.jl,https://github.com/johnmyleswhite/ASCIIPlots.jl, Computer-Graphics,Non-GraphicalPlotting,Hinton.jl,https://github.com/ninjin/Hinton.jl,A small Julia library for generating Hinton diagrams. It supports standard vector graphics formats such as PNG, SVG, and PDF, as well as generating diagrams in a terminal with Unicode and colour support. Computer-Graphics,Non-GraphicalPlotting,ImageTerm.jl,https://github.com/meggart/ImageTerm.jl,Julia functions to plot colorful maps in the terminal. Computer-Graphics,Non-GraphicalPlotting,Sparklines.jl,https://github.com/mbauman/Sparklines.jl,A Julia implementation of spark: simple printing of unicode trendlines. Computer-Graphics,Non-GraphicalPlotting,TextPlots.jl,https://github.com/sunetos/TextPlots.jl,Fancy terminal plotting for Julia using Braille characters. Computer-Graphics,Non-GraphicalPlotting,UnicodePlots.jl,https://github.com/Evizero/UnicodePlots.jl,Unicode plotting for the REPL in Julia. Computer-Graphics,Resources,eff Bezanson's [Colorimetry in an iJulia notebook,http://nbviewer.ipython.org/url/beowulf.csail.mit.edu/18.337/black%20body%20radiation.ipynb, Computer-Graphics,Org-[JuliaGL](https://github.com/JuliaGL),GLFW.jl,https://github.com/JuliaGL/GLFW.jl,Julia interface to [GLFW](http://www.glfw.org/), a multi-platform library for creating windows with OpenGL contexts and managing input and events. Computer-Graphics,Org-[JuliaGL](https://github.com/JuliaGL),GLVisualize.jl,https://github.com/JuliaGL/GLVisualize.jl,Visualization library written in Julia and OpenGL. Computer-Graphics,Org-[JuliaGL](https://github.com/JuliaGL),Vulkan.jl,https://github.com/JuliaGPU/Vulkan.jl,Wrapper of Vulkan, Khronos next generation OpenGL API. Computer-Graphics,Org-[JuliaGraphics](https://www.github.com/JuliaGraphics),ColorTypes.jl,https://github.com/JuliaGraphics/ColorTypes.jl,Color primitives for Julia, based on FixedSizeArrays. Computer-Graphics,Org-[JuliaGraphics](https://www.github.com/JuliaGraphics),ColorVectorSpace.jl,https://github.com/JuliaGraphics/ColorVectorSpace.jl,This package is an add-on to ColorTypes, and provides fast mathematical operations for objects with types such as RGB and Gray - Treat colors as if they are n-vectors for the purposes of arithmetic. Computer-Graphics,Org-[JuliaGraphics](https://www.github.com/JuliaGraphics),Immerse.jl,https://github.com/JuliaGraphics/Immerse.jl,Dive deeper into your data with interactive graphics. Computer-Graphics,Org-[JuliaGeometry](https://github.com/JuliaGeometry),GeometricalPredicates.jl,https://github.com/JuliaGeometry/GeometricalPredicates.jl,Fast, robust 2D and 3D geometrical predicates on generic point types. Implementation follows algorithms described in the Arepo paper and used (for e.g.) in the Illustris Simulation. Computer-Graphics,Org-[JuliaGeometry](https://github.com/JuliaGeometry),GeometryTypes.jl,https://github.com/JuliaGeometry/GeometryTypes.jl,Geometry types and for Julia, based on FixedSizeArrays. Computer-Graphics,Org-[JuliaGeometry](https://github.com/JuliaGeometry),Meshes.jl,https://github.com/JuliaGeometry/Meshes.jl,Generation and manipulation of triangular meshes for a type of polygon mesh in computer graphics. Computer-Graphics,Org-[JuliaGeometry](https://github.com/JuliaGeometry),OctTrees.jl,https://github.com/JuliaGeometry/OctTrees.jl,Fast quad and oct-trees. Computer-Graphics,Org-[JuliaGeometry](https://github.com/JuliaGeometry),Orthotopes.jl,https://github.com/JuliaGeometry/Orthotopes.jl,A Julia package for creating n-dimensional _bounding boxes_, a.k.a __orthotopes__, which are generalizations of rectangles in arbitary dimensions that are useful for describing bounding boxes of geometrical primitives. It implements Allen's interval algebra for evaluating the relations between orthotopes. Computer-Graphics,Org-[JuliaGeometry](https://github.com/JuliaGeometry),TetGen.jl,https://github.com/JuliaGeometry/TetGen.jl,TetGen wrapper. Computer-Graphics,Org-[JuliaGeometry](https://github.com/JuliaGeometry),TriangleIntersect.jl,https://github.com/JuliaGeometry/TriangleIntersect.jl,Fast ray-triangle intersections for raytracing. Computer-Graphics,Org-[JuliaGeometry](https://github.com/JuliaGeometry),VoronoiCells.jl,https://github.com/jlapeyre/VoronoiCells.jl,Manipulate Voronoi cells in 2D. Computer-Graphics,Org-[JuliaGeometry](https://github.com/JuliaGeometry),VoronoiDelaunay.jl,https://github.com/JuliaGeometry/VoronoiDelaunay.jl,Fast robust Voronoi and Delaunay triangulations, using `GeometricalPredicates.jl` package. Computer-Graphics,Org-[JuliaImages](https://github.com/JuliaImages/),ImagesCore.jl,https://github.com/JuliaImages/ImagesCore.jl,Julia types for representing images. Computer-Graphics,Org-[JuliaImages](https://github.com/JuliaImages/),ImageCL.jl,https://github.com/JuliaImages/ImageCL.jl,Image processing with OpenCL. Computer-Graphics,Org-[JuliaImages](https://github.com/JuliaImages/),ImageFeatures.jl,https://github.com/JuliaImages/ImageFeatures.jl,Image feature detection for Julia. Computer-Graphics,Org-[JuliaIO](https://github.com/JuliaIO),MeshIO.jl,https://github.com/JuliaIO/MeshIO.jl,IO for Meshes. Computer-Graphics,Org-[JuliaIO](https://github.com/JuliaIO),NRRD.jl,https://github.com/JuliaIO/NRRD.jl,Package for NRRD IO. Computer-Graphics,Org-[JuliaIO](https://github.com/JuliaIO),WavefrontObj.jl,https://github.com/JuliaIO/WavefrontObj.jl,Wafefront Obj importer. Computer-Graphics,Org-JuliaLang,Cairo.jl,https://github.com/JuliaLang/Cairo.jl,Bindings for the Cairo graphics library. Computer-Graphics,Org-[JuliaOpenCV](https://github.com/JuliaOpenCV/),CVCore.jl,https://github.com/JuliaOpenCV/CVCore.jl,Core functionality. Computer-Graphics,Org-[JuliaOpenCV](https://github.com/JuliaOpenCV/),CVImgCodecs.jl,https://github.com/JuliaOpenCV/CVImgCodecs.jl,Image file reading and writing Computer-Graphics,Org-[JuliaOpenCV](https://github.com/JuliaOpenCV/),CVImgProc.jl,https://github.com/JuliaOpenCV/CVImgProc.jl,Image processing Computer-Graphics,Org-[JuliaOpenCV](https://github.com/JuliaOpenCV/),CVHighGUI.jl,https://github.com/JuliaOpenCV/CVHighGUI.jl,High-level GUI. Computer-Graphics,Org-[JuliaOpenCV](https://github.com/JuliaOpenCV/),CVVideoIO.jl,https://github.com/JuliaOpenCV/CVVideoIO.jl,Media I/O. Computer-Graphics,Org-[JuliaOpenCV](https://github.com/JuliaOpenCV/),LibOpenCV.jl,https://github.com/JuliaOpenCV/LibOpenCV.jl,OpenCV library dependencies. Computer-Graphics,Org-[SISL](https://github.com/sisl),PGFPlots.jl,https://github.com/sisl/PGFPlots.jl,Plotting tool that uses the LaTeX pgfplots package (built on top of TikZ) to produce plots. Short [tutorial](http://nbviewer.ipython.org/github/sisl/PGFPlots.jl/blob/master/doc/PGFPlots.ipynb) notebook. Computer-Graphics,Org-[SISL](https://github.com/sisl),Smile.jl,https://github.com/sisl/Smile.jl,A Julia wrapper for the Smile C++ Structural Modeling, Inference, and Learning Engine for Bayesian & Influence Networks . Computer-Graphics,Org-[SISL](https://github.com/sisl),TikzGraphs.jl,https://github.com/sisl/TikzGraphs.jl,Graph layout package using algorithms built into [PGF/TikZ 3.0+](http://www.ctan.org/pkg/pgf). Computer-Graphics,Org-[SISL](https://github.com/sisl),TikzPictures.jl,https://github.com/sisl/TikzPictures.jl,Library interface to PGF/TikZ, that allows one to create PGF/TikZ pictures and images can be saved as PDF, SVG, and TEX. If using IJulia, it will output SVG images. DataBase,API,D4M.jl,https://github.com/achen12/D4M.jl,A D4M module for Julia. [D4M](http://www.mit.edu/~kepner/D4M/) was developed in MATLAB by Dr Jeremy Kepner and his team at Lincoln Labs. DataBase,API,DBI.jl,https://github.com/johnmyleswhite/DBI.jl,An abstract DBI interface to provide a database-independent API protocol that all database drivers can be expected to comply with. DataBase,API,LevelDB.jl,https://github.com/jerryzhenleicai/LevelDB.jl,Julia interface to Google's LevelDB key value database. DataBase,API,Memcache.jl,https://github.com/tanmaykm/Memcache.jl,Julia memcached client. DataBase,API,ODBC.jl,https://github.com/quinnj/ODBC.jl,A low-level ODBC interface for the Julia programming language. DataBase,API,Tabular Data I/O in Julia,http://randyzwitch.com/julia-import-data/, DataBase,API,ViewDBI.jl,https://github.com/kmsquire/ViewDBI.jl,View-based DBI for Julia. DataBase,[Distributed](https://en.wikipedia.org/wiki/Category:Distributed_data_stores)Storage,Accumulo.jl,https://github.com/JuliaDB/Accumulo.jl,Apache Accumulo client. DataBase,SciDB,SciDB-Julia,https://github.com/Paradigm4/SciDB-Julia,The SciDB-Julia package allows users of Julia to interface with SciDB. The API follows the Julia convention and allows for using Julia language constructs in SciDB operations. SciDB is an [array DBMS](http://en.wikipedia.org/wiki/Array_DBMS) is an array database designed for multidimensional data management and analytics common to scientific applications. DataBase,SciDB,TAQ,https://github.com/Paradigm4/TAQ,Example SciDB queries for finance trade and quote data. DataBase,ENGINES,kyotocabinet.jl,https://github.com/tuzzeg/kyotocabinet.jl,Implementation of Kyoto Cabinet in Julia language. DataBase,GraphDB,Neo4j.jl,https://github.com/glesica/Neo4j.jl,Messing around with building a Neo4j driver for Julia. DataBase,HDF,EasyData.jl,https://github.com/ma-laforge/EasyData.jl,Simple/Fast(+HDF5) solution to writing datasets & plots to file. DataBase,LMDB,LMDB.jl,https://github.com/wildart/LMDB.jl,A Julia wrapper interface to [Lightning Memory-Mapped Database](http://symas.com/mdb/) (LMDB) key-value embedded data store developed by Symas for the OpenLDAP Project. DataBase,MongoDB,CMongo.jl,https://github.com/tenthdimension/CMongo.jl,Julia wrapper of the C Mongo Driver. DataBase,MongoDB,LibBSON.jl,https://github.com/pzion/LibBSON.jl,libbson bindings for the Julia programming language. DataBase,MongoDB,LibMongo.jl,https://github.com/pzion/LibMongo.jl,Mongo bindings for the Julia programming language. DataBase,MongoDB,Mongo.jl,https://github.com/pzion/Mongo.jl,Mongo bindings for the Julia programming language. DataBase,MongoDB,Mongo.jl,https://github.com/Lytol/Mongo.jl) {__UnMaintained__,Mongo bindings for the Julia programming language. DataBase,Redis,Redis.jl,https://github.com/jkaye2012/Redis.jl,Pure Julia implementation of a Redis client (actively maintained). DataBase,Redis,Redis.jl,https://github.com/msainz/Redis.jl,Pure Julia implementation of a Redis client, largely based on redis-py. DataBase,MySQL,MariaDB.jl,https://github.com/Dynactionize/MariaDB.jl,A wrapper around the MariaDB C connector. DataBase,MySQL,MySQL.jl,https://github.com/johnmyleswhite/MySQL.jl,MySQL DBI driver that uses the C MySQL API and obeys the DBI.jl protocol. DataBase,MySQL,SQLAlchemy.jl,https://github.com/malmaud/SQLAlchemy.jl,Wrapper over Python's SQLAlchemy library. DataBase,PostgreSQL,libpq.jl,https://github.com/iamed2/libpq.jl,A libpq interface for Julia. DataBase,PostgreSQL,Postgres.jl,https://github.com/NCarson/Postgres.jl,Postgres database interface for the Julia language. DataBase,SQLite,SQLite.jl,https://github.com/quinnj/SQLite.jl,Julia interface to the SQLite library with support for operations on DataFrames. DataBase,SQLite,Sqlite3.jl,https://github.com/PeetV/Sqlite3.jl,A wrapper for the SQLite3 C API, to work with SQLite databases in Julia. Functions are included for reading and writing tables to (/from) DataFrames. DataBase,Org-[JuliaDB](https://github.com/JuliaDB),DataStreams.jl,https://github.com/JuliaDB/DataStreams.jl,A Julia package to stream data. DataBase,Org-[JuliaDB](https://github.com/JuliaDB),DBAPI.jl,https://github.com/JuliaDB/DBAPI.jl,A new database interface proposal. DataBase,Org-[JuliaDB](https://github.com/JuliaDB),DBPerf.jl,https://github.com/JuliaDB/DBPerf.jl,The code repository that benchmarks all the Julia Database Drivers / Wrappers. DataBase,Org-[JuliaDB](https://github.com/JuliaDB),DBDSQLite.jl,https://github.com/JuliaDB/DBDSQLite.jl,DBI-compliant driver for SQLite3. DataBase,Org-[JuliaDB](https://github.com/JuliaDB),JDBC.jl,https://github.com/JuliaDB/JDBC.jl,Julia interface to Java database drivers. DataBase,Org-[JuliaDB](https://github.com/JuliaDB),MySQL.jl,https://github.com/JuliaDB/MySQL.jl,Julia bindings and helper functions for MariaDB/MySQL C library. DataBase,Org-[JuliaDB](https://github.com/JuliaDB),PostgreSQL.jl,https://github.com/JuliaDB/PostgreSQL.jl,PostgreSQL API. DataBase,RESOURCES,log on [The Lesser Known Normal Forms of Database Design,http://www.johnmyleswhite.com/notebook/2014/09/10/the-lesser-known-normal-forms/, Earth-Science,AERONAUTICS,Rotations.jl,https://github.com/ronisbr/Rotations.jl,Functions related to rotations of coordinate frames, angle2dcm, dcm2angle. Earth-Science,AERONAUTICS,Quaternions.jl,https://github.com/forio/Quaternions.jl,A Julia module with quaternion and dual-quaternion functionality. Earth-Science,[ECOLOGY](https://en.wikipedia.org/wiki/Category:Ecology),EcologicalNetwork.jl,https://github.com/PoisotLab/EcologicalNetwork.jl,Measure various aspects of the structure of ecological networks in Julia. Earth-Science,[Agronomy](https://en.wikipedia.org/wiki/Category:Agronomy)and[ForestModelling](https://en.wikipedia.org/wiki/Category:Forest_modelling),LeafAreaIndex.jl,https://github.com/ETC-UA/LeafAreaIndex.jl,Package to calculate Leaf Area Index from Hemisperical Images. Earth-Science,[Agronomy](https://en.wikipedia.org/wiki/Category:Agronomy)and[ForestModelling](https://en.wikipedia.org/wiki/Category:Forest_modelling),LAIscript,https://github.com/ETC-UA/LAIscript,scripts to automatically run LAI calculations with ODBC link to custom database. Earth-Science,AquaticEcology,Iceberg.jl,https://github.com/njwilson23/Iceberg.jl,Ice-seawater interface calculations using level set methods. Earth-Science,AquaticEcology,TEOS.jl,https://github.com/njwilson23/TEOS.jl,Julia wrapper for TEOS-10 Gibbs Seawater Oceanographic Toolbox. Earth-Science,GEOSTATISTICS,Krige.jl,https://github.com/njwilson23/Krige.jl,Kriging estimators in Julia. Earth-Science,GEOSTATISTICS,GeoStats.jl,https://github.com/juliohm/GeoStats.jl,Geostatistics in Julia. Earth-Science,GEOSTATISTICS,GeoStatsImages.jl,https://github.com/juliohm/GeoStatsImages.jl,Training images for geostastical simulation. Earth-Science,GEOSTATISTICS,ImageQuilting.jl,https://github.com/juliohm/ImageQuilting.jl,3D image quilting simulation. Earth-Science,[CARTOGRAPHY](https://en.wikipedia.org/wiki/Category:Cartography),OpenStreetMapParser.jl,https://github.com/yeesian/OpenStreetMapParser.jl,This package provides basic functionality for parsing OpenStreetMap data in Julia, in the following file formats: [.osm (XML)](http://wiki.openstreetmap.org/wiki/OSM_XML) and [.pbf (binary)](http://wiki.openstreetmap.org/wiki/PBF_Format). Earth-Science,[CARTOGRAPHY](https://en.wikipedia.org/wiki/Category:Cartography),Proj4.jl,https://github.com/FugroRoames/Proj4.jl,Julia wrapper for PROJ.4 cartographic projections library. Earth-Science,[CARTOGRAPHY](https://en.wikipedia.org/wiki/Category:Cartography),PyProj.jl,https://github.com/kshramt/PyProj.jl, A Julia wrapper of PyProj, that performs cartographic transformations and geodetic computations. Earth-Science,GIS,DtPlot.jl,https://github.com/dejakaymac/DtPlot.jl, Earth-Science,GIS,EarthSphere.jl,https://github.com/cuevasclemente/EarthSphere.jl,A library for measuring approximate distance and location given latitudes and longitudes. Earth-Science,GIS,FlowNetworks.jl,https://github.com/scheidan/FlowNetworks.jl,Types and function to represent hydrological flow networks. Earth-Science,GIS,Gaia.jl,https://github.com/jsbj/Gaia.jl,Unified interface for observational datasets of the Earth's weather and climate. Earth-Science,GIS,GDAL.jl,https://github.com/wkearn/GDAL.jl,Geospatial Data Analysis Library Wrapper for Julia. Earth-Science,GIS,GDALfuns.jl,https://github.com/meggart/GDALfuns.jl,GDAL wrapper. Earth-Science,GIS,GeographicLibPy.jl,https://github.com/kshramt/GeographicLibPy.jl,Thin wrapper of geographiclib Python package. Earth-Science,GIS,GIS.jl,https://github.com/wkearn/GIS.jl,A package for the visualization and manipulation of geographic data. Earth-Science,GIS,GeoIP.jl,https://github.com/johnmyleswhite/GeoIP.jl,is a Julia package that can estimate the geographic location of IP addresses. Earth-Science,GIS,GMT.jl,https://github.com/joa-quim/GMT.jl,is a package containing Julia bindings for the Generic Mapping Tools Library, a.k.a libgmt - a set of libraries tht allows manipulating geographic and Cartesian data sets (including filtering, trend fitting, gridding, projecting, etc.) and producing Encapsulated PostScript File (EPS) illustrations ranging from simple x-y plots via contour maps to artificially illuminated surfaces and 3-D perspective views. Earth-Science,GIS,hillerislambers,https://github.com/wkearn/hillerislambers,Julia implementation of the HilleRisLambers et al. 2001 model of arid vegetation dynamics. Earth-Science,GIS,Jultran.jl,https://github.com/jsbj/Jultran.jl,Julia interface for the HITRAN database of spectral lines, based on Ray Pierrehumbert's PyTran. Earth-Science,GIS,OpenStreetMap.jl,https://github.com/tedsteiner/OpenStreetMap.jl,The Julia OpenStreetMap package provides basic functionality for parsing, viewing, and working with OpenStreetMap map data. Earth-Science,GIS,SpatialStats.jl,https://github.com/dchudz/SpatialStats.jl,Spatial Statistics. Earth-Science,GIS,Turf.jl,https://github.com/yeesian/Turf.jl,A geospatial engine encoding the collections of simple geographical features using the JS lib Turfjs in the GeoJSON format. Earth-Science,GIS,Tyndall.jl,https://github.com/jsbj/Tyndall.jl,Radiative transfer in Julia. Earth-Science,GIS,Watershed.jl,https://github.com/seung-lab/Watershed.jl,Julia version of watershed. Earth-Science,GPS,NMEA.jl,https://github.com/templarlabs/NMEA.jl,Julia package for parsing GPS NMEA messages. Earth-Science,Org-[JuliaGeo](https://github.com/JuliaGeo),Geodesy.jl,https://github.com/JuliaGeo/Geodesy.jl,Work with points defined in various coordinate systems. Earth-Science,Org-[JuliaGeo](https://github.com/JuliaGeo),GeoJSON.jl,https://github.com/JuliaGeo/GeoJSON.jl,Utilities for working with GeoJSON data in Julia. Earth-Science,METEOROLOGY,CAIRS.jl,https://github.com/scheidan/CAIRS.jl,Continous Assimilation of Integrating Rain Sensors. Earth-Science,METEOROLOGY,CERESViewer.jl,https://github.com/jsbj/CERESViewer.jl,Visualize observations of the flows of energy in and out of the Earth. Earth-Science,METEOROLOGY,Hotwire.jl,https://github.com/pjabardo/Hotwire.jl,Hotwire anemometry related functions implemented in Julia. 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. Hardware,API,Alazar.jl,https://github.com/ajkeller34/Alazar.jl,API wrapper for Julia, bare bones. Hardware,API,MichrochipRTDM.jl,https://github.com/cstook/MicrochipRTDM.jl,A bunch of functions usefull for working with MicrochipTM's RTDM interface. Hardware,Architectures,DIDebug.jl,https://github.com/Keno/DIDebug.jl,Debug the destination index in an x86 computer architecture using the standardized [DWARF-ELF](http://www.ibm.com/developerworks/library/os-debugging/) debugging data format. Hardware,Architectures,FastFieldSolversHelper.jl,https://github.com/MichaelHatherly/FastFieldSolversHelper.jl,Create input files for FastFieldSolvers. Hardware,Architectures,Vectorize.jl,https://github.com/rprechelt/Vectorize.jl,Cross-platform vectorization of Julia code using Accelerate, VML, Yeppp! and LLVM. Hardware,Architectures,ZenFab.jl,https://github.com/FactoryOS/ZenFab.jl,Software for using digital manufacturing devices. Hardware,FTDI,FTD2XX.jl,https://github.com/cstook/FTD2XX.jl,Wrapper for FTDI FTD2XX library. Hardware,Intel,RdRand.jl,https://github.com/SamChill/RdRand.jl,Generate random numbers using Intel's RDRAND instruction. Hardware,NationalInstruments,NIDAQ.jl,https://github.com/JaneliaSciComp/NIDAQ.jl,This package provides an interface to NIDAQmx - National Instruments' driver for their data acquisition boards. Hardware,VirtualInstrumentSoftwareArchitecture,Instruments.jl,https://github.com/BBN-Q/Instruments.jl,A package for controlling laboratory instruments through Julia over TCPIP/GPIB/USB/Serial, wrapped around the NI-VISA library (which needs to be separately installed) similar to PyVISA and has some starts towards making it easier to write custom instrument drivers. Hardware,VirtualInstrumentSoftwareArchitecture,VISA.jl,https://github.com/ajkeller34/VISA.jl,VISA wrapper for Julia. Hardware,AUDIO-VIDEO,AudioIO.jl,https://github.com/ssfrr/AudioIO.jl,is a Julia library for interfacing to audio streams, which include playing to and recording from sound cards, reading and writing audio files, sending to network audio streams, etc. Currently only playing to the sound card through PortAudio is supported. Hardware,AUDIO-VIDEO,AV.jl,https://github.com/kmsquire/AV.jl,Julia bindings for libav/ffmpeg, libavcodec, libavformat, libavutil, and libswscale. Hardware,AUDIO-VIDEO,Bebop.jl,https://github.com/zhemao/Bebop.jl,An audio library for the Julia programming language. Hardware,AUDIO-VIDEO,Chango,https://bitbucket.org/mbaz/chango,A simulator written in Julia, somewhat similar to GNU Radio, LabView and Simulink. Hardware,AUDIO-VIDEO,FLAC.jl,https://github.com/dmbates/FLAC.jl,Julia bindings for libFLAC. Hardware,AUDIO-VIDEO,gr-juliaffi,https://github.com/JayKickliter/gr-juliaffi,A GNU Radio package that lets you write custom signal processing blocks in Julia. Hardware,AUDIO-VIDEO,Midi.jl,https://github.com/JoelHobson/Midi.jl) : A Julia library for reading and writing Midi files, Hardware,AUDIO-VIDEO,Opus.jl,https://github.com/staticfloat/Opus.jl,Julia library to interface with Opus audio files. Hardware,AUDIO-VIDEO,OSC.jl,https://github.com/fundamental/OSC.jl,Open Sound Control serialization library, a port of RTOSC for Julia. Hardware,AUDIO-VIDEO,PortAudio.jl,https://github.com/ssfrr/PortAudio.jl,Julia interface API for the [PortAudio](http://en.wikipedia.org/wiki/PortAudio) (audio) library. Hardware,AUDIO-VIDEO,Radio.jl,https://github.com/JayKickliter/Radio.jl,A digital communications package for the Julia language. Hardware,AUDIO-VIDEO,Rasim.jl,https://github.com/maemre/Rasim.jl,A time-slot based radio network simulator written in Julia. Hardware,AUDIO-VIDEO,Sound.jl,https://github.com/JuliaLang/Sound.jl,Reading and writing from WAV files. Hardware,AUDIO-VIDEO,Tablo.jl,https://github.com/dmbates/Tablo.jl,Julia interface to the Tablo over-the-air digital video recorder. Hardware,Org-[JuliaAudio](https://github.com/JuliaAudio),LibSndFile.jl,https://github.com/JuliaAudio/LibSndFile.jl,A wrapper for libsndfile, and supports a wide variety of file and sample formats. Hardware,Org-[JuliaAudio](https://github.com/JuliaAudio),PortAudio.jl,https://github.com/JuliaAudio/PortAudio.jl,A wrapper for libportaudio, which gives cross-platform access to audio devices. Hardware,Org-[JuliaAudio](https://github.com/JuliaAudio),RingBuffers.jl,https://github.com/JuliaAudio/RingBuffers.jl,A simple non-allocating circular RingBuffer type, with configurable overflow and underflow handling. Hardware,Org-[JuliaAudio](https://github.com/JuliaAudio),SampleTypes.jl,https://github.com/JuliaAudio/SampleTypes.jl,A collection of core types for regularly-sampled multichannel sampled signals like radio or Audiodata, RADAR and Software-Defined Radio, EEG signals, etc., to provide better interoperability between packages that read data from files or streams, DSP packages, and output and display packages. Hardware,CAD-CAM,Devices.jl,https://github.com/ajkeller34/Devices.jl,For simplified generation of device CAD files for superconducting device design. Hardware,CAD-CAM,Gcode.jl,https://github.com/sjkelly/Gcode.jl,A wrapper for writing [Gcode](http://en.wikipedia.org/wiki/Gcode) from Julia easily. Hardware,CAD-CAM,LTspice.jl,https://github.com/cstook/LTspice.jl,It provides a julia interface to LTspice. Hardware,ControlSystem,ControlSystems.jl,https://github.com/JuliaControl/ControlSystems.jl,A Control Systems Toolbox for Julia. Hardware,ControlSystem,Fontconfig.jl,https://github.com/dcjones/Fontconfig.jl,Basic Julia bindings for fontconfig. Hardware,ControlSystem,Iterators.jl,https://github.com/JuliaLang/Iterators.jl,Common functional iterator patterns. Hardware,ControlSystem,log post on [Tricked out iterators,http://slendermeans.org/julia-iterators.html) in Julia, Hardware,ControlSystem,LinearControl.jl,https://github.com/jemofthewest/LinearControl.jl,Julia package for analysis and design of control strategies for linear systems. Hardware,ControlSystem,ProtoBuf.jl,https://github.com/tanmaykm/ProtoBuf.jl,is a Julia implementation for protocol buffers, a language-neutral, platform-neutral, extensible way of serializing structured data for use in communications protocols, data storage, and more. Hardware,ControlSystem,Slicot.jl,https://github.com/jcrist/Slicot.jl,Julia wrapper for SLICOT Routines. Hardware,DOCS,control-flow,http://docs.julialang.org/en/latest/manual/control-flow/,Conditional loops and Control flow constructs. Hardware,DOCS,omer Reid's [Introduction to Numerical Analysis - Basic Numerical Programming in Julia,http://homerreid.dyndns.org/teaching/18.330/#ProblemSets) course, Hardware,[EmbeddedSystems](https://en.wikipedia.org/wiki/Category:Embedded_systems),TinyG.jl,https://github.com/sjkelly/TinyG.jl,This package provides support for CNC controllers running the TinyG firmware, principally developed by Synthetos. Hardware,[Microcontrollers](https://en.wikipedia.org/wiki/Category:Microcontrollers),Arduino.jl,https://github.com/rennis250/Arduino.jl,Basic Arduino interface for Julia. Hardware,[Microcontrollers](https://en.wikipedia.org/wiki/Category:Microcontrollers),PiGPIO.jl,https://github.com/aviks/PiGPIO.jl,Manage external hardware using GPIO pins on the Raspberry Pi. Hardware,Robots,FPTControl.jl,https://github.com/krisztiankosi/FPTControl.jl,Fixed Point Transformation Based Control. Hardware,Robots,RigidBodyDynamics.jl,https://github.com/tkoolen/RigidBodyDynamics.jl), Hardware,Robots,Robotics.jl,https://github.com/cdsousa/Robotics.jl,Toolbox for (serial manipulator) robotics, focusing robot dynamics. Hardware,Robots,RobotOS.jl,https://github.com/phobon/RobotOS.jl,Julia interface to ROS (Robot Operating System). Hardware,TouchScreen,Taste.jl,https://github.com/jiahao/Taste.jl,A simple package for computerized human-computer olfaction and gustation interactivity that supports integrated Instant Olfaction Technology Screens. 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. i18n-L10n,Unicode,UTF16.jl,https://github.com/nolta/UTF16.jl,UTF16 string type for Julia. i18n-L10n,Chinese,he [JuliaCN group on github,https://github.com/JuliaCN, i18n-L10n,Chinese,julialang.cn,http://julialang.cn/,Simplified Chinese homepage of Chinese community i18n-L10n,Chinese,julia_zh_cn,https://github.com/JuliaCN/julia_zh_cn,Simplified Chinese Documentation of Julia. i18n-L10n,Chinese,JetAlpha,http://jetalpha.org/,A Julia playground (in Chinese) for Julians. [Source Code](https://github.com/KDr2/JetAlpha.jl). i18n-L10n,Japanese,julia_doc_ja,https://github.com/iTakeshi/julia_doc_ja,Japanese documentation. i18n-L10n,OtherSites,Shapecatcher.com,http://shapecatcher.com/) is a Unicode character recognition website, IO,BinaryIO,HexEdit.jl,https://github.com/templarlabs/HexEdit.jl,Edit and display binary file data in hexadecimal format. IO,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. IO,GeneralIO,FileIO.jl,https://github.com/JuliaIO/FileIO.jl,general dispatcher for `save` and `load`, support for recognizing magic bytes and file-extensions. IO,GeneralIO,SerialPorts.jl,https://github.com/sjkelly/SerialPorts.jl,SerialPort IO streams in Julia. IO,GeneralIO,StructIO.jl,https://github.com/Keno/StructIO.jl,Experimental new implementation of StrPack.jl-like functionality. IO,DataFormats,AIDA.jl,https://github.com/jstrube/AIDA.jl,This package implements simple readers for legacy AIDA files. IO,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. IO,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. IO,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. IO,DataFormats,BGZF.jl,https://github.com/kmsquire/BGZF.jl,A Julia package to read/write BGZF compressed files. IO,DataFormats,Brukerfile.jl,https://github.com/tknopp/Brukerfile.jl,Read Bruker data files. IO,DataFormats,COFF.jl,https://github.com/Keno/COFF.jl,A julia implementation of the PE/COFF file format. IO,DataFormats,DataFramesIO.jl,https://github.com/johnmyleswhite/DataFramesIO.jl,Advanced import/export tools for DataFrames: Stata, SPSS, Excel, JSON. IO,DataFormats,DataRead.jl,https://github.com/WizardMac/DataRead.jl,can read files from Stata, SAS, and SPSS. IO,DataFormats,DWARF.jl,https://github.com/Keno/DWARF.jl,Julia Package for parsing the DWARF file format. IO,DataFormats,ELF.jl,https://github.com/Keno/ELF.jl,Julia Package for working with ELF files. IO,DataFormats,Feather.jl,https://github.com/JuliaStats/Feather.jl,A format for saving and retrieving data frames inorder to read and write in the feather format. IO,DataFormats,FastaIO.jl,https://github.com/carlobaldassi/FastaIO.jl,Utilities to read/write FASTA format files in Julia. IO,DataFormats,FlatBuffers.jl,https://github.com/dmbates/FlatBuffers.jl,A package to support Julia code generated by Google's flatbuffers compiler `flatc`. IO,DataFormats,Grisu.jl,https://github.com/quinnj/Grisu.jl,Port of Double-Conversion library to native Julia. IO,DataFormats,IniFile.jl,https://github.com/JuliaLang/IniFile.jl,Reading and writing Windows-style INI files. IO,DataFormats,Json2.jl,https://github.com/ddolgi/Json2.jl,JSON encoder/decoder on Julia. IO,DataFormats,MachO.jl,https://github.com/Keno/MachO.jl,An implementation of the MachO file format. IO,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. IO,DataFormats,NeuralynxNCS.jl,https://github.com/simonster/NeuralynxNCS.jl,A Julia module for reading Neuralynx NCS files. IO,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. IO,DataFormats,NPZ.jl,https://github.com/fhs/NPZ.jl,Julia package that provides support for reading and writing Numpy .npy and .npz files. IO,DataFormats,ObjFileBase.jl,https://github.com/Keno/ObjFileBase.jl,Common functionality for Object Files. IO,DataFormats,OIFITS.jl,https://github.com/emmt/OIFITS.jl,Support for OI-FITS (optical interferometry data format). IO,DataFormats,OpenSlide.jl,https://github.com/ihnorton/OpenSlide.jl,OpenSlide bindings for Julia. IO,DataFormats,Parquet.jl,https://github.com/tanmaykm/Parquet.jl,Julia implementation of parquet columnar file format reader and writer. IO,DataFormats,PdbTool,https://github.com/christophfeinauer/PdbTool.jl,An object-oriented Julia tool to parse PDB files and work with them. IO,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. IO,DataFormats,PLX.jl,https://github.com/simonster/PLX.jl,Julia module for reading Plexon PLX files. IO,DataFormats,HarwellBoeing.jl,https://github.com/dpo/HarwellBoeing.jl,A reader for matrices and supplementary data written in the Harwell-Boeing format. IO,DataFormats,Shapefile.jl,https://github.com/Keno/Shapefile.jl,Parsing .shp files in Julia. IO,DataFormats,Silo.jl,https://github.com/jgoldfar/Silo.jl,Wrapper for the Silo file format. IO,DataFormats,uJSON.jl,https://github.com/samuelcolvin/uJSON.jl,JSON library for Julia using ultraJSON. IO,DataFormats,XPT.jl,https://github.com/lendle/XPT.jl,The XPT package reads SAS® software transport files and converts SAS software datasets to DataFrames. IO,CSV,CSV.jl,https://github.com/tanmaykm/CSV.jl) by @tanmayk,reads CSV files. IO,CSV,CSV.jl,https://github.com/JuliaData/CSV.jl) by @JuliaDat, Utility library for working with CSV and other delimited files in the Julia programming language. IO,CSV,CSVReaders.jl,https://github.com/johnmyleswhite/CSVReaders.jl,A (beta) package designed to provide a standardized API for reading CSV files into arbitrary Julia data structures. IO,CSV,XSV.jl,https://github.com/benhamner/XSV.jl,CSV, TSV, etc. streaming and batch parser. IO,HDF5,HDF5.jl,https://github.com/JuliaLang/HDF5.jl,Lib to read HDF5 format files, a widely-used file format for general data. IO,JLD,JLD.jl,https://github.com/JuliaLang/JLD.jl,High-level interface to HDF5 for saving and loading julia variables & types IO,JLD,JLD2,https://github.com/simonster/JLD2,next-generation successor to JLD. IO,JLD,Jld2Mat.jl,https://github.com/maemre/Jld2Mat.jl,A utility and Julia package to create MAT files form JLD files IO,XML,EodDataTestXml.jl,https://github.com/adriantorrie/EodDataTestXml.jl,Test files for [EodData.jl](https://github.com/adriantorrie/EodData.jl). IO,XML,LibExpat.jl,https://github.com/amitmurthy/LibExpat.jl,A Julia wrapper for libexpat. IO,XML,LightXML.jl,https://github.com/JuliaIO/LightXML.jl,A light-weight Julia package for XML based on libxml2. IO,XML,SpimRegXML.jl,https://github.com/bhoeckendorf/SpimRegXML.jl), IO,XML,XML.jl,https://github.com/amitmurthy/XML.jl,A `libXML2` wrapper for Julia language. IO,XML,XMLconvert.jl,https://github.com/bcbi/XMLconvert.jl, Functions for converting XML documents to other formats. IO,XML,XMLDict.jl,https://github.com/samoconnor/XMLDict.jl,This package implements a simple Associative interface for XML documents. IO,XML,XMLRPC.jl,https://github.com/sjkelly/XMLRPC.jl,Send and recieve XML-RPCs with Julia. IO,XML,XmlToDict.jl,https://github.com/elcritch/XmlToDict.jl, Julia module that makes working with XML feel like you are working with JSON (inspired by xmltodict). IO,HTML-XML,Patchwork.jl,https://github.com/shashi/Patchwork.jl,A library for representing the DOM in Julia. It supports element creation, diff computation and browser-side patching for efficient re-rendering. IO,[DataTypes](http://en.wikipedia.org/wiki/Data_type),ASCIIByte.jl,https://github.com/Elin-/ASCIIByte.jl,Julia package to deal with Characters of 8 bits. IO,[DataTypes](http://en.wikipedia.org/wiki/Data_type),AutoFormat.jl,https://github.com/yulijia/AutoFormat.jl, IO,[DataTypes](http://en.wikipedia.org/wiki/Data_type),BigRationals.jl,https://github.com/andrioni/BigRationals.jl,A BigRational package for Julia using GMP. IO,[DataTypes](http://en.wikipedia.org/wiki/Data_type),CBOR.jl,https://github.com/saurvs/CBOR.jl,A Concise Binary Object Representation (RFC 7049) Julia package for working with the CBOR data format, providing straightforward encoding and decoding for Julia types. IO,[DataTypes](http://en.wikipedia.org/wiki/Data_type),Codecs.jl,https://github.com/dcjones/Codecs.jl,Common data encoding algorithms. IO,[DataTypes](http://en.wikipedia.org/wiki/Data_type),DanaTypes.jl,https://github.com/DANA-Laboratory/DanaTypes.jl,Types for continuous variables or parameters. IO,[DataTypes](http://en.wikipedia.org/wiki/Data_type),DictViews.jl,https://github.com/daviddelaat/DictViews.jl,KeysView and ValuesView types for dynamic low-overhead views into the entries of dictionaries. IO,[DataTypes](http://en.wikipedia.org/wiki/Data_type),DotPlusInheritance.jl,https://github.com/DANA-Laboratory/DotPlusInheritance.jl,Expression parser that simulates type inheritance. IO,[DataTypes](http://en.wikipedia.org/wiki/Data_type),FixedPointNumbers.jl,https://github.com/JeffBezanson/FixedPointNumbers.jl,This library exports fixed-point number types. A fixed-point number represents a fractional, or non-integral, number. In contrast with the more widely known floating-point numbers, fixed-point numbers have a fixed number of digits (bits) after the decimal (radix) point. They are effectively integers scaled by a constant factor. IO,[DataTypes](http://en.wikipedia.org/wiki/Data_type),Formatting.jl,https://github.com/lindahua/Formatting.jl,A Julia package to provide Python-like formatting support. IO,[DataTypes](http://en.wikipedia.org/wiki/Data_type),FreeTypeAbstraction.jl,https://github.com/SimonDanisch/FreeTypeAbstraction.jl,A Julian abstraction layer over FreeType.jl. IO,[DataTypes](http://en.wikipedia.org/wiki/Data_type),frange,https://github.com/StefanKarpinski/frange, IO,[DataTypes](http://en.wikipedia.org/wiki/Data_type),ImagineFormat.jl,https://github.com/timholy/ImagineFormat.jl,Read [.imagine](http://dotwhat.net/file/extension/imagine/7604) file formats in Julia. IO,[DataTypes](http://en.wikipedia.org/wiki/Data_type),jenks.jl,https://github.com/scw/jenks.jl, IO,[DataTypes](http://en.wikipedia.org/wiki/Data_type),julia-prettyshow,https://github.com/toivoh/julia-prettyshow,A module to provide simple pretty printing facilities with base functionality for indentation etc, and a `pshow` (pretty show) implementation for julia ASTs. IO,[DataTypes](http://en.wikipedia.org/wiki/Data_type),LHEF.jl,https://github.com/Keno/LHEF.jl,Quick and dirty implementation of the Les Houches Event Format, for particle Physics, in terms of Fortran commonblocks where the information is embedded in a minimal XML-style structure. IO,[DataTypes](http://en.wikipedia.org/wiki/Data_type),MacroTools.jl,https://github.com/MikeInnes/MacroTools.jl,A library providing helpful tools for writing macros, notably a very simple templating system with some functions. IO,[DataTypes](http://en.wikipedia.org/wiki/Data_type),MonkeyString.jl,https://github.com/malmaud/MonkeyString.jl,Fast string implementation inspired by SpiderMonkey. IO,[DataTypes](http://en.wikipedia.org/wiki/Data_type),MPFI.jl,https://github.com/andrioni/MPFI.jl,A MPFI wrapper for Julia. IO,[DataTypes](http://en.wikipedia.org/wiki/Data_type),MutableStrings.jl,https://github.com/tanmaykm/MutableStrings.jl,Mutable string types for Julia. IO,[DataTypes](http://en.wikipedia.org/wiki/Data_type),MUtils.jl,https://github.com/amitmurthy/MUtils.jl,channels(), tspaces(), kvspaces() and more. IO,[DataTypes](http://en.wikipedia.org/wiki/Data_type),Netpbm.jl,https://github.com/JuliaIO/Netpbm.jl,Load and save Netpbm images in Julia. The [Netpbm](https://en.wikipedia.org/wiki/Netpbm_format) format is a graphics format using the extensions `portable pixmap format (PPM)`, the `portable graymap format (PGM)` and the `portable bitmap format (PBM)`, collectively referred as the portable anymap format (PNM). IO,[DataTypes](http://en.wikipedia.org/wiki/Data_type),ResultTypes.jl,https://github.com/iamed2/ResultTypes.jl, A Result type for Julia—it's like Nullables for Exceptions. IO,[DataTypes](http://en.wikipedia.org/wiki/Data_type),ReTerms.jl,https://github.com/dmbates/ReTerms.jl,Package providing abstract random-effects terms and specific types. IO,[DataTypes](http://en.wikipedia.org/wiki/Data_type),Ratios.jl,https://github.com/timholy/Ratios.jl,Faster Rational-like types for Julia. IO,[DataTypes](http://en.wikipedia.org/wiki/Data_type),RDF.jl,https://github.com/JuliaPackageMirrors/RDF.jl,RDF package for working with RDF Graphs in Julia. Supports serialization as RDF N-Triples, RDF N-Quads and Turtle. [Julia package mirror](https://github.com/indiedotkim/RDF.jl) IO,[DataTypes](http://en.wikipedia.org/wiki/Data_type),Scalar.jl,https://github.com/sabjohnso/Scalar.jl,Scalar Types. IO,[DataTypes](http://en.wikipedia.org/wiki/Data_type),Sexpr.jl,https://github.com/vshesh/Sexpr.jl,A program to port clojure-like [s-expression](https://en.wikipedia.org/wiki/S-expression) syntax to and from Julia. IO,[DataTypes](http://en.wikipedia.org/wiki/Data_type),SimpleStructs.jl,https://github.com/pluskid/SimpleStructs.jl,Easy to use struct definition with defaults and value constraints, as well as auto-defined user-friendly constructors. IO,[DataTypes](http://en.wikipedia.org/wiki/Data_type),StringDistances.jl,https://github.com/matthieugomez/StringDistances.jl,String Distances in Julia. IO,[DataTypes](http://en.wikipedia.org/wiki/Data_type),StringUtils.jl,https://github.com/ScottPJones/StringUtils.jl,String utilities for Julia, Swift-like interpolation/quoting, better performing versions of string functions, etc. IO,[DataTypes](http://en.wikipedia.org/wiki/Data_type),TexExtensions.jl,https://github.com/Keno/TexExtensions.jl,Tex Pretty printing of Julia Base types. IO,[DataTypes](http://en.wikipedia.org/wiki/Data_type),Units.jl,https://github.com/timholy/Units.jl,Infrastructure for handling physical units for the Julia programming language. IO,[DataTypes](http://en.wikipedia.org/wiki/Data_type),Unitful.jl,https://github.com/ajkeller34/Unitful.jl,A Julia package for physical units. IO,[DataTypes](http://en.wikipedia.org/wiki/Data_type),YAML.jl,https://github.com/dcjones/YAML.jl,A flexible data serialization format that is designed to be easily read and written by human beings. IO,[CompositeDataTypes](https://en.wikipedia.org/wiki/Category:Composite_data_types,DictWrappers.jl,https://github.com/iamed2/DictWrappers.jl,Wrap any Julia composite type in an Associative interface. IO,[CompositeDataTypes](https://en.wikipedia.org/wiki/Category:Composite_data_types,EMLTranslator.jl,https://github.com/DANA-Laboratory/EMLTranslator.jl,Adds Inheritance to julia composite type. IO,[CompositeDataTypes](https://en.wikipedia.org/wiki/Category:Composite_data_types,ExtractMacro.jl,https://github.com/carlobaldassi/ExtractMacro.jl, Provides a convenience Julia macro to extract fields from composite types. IO,[CompositeDataTypes](https://en.wikipedia.org/wiki/Category:Composite_data_types,Modifyfield.jl,https://github.com/StephenVavasis/Modifyfield.jl,It creates functions to modify immutable fields of a composite type inside a container. IO,[TypeParameters](http://en.wikipedia.org/wiki/TypeParameter),AutoTypeParameters.jl,https://github.com/andrewcooke/AutoTypeParameters.jl,A Julia library to reversibly encode any value so that it can be used as a type parameter. IO,[TypeParameters](http://en.wikipedia.org/wiki/TypeParameter),FileIO2.jl,https://github.com/ma-laforge/FileIO2.jl,File Object Type Hierarchy. IO,[TypeParameters](http://en.wikipedia.org/wiki/TypeParameter),FreeType.jl,https://github.com/jhasse/FreeType.jl,FreeType 2 bindings API wrapper. IO,[TypeParameters](http://en.wikipedia.org/wiki/TypeParameter),FixedSizeDictionaries.jl,https://github.com/SimonDanisch/FixedSizeDictionaries.jl,Library which implements a fixed size variant of Dictionaries. IO,[TypeParameters](http://en.wikipedia.org/wiki/TypeParameter),Parameters.jl,https://github.com/mauro3/Parameters.jl,Types with default field values, keyword constructors and (un-)pack macros. IO,[TypeParameters](http://en.wikipedia.org/wiki/TypeParameter),StringInterpolation.jl,https://github.com/EricForgy/StringInterpolation.jl,String interpolation for non-standard string literals. IO,[TypeParameters](http://en.wikipedia.org/wiki/TypeParameter),Strings.jl,https://github.com/quinnj/Strings.jl,Testing out a new String representation. IO,[TypeParameters](http://en.wikipedia.org/wiki/TypeParameter),Traits.jl,https://github.com/mauro3/Traits.jl,Traits package contracts on a type or a tuple of types and allows dispatch to work with them. IO,[TypeParameters](http://en.wikipedia.org/wiki/TypeParameter),TupleTypes.jl,https://github.com/mbauman/TupleTypes.jl,A testbed for an API to access Tuple parameters. IO,[TypeParameters](http://en.wikipedia.org/wiki/TypeParameter),TypeCheck.jl,https://github.com/astrieanna/TypeCheck.jl,a type checker for Julia. IO,[TypeParameters](http://en.wikipedia.org/wiki/TypeParameter),% coverage for Number documentation, for example, what % of concrete types have abs() defined?,https://github.com/astrieanna/TypeCheck.jl#methodswithdescendantstdatatypeonlyleavesboolfalselimint10, IO,[TypeParameters](http://en.wikipedia.org/wiki/TypeParameter),Typeclass.jl,https://github.com/jasonmorton/Typeclass.jl,Prototype typeclasses for Julia. IO,[TypeParameters](http://en.wikipedia.org/wiki/TypeParameter),TypeGraph.jl,https://github.com/johnmyleswhite/TypeGraph.jl,Visualize the Julia type system. IO,[TypeParameters](http://en.wikipedia.org/wiki/TypeParameter),TypeTree.jl,https://github.com/johnmyleswhite/TypeTree.jl,source code and the [interactive D3 visualization](http://johnmyleswhite.com/typetree/tree.html) of a Julia type tree. IO,Resources,ameson Nash on [Static and Ahead of Time (AOT) compiled Julia,http://juliacomputing.com/blog/2016/02/09/static-julia.html, IO,Resources,A more thorough look at Julia's __double colon__ syntax,http://nbviewer.ipython.org/github/tlycken/IJulia-Notebooks/blob/master/A%20more%20thorough%20look%20at%20Julia%27s%20%22double%20colon%22%20syntax.ipynb, IO,ImageFormats,AndorSIF.jl,https://github.com/JuliaIO/AndorSIF.jl,This implements support for reading [Andor SIF](http://www.andor.com/downloads) image files in the Julia programming language. Note: The Andor `.SIF` format changes with each version. IO,ImageFormats,DICOM.jl,https://github.com/ihnorton/DICOM.jl,DICOM interface for the Julia language. IO,ImageFormats,FITSIO.jl,https://github.com/JuliaAstro/FITSIO.jl,Flexible Image Transport System (FITS) support for Julia. IO,ImageFormats,ImageMagick.jl,https://github.com/JuliaIO/ImageMagick.jl,Thin Wrapper for the library ImageMagick, for general-purpose image saving and loading. IO,ImageFormats,NIfTI.jl,https://github.com/simonster/NIfTI.jl,Julia module for reading NIfTI MRI files. IO,ImageFormats,NRRD.jl,https://github.com/JuliaIO/NRRD.jl,Julia support for the Nearly Raw Raster Data (NRRD) image file format IO,ImageFormats,Netpbm.jl,https://github.com/JuliaIO/Netpbm.jl,Julia support for Netpbm (.ppm, .pgm, .pbm). IO,ImageFormats,QuartzImageIO.jl,https://github.com/JuliaIO/QuartzImageIO.jl,Thin wrapper around OSX's native image format saving and loading IO,ImageFormats,TIFF.jl,https://github.com/rephorm/TIFF.jl,is the TIFF image file support for Julia. IO,ImageFormats,VideoIO.jl,https://github.com/kmsquire/VideoIO.jl,A wrapper around libav/ffmpeg libraries, which are the defacto open-source libraries for video IO. The library offers an easy way to open video files or a camera and read sequences of images, as either arrays, or optionally as `Image` objects, using the `Images` package, has been developed on Linux, and the installation and functionality has been minimally tested on Macs, but not yet on Windows. Mathematics,CRYPTOGRAPHY,BlockCipherSelfStudy.jl,https://github.com/andrewcooke/BlockCipherSelfStudy.jl,Blocks, and RC5. Mathematics,CRYPTOGRAPHY,Crypto.jl,https://github.com/danielsuo/Crypto.jl,A library that wraps OpenSSL, but also has pure Julia implementations for reference. Mathematics,CRYPTOGRAPHY,FNVHash.jl,https://github.com/samoconnor/FNVHash.jl,FNV (Fowler/Noll/Vo) is a fast, non-cryptographic hash algorithm with good dispersion. Mathematics,CRYPTOGRAPHY,Hashlib.jl,https://github.com/samgre/Hashlib.jl,SHA1 implementation for Julia. Mathematics,CRYPTOGRAPHY,MbedTLS.jl,https://github.com/malmaud/MbedTLS.jl,Wrapper around mbedtls. Mathematics,CRYPTOGRAPHY,Nettle.jl,https://github.com/staticfloat/Nettle.jl,is a simple wrapper around libnettle, a cryptographic library. Mathematics,CRYPTOGRAPHY,OpenSSL.jl,https://github.com/dirk/OpenSSL.jl,WIP OpenSSL bindings for Julia. Mathematics,CRYPTOGRAPHY,OpenSSLCrypto.jl,https://github.com/amitmurthy/OpenSSLCrypto.jl,Julia interface to the crypto API of openssl. Mathematics,CRYPTOGRAPHY,RNGTest.jl,https://github.com/andreasnoackjensen/RNGTest.jl,A package that is a Julia interface to the test suite TestU01 of Pierre l'Ecuyer to test random numbers. Mathematics,CRYPTOGRAPHY,RNGTesting,https://github.com/johnmyleswhite/RNGTesting,Scripts for testing Julia's RNG's. Mathematics,CRYPTOGRAPHY,SHA.jl,https://github.com/staticfloat/SHA.jl,a performant, 100% native-julia SHA2-{224,256,384,512} implementation. Mathematics,CRYPTOGRAPHY,Sha256.jl,https://github.com/mad4alcohol/Sha256.jl,[Sha256 hash algorithm for Julia. Mathematics,CRYPTOGRAPHY,Stupid.jl,https://github.com/andrewcooke/Stupid.jl,Analysis of an 8 bit version of the cipher at http://news.quelsolaar.com/#comments101. Mathematics,CRYPTOGRAPHY,VML.jl,https://github.com/JuliaLang/VML.jl,Julia bindings for the Intel Vector Math Library. Mathematics,CRYPTOGRAPHY,VSL.jl,https://github.com/sunoru/VSL.jl,Julia bindings for the Intel Vector Statistics Library. Mathematics,Cryptocurrency,it[Coin.jl,https://github.com/danielsuo/Coin.jl,A library for working with Bitcoin written in Julia. Mathematics,MATH,ApApproximation.jl,https://github.com/dprn/ApApproximation.jl,Implementation of the almost-periodic approximation. Mathematics,MATH,BasisFunctions.jl,https://github.com/daanhb/BasisFunctions.jl,A collection of routines for working with a number of standard basis functions, mainly for use in the FrameFuns package. Mathematics,MATH,Bijections.jl,https://github.com/scheinerman/Bijections.jl,Bijection datatype for Julia. Mathematics,MATH,Church.jl,https://github.com/LaurenceA/Church.jl,helps you perform inference in complex, and simple, probabilistic models. Mathematics,MATH,Cartesian.jl,https://github.com/timholy/Cartesian.jl,Fast multidimensional algorithms. Mathematics,MATH,Catalan.jl,https://github.com/andrioni/Catalan.jl,a combinatorics library for Julia. Mathematics,MATH,CRF.jl,https://github.com/slyrz/CRF.jl,Conditional Random Fields in Julia. Mathematics,MATH,CellularAutomata.jl,https://github.com/natj/CellularAutomata.jl,Cellular Automata package. Mathematics,MATH,ContinuedFractions.jl,https://github.com/johnmyleswhite/ContinuedFractions.jl,Types and functions for working with continued fractions in Julia. Mathematics,MATH,Devectorize.jl,https://github.com/lindahua/Devectorize.jl,A Julia framework for delayed expression evaluation. Mathematics,MATH,DiffModels.jl,https://github.com/jdrugo/DiffModels.jl) : Diffusion Model simulation and first-passage time densities in Julia, Mathematics,MATH,Entropy.jl,https://github.com/grero/Entropy.jl,This package contains functionality for computing binless estimates of entropy from discrete and continuous samples for continuous distributions. Mathematics,MATH,Equations.jl,https://github.com/jhlq/Equations.jl,Derive mathematical relations. Mathematics,MATH,ExtremeValueDistributions.jl,https://github.com/sammorris81/ExtremeValueDistributions.jl,A Julia package to fit extreme value distributions. Mathematics,MATH,FastGauss.jl,https://github.com/ajt60gaibb/FastGauss.jl,Computes Gauss quadrature rules to 16-digit precision (so far Legendre, Jacobi, Lobatto, Radau). Mathematics,MATH,FloorLayout.jl,https://github.com/joehuchette/FloorLayout.jl, Framework and various drivers for floor layout formulation analysis. Mathematics,MATH,FrameFuns.jl,https://github.com/daanhb/FrameFuns.jl,Exploring practical possibilities of approximating functions with frames rather than with a basis. Mathematics,MATH,GSL.jl,https://github.com/jiahao/GSL.jl,Julia interface to the GNU Scientific Library - GSL. Mathematics,MATH,Hecke.jl,https://github.com/thofma/Hecke.jl), Mathematics,MATH,Hexagons.jl,https://github.com/dcjones/Hexagons.jl,Useful tools for working with hexagonal grids. Mathematics,MATH,MTH229.jl,https://github.com/mth229/MTH229.jl,Helper files for using Julia with MTH229. Mathematics,MATH,MathToolkit.jl,https://github.com/baruchel/MathToolkit.jl,A Julia package providing various functions mainly for the purpose of experimental mathematics. Mathematics,MATH,Measurements.jl,https://github.com/giordano/Measurements.jl,Error propagation calculator and library. It supports real and complex numbers with uncertainty, arbitrary precision calculations, and operations with arrays. Mathematics,MATH,Measures.jl,https://github.com/dcjones/Measures.jl,Unified measure and coordinates types. Mathematics,MATH,MPFR.jl,https://github.com/andrioni/MPFR.jl,A Julia package for the GNU MPFR library. Mathematics,MATH,Multicombinations.jl,https://github.com/jlep/Multicombinations.jl,An iterator for k-combinations with repetitions, k-multicombinations, k-multisubsets. Mathematics,MATH,NaNMath.jl,https://github.com/mlubin/NaNMath.jl,Julia math built-ins which return NaN. Mathematics,MATH,NLreg.jl,https://github.com/dmbates/NLreg.jl,Nonlinear regression in Julia. Mathematics,MATH,NLsolve.jl,https://github.com/EconForge/NLsolve.jl,Julia solvers for systems of nonlinear equations. Mathematics,MATH,nrmm.jl,https://github.com/juho-lee/nrmm.jl,Posterior inference algorithms for normalized random measure mixtures. Mathematics,MATH,OEIS.jl,https://github.com/MurrayT/OEIS.jl,A basic wrapper to allow access to OEIS from within Julia. Mathematics,MATH,Quadrature.jl,https://github.com/kofron/Quadrature.jl) : Gauss quadrature in Base, Mathematics,MATH,Quat.jl,https://github.com/forio/Quat.jl,Quaternions, octonions and dual-quaternions. Mathematics,MATH,quaternion.jl,https://github.com/peakbook/quaternion.jl,Quaternion for Julia Language. Mathematics,MATH,Sieve of Atkin,https://gist.github.com/Ismael-VC/179790a53c549609b3ce,Implemented by @Ismael-VC as per the [WP pseudocode](https://en.wikipedia.org/wiki/Sieve_of_Atkin#Pseudocode) with a comparision of [__atkin__ with __Base.primes__](http://nbviewer.ipython.org/gist/Ismael-VC/25b1a0c1e11f306a40ae), tested on JuliaBox version `0.4.0-dev+5491`. Mathematics,MATH,Shannon.jl,https://github.com/kzahedi/Shannon.jl,Entropy, Mutual Information, KL-Divergence related to Shannon's information theory and functions to binarize data. Mathematics,MATH,SimilarityMetrics.jl,https://github.com/johnmyleswhite/SimilarityMetrics.jl,Standard similarity metrics in Julia. Mathematics,MATH,Smolyak,https://github.com/EconForge/Smolyak,Efficient implementations of Smolyak's algorithm for function approxmation in Python and Julia. Mathematics,MATH,Sobol.jl,https://github.com/stevengj/Sobol.jl,is a generation of Sobol low-discrepancy sequence (LDS) implementation, that generates __quasi-random__ sequences of points in N dimensions which are equally distributed over an N-dimensional hypercube. Mathematics,MATH,SymPy.jl,https://github.com/jverzani/SymPy.jl,Julia interface to SymPy via PyCall. Mathematics,MATH,TSne.jl,https://github.com/lejon/TSne.jl,Julia port of L.J.P. van der Maaten and G.E. Hinton's T-SNE visualisation technique. Read about the [t-Distributed Stochastic Neighbor Embedding](http://homepage.tudelft.nl/19j49/t-SNE.html) Mathematics,MATH,TwoBasedIndexing.jl,https://github.com/simonster/TwoBasedIndexing.jl,Two-based indexing. Mathematics,MATH,Uncertain.jl,https://github.com/rephorm/Uncertain.jl,Uncertain quantities and error propagation for the Julia language. Mathematics,MATH,univariate__opt.jl,https://github.com/matthewclegg/univariate_opt.jl,Univariate optimization and root-finding code for Julia and its [newly maintained fork](https://github.com/EconForge/univariate_opt.jl). Mathematics,MATH,Unums.jl,https://github.com/tbreloff/Unums.jl,Unum (Universal Number) types and operations. {Usable: 1, Robust: 1, Active: 1} Mathematics,MATH,UnumTests.jl,https://github.com/goedman/UnumTests.jl,Some experiments with Unums. {#NonCuratedPackage} Mathematics,MATH,utils.jl,https://github.com/juho-lee/utils.jl,basic utilities needed for scientific coding with julia. Mathematics,[ComputerArithmetic](https://en.wikipedia.org/wiki/Category:Computer_arithmetic),Calc.jl,https://github.com/tshort/Calc.jl],An RPN calculator for the Julia REPL. Mathematics,[ComputerArithmetic](https://en.wikipedia.org/wiki/Category:Computer_arithmetic),DeepConvert.jl,https://github.com/jlapeyre/DeepConvert.jl,This package provides convenient literal construction of values of large data types. Mathematics,[ComputerArithmetic](https://en.wikipedia.org/wiki/Category:Computer_arithmetic),ErrorFreeArith.jl,https://github.com/J-Sarnoff/ErrorFreeArith.jl,Error-Free transformations for arithmetic ops. Mathematics,[FloatingPoint](https://en.wikipedia.org/wiki/Category:Floating_point),ArbFloats.jl,https://github.com/Jeffrey-Sarnoff/ArbFloats.jl, Arb available as an extended precision floating point context. Mathematics,[FloatingPoint](https://en.wikipedia.org/wiki/Category:Floating_point),ArbIntervals.jl,https://github.com/Jeffrey-Sarnoff/ArbIntervals.jl, Julia interface to Fredrik Johansson's Arb software. Mathematics,[FloatingPoint](https://en.wikipedia.org/wiki/Category:Floating_point),DecFP.jl,https://github.com/stevengj/DecFP.jl,The package provides 32-bit, 64-bit, and 128-bit binary-encoded decimal floating-point types following the IEEE 754-2008, implemented as a wrapper around the (BSD-licensed) Intel Decimal Floating-Point Math Library. Mathematics,[FloatingPoint](https://en.wikipedia.org/wiki/Category:Floating_point),Decimals.jl,https://github.com/tinybike/Decimals.jl,Pure Julia decimal arithmetic library. Mathematics,[FloatingPoint](https://en.wikipedia.org/wiki/Category:Floating_point),DoubDouble.jl,https://github.com/J-Sarnoff/DoubDouble.jl), Mathematics,[FloatingPoint](https://en.wikipedia.org/wiki/Category:Floating_point),DoubleDouble.jl,https://github.com/simonbyrne/DoubleDouble.jl,A Julia package for performing extended-precision arithmetic using pairs of floating-point numbers. Mathematics,[FloatingPoint](https://en.wikipedia.org/wiki/Category:Floating_point),ErrorFreeTransforms.jl,https://github.com/dsiem/ErrorFreeTransforms.jl,Map the rounding errors in floating point arithmetic with error-free transformations (EFT). Mathematics,[FloatingPoint](https://en.wikipedia.org/wiki/Category:Floating_point),FlexFloat.jl,https://github.com/J-Sarnoff/FlexFloat.jl,Allows values to stretch in a way that preserves accuracy durring mathematical computations. Mathematics,[FloatingPoint](https://en.wikipedia.org/wiki/Category:Floating_point),FloatFloats.jl,https://github.com/Jeffrey-Sarnoff/FloatFloats.jl), Mathematics,[FloatingPoint](https://en.wikipedia.org/wiki/Category:Floating_point),Floats512.jl,https://github.com/J-Sarnoff/Floats512.jl,Accurate floating point math at extended precision for Float-512. Mathematics,[FloatingPoint](https://en.wikipedia.org/wiki/Category:Floating_point),Floats1024.jl,https://github.com/J-Sarnoff/Floats1024.jl,Accurate floating point math at extended precision for Float-1024. Mathematics,[FloatingPoint](https://en.wikipedia.org/wiki/Category:Floating_point),FloatHigher.jl,https://github.com/J-Sarnoff/FloatHigher.jl,accurate floating point math at extended precisions. Mathematics,[FloatingPoint](https://en.wikipedia.org/wiki/Category:Floating_point),UnumX.jl,https://github.com/JuliaComputing/UnumX.jl,Experimental Unums. Mathematics,[FloatingPoint](https://en.wikipedia.org/wiki/Category:Floating_point),ValidatedNumerics.jl,https://github.com/dpsanders/ValidatedNumerics.jl,Rigorous floating-point calculations via interval arithmetic. Mathematics,Resources,Elementary Number Theory,https://github.com/williamstein/ent,Primes, Congruences, and Secrets. Mathematics,Modelling,Mimi.jl,https://github.com/anthofflab/Mimi.jl,Integrated Assessment Modeling Framework. Mathematics,Modelling,OptiMimi.jl,https://github.com/jrising/OptiMimi.jl,Optimization for the `Mimi.jl` modeling framework. Mathematics,ALGEBRA,algebra,https://github.com/alrahimi/algebra/,A hierarchy of abstract algebraic structures in Julia. Mathematics,ALGEBRA,AMVW.jl,https://github.com/andreasnoackjensen/AMVW.jl,Fast and backward stable computation of roots of polynomials in Julia Mathematics,ALGEBRA,CLBLAS.jl,https://github.com/ekobir/CLBLAS.jl,CLBLAS integration for Julia. Mathematics,ALGEBRA,Clockwork.jl,https://github.com/malmaud/Clockwork.jl,Represent modular arithmetic via clock symbols. Mathematics,ALGEBRA,Cuhre.jl,https://github.com/tflovorn/Cuhre.jl,Simplified Julia interface to Cuhre integration routine. Mathematics,ALGEBRA,Digits.jl,https://github.com/greenflash1357/Digits.jl,A module for integer digit manipulation. Mathematics,ALGEBRA,FirstOrderLogic.jl,https://github.com/TotalVerb/FirstOrderLogic.jl) :, Mathematics,ALGEBRA,Hecke,https://github.com/thofma/hecke,A package for algebraic number Mathematics,ALGEBRA,Juniper.jl,https://github.com/jcrist/Juniper.jl,A simple computer algebra system. Mathematics,ALGEBRA,Lifts.jl,https://github.com/scheinerman/Lifts.jl,Linear fractional transformations in Julia. This module defines a Lift data type to represent a complex linear fractional transformation. Mathematics,ALGEBRA,Mods.jl,https://github.com/scheinerman/Mods.jl,Easy modular arithmetic for Julia. Mathematics,ALGEBRA,MultiPoly.jl,https://github.com/daviddelaat/MultiPoly.jl,Sparse multivariate polynomials in Julia. Mathematics,ALGEBRA,Nemo.jl,http://nemocas.org/,A computer algebra package for the Julia programming language. The [source code](https://github.com/wbhart/Nemo.jl) is maintained by William Hart, Tommy Hofmann, Claus Fieker, Fredrik Johansson, Oleksandr Motsak and other contributors. Mathematics,ALGEBRA,PolynomialRoots.jl,https://github.com/giordano/PolynomialRoots.jl,Fast Mathematics,ALGEBRA,QNaN.jl,https://github.com/J-Sarnoff/QNaN.jl,Quiet NaNs were designed to propagate information from within numerical computations. Mathematics,ALGEBRA,OrderedCollections.jl,https://github.com/kmsquire/OrderedCollections.jl,OrderedDict and OrderedSet for Julia. Mathematics,ALGEBRA,SemiringAlgebra.jl,https://github.com/ViralBShah/SemiringAlgebra.jl,Semiring Algebra. Mathematics,Resources,adeles,https://github.com/williamstein/adeles,Ideles adeles algebraic number theory. Mathematics,[BooleanAlgebra](http://en.wikipedia.org/wiki/Category:Boolean_algebra),BitCircuits.jl,https://github.com/um-tech-evolution/BitCircuits.jl,Boolean circuit evaluation using bitwise operations. Mathematics,[BooleanAlgebra](http://en.wikipedia.org/wiki/Category:Boolean_algebra),ShowSet.jl,https://github.com/scheinerman/ShowSet.jl,Nicer output for Set and IntSet objects. Mathematics,[LinearAlgebra](https://en.wikipedia.org/wiki/Category:Linear_algebra),Divergences.jl,https://github.com/gragusa/Divergences.jl,A Julia package that makes it easy to evaluate divergence measures between two vectors. The package allows calculating the gradient and the diagonal of the Hessian of several divergences which can be used to good effect by the MomentBasedEstimators package. Mathematics,OrthogonalPolynomials,ChebyshevApprox,https://github.com/RJDennis/ChebyshevApprox,Julia code to approximate continuous functions using Chebyshev polynomials. Mathematics,OrthogonalPolynomials,InterPol.jl,https://github.com/pwl/InterPol.jl,Interpolating polynomial for Julia. Mathematics,OrthogonalPolynomials,Jacobi.jl,https://github.com/pjabardo/Jacobi.jl,Jacobi polynomials and Gauss quadrature related functions. Mathematics,OrthogonalPolynomials,Orthopolys.jl,https://github.com/daviddelaat/Orthopolys.jl,Orthogonal Polynomials - Currently supports Jacobi polyonomials, Gegenbauer polynomials, Hermite polynomials. Mathematics,OrthogonalPolynomials,Polynomial.jl,https://github.com/vtjnash/Polynomial.jl,Polynomial manipulations and [PolyExt.jl](https://gist.github.com/mathpup/8514578), an extension of Polynomial.jl to support polynomial division, with handy conversions and promotion rules. Mathematics,OrthogonalPolynomials,TempInterp.jl,https://github.com/cc7768/TempInterp.jl,Evaluation of Chebyshev polynomials and splines. Mathematics,[SymbolicComputation](https://en.wikipedia.org/wiki/Symbolic_computation),SJulia,https://github.com/jlapeyre/SJulia,A partial implementation of a language for symbolic computation, based on pattern matching and an evaluation sequence closely modeled on Mathematica. Mathematics,[SymbolicComputation](https://en.wikipedia.org/wiki/Symbolic_computation),Symbolic.jl,https://github.com/scidom/Symbolic.jl,Symbolic computations and computer algebra in Julia. Mathematics,[SymbolicComputation](https://en.wikipedia.org/wiki/Symbolic_computation),SymEngine.jl,https://github.com/symengine/SymEngine.jl,Julia wrappers of SymEngine. Mathematics,Calculus&[AppliedMath](http://en.wikipedia.org/wiki/Applied_mathematics),ad4julia,https://github.com/bsxfan/ad4julia,Some automatic diffferentiation coding experiments in Julia. Mathematics,Calculus&[AppliedMath](http://en.wikipedia.org/wiki/Applied_mathematics),Calculus.jl,https://github.com/johnmyleswhite/Calculus.jl,Calculus package. Mathematics,Calculus&[AppliedMath](http://en.wikipedia.org/wiki/Applied_mathematics),Calculus2.jl,https://github.com/johnmyleswhite/Calculus2.jl,A draft of a new interface for the Calculus package. Mathematics,Calculus&[AppliedMath](http://en.wikipedia.org/wiki/Applied_mathematics),Cuba.jl,https://github.com/giordano/Cuba.jl,Library for multidimensional numerical integration with four independent algorithms: Vegas, Suave, Divonne, and Cuhre. Mathematics,Calculus&[AppliedMath](http://en.wikipedia.org/wiki/Applied_mathematics),Einsum.jl,https://github.com/ahwillia/Einsum.jl,Einstein summation notation in julia. Mathematics,Calculus&[AppliedMath](http://en.wikipedia.org/wiki/Applied_mathematics),FastPolynomials.jl,https://github.com/Jeffrey-Sarnoff/FastPolynomials.jl,Basic polynomials with Horner-like evaluation over x^2 and x. Mathematics,Calculus&[AppliedMath](http://en.wikipedia.org/wiki/Applied_mathematics),FDM.jl,https://github.com/grasingerm/FDM.jl,Finite difference methods in Julia. Mathematics,Calculus&[AppliedMath](http://en.wikipedia.org/wiki/Applied_mathematics),FeynmanKacSpde.jl,https://github.com/scidom/FeynmanKacSpde.jl,Feynman-Kac SPDE Inference. Mathematics,Calculus&[AppliedMath](http://en.wikipedia.org/wiki/Applied_mathematics),HemirealFactorization.jl,https://github.com/timholy/HemirealFactorization.jl,Matrix factorizations over the hemireals. Mathematics,Calculus&[AppliedMath](http://en.wikipedia.org/wiki/Applied_mathematics),HemirealNumbers.jl,https://github.com/timholy/HemirealNumbers.jl,Implementation of hemireal arithmetic for Julia. Mathematics,Calculus&[AppliedMath](http://en.wikipedia.org/wiki/Applied_mathematics),HyperNumbers.jl,https://github.com/goedman/HyperNumbers.jl,Julia implementation of HyperNumbers. Mathematics,Calculus&[AppliedMath](http://en.wikipedia.org/wiki/Applied_mathematics),IFastSum.jl,https://github.com/J-Sarnoff/IFastSum.jl,Accurate summation (Yuhang Zhao's iFastSum). Mathematics,Calculus&[AppliedMath](http://en.wikipedia.org/wiki/Applied_mathematics),MINE.jl,https://github.com/zhmz90/MINE.jl,Julia wrapper for Maximal Information-based Nonparametric Exploration (MIC and MINE family). Mathematics,Calculus&[AppliedMath](http://en.wikipedia.org/wiki/Applied_mathematics),pdetools.jl,https://github.com/GaZ3ll3/pdetools.jl,Toolbox for solving PDEs. Mathematics,Calculus&[AppliedMath](http://en.wikipedia.org/wiki/Applied_mathematics),PowerSeries.jl,https://github.com/jwmerrill/PowerSeries.jl,Truncated Power Series for Julia, which exports a Series type that represents a truncated power series by its coefficients. You can do arithmetic on Series and apply functions to series just as you would Real or Complex numbers. Mathematics,Calculus&[AppliedMath](http://en.wikipedia.org/wiki/Applied_mathematics),PolyMath.jl,https://github.com/cfbaptista/PolyMath.jl,a package for polynomial arithmetic, calculus, interpolation and quadrature algorithms implemented in Julia. Mathematics,Calculus&[AppliedMath](http://en.wikipedia.org/wiki/Applied_mathematics),RAD.jl,https://github.com/adamkapor/RAD.jl,package defines a macro, @autodiff, for reverse-mode automatic differentiation. Mathematics,Calculus&[AppliedMath](http://en.wikipedia.org/wiki/Applied_mathematics),RDE.jl,https://github.com/scidom/RDE.jl,Simulation and Bayesian Inference for Rough Differential Equations (RDEs). Mathematics,Calculus&[AppliedMath](http://en.wikipedia.org/wiki/Applied_mathematics),ReverseDiffOverload.jl,https://github.com/LaurenceA/ReverseDiffOverload.jl,Reverse mode differentiation for pre-defined functions. Mathematics,Calculus&[AppliedMath](http://en.wikipedia.org/wiki/Applied_mathematics),ReverseDiffSparse.jl,https://github.com/mlubin/ReverseDiffSparse.jl,Hessian algorithmic differentiation to compute hessian sparsity pattern. Mathematics,Calculus&[AppliedMath](http://en.wikipedia.org/wiki/Applied_mathematics),ReverseDiffSparse2.jl,https://github.com/mlubin/ReverseDiffSparse2.jl,Prototype replacement for ReverseDiffSparse based on flattened out expression graphs. Mathematics,Calculus&[AppliedMath](http://en.wikipedia.org/wiki/Applied_mathematics),ReverseDiffTape.jl,https://github.com/fqiang/ReverseDiffTape.jl,A Julia package for reverse mode differentiation on a tape. Mathematics,Calculus&[AppliedMath](http://en.wikipedia.org/wiki/Applied_mathematics),RiemannComplexNumbers.jl,https://github.com/scheinerman/RiemannComplexNumbers.jl,The RiemannComplexNumbers module is an alternative Complex type for Julia (with a single complex infinity value). Mathematics,Calculus&[AppliedMath](http://en.wikipedia.org/wiki/Applied_mathematics),TaylorSeries.jl,https://github.com/lbenet/TaylorSeries.jl,A julia package for Taylor expansions in one independent variable. Mathematics,Resources,Calculus With Julia,https://github.com/CalculusWithJulia/CalculusWithJulia.github.io,Introductory Calculus with the Julia Programming Language. Mathematics,Resources,n IJulia notebook showing [Taylor's method integration of the pendulum,http://nbviewer.ipython.org/gist/lbenet/616fa81f3c12c9cfcf97), Mathematics,[DSP](https://en.wikipedia.org/wiki/Digital_signal_processing),APES.jl,https://github.com/codles/APES.jl,Amplitude and Phase Estimation of a Sinusoid. Mathematics,[DSP](https://en.wikipedia.org/wiki/Digital_signal_processing),ChaosCommunications.jl,https://github.com/scidom/ChaosCommunications.jl,Simulation of chaos-based communication systems in Julia. Mathematics,[DSP](https://en.wikipedia.org/wiki/Digital_signal_processing),CompressedSensing,https://github.com/dahlend/CompressedSensing,A basic compressed sensing algorithms available via the official package list with [documentation](http://compressedsensing.readthedocs.org/en/latest/). Mathematics,[DSP](https://en.wikipedia.org/wiki/Digital_signal_processing),Fdtd.jl,https://github.com/nantonel/Fdtd.jl,3D Room Acoustics Finite Difference Time Domain (FDTD) Simulator. Mathematics,[DSP](https://en.wikipedia.org/wiki/Digital_signal_processing),KDSP.jl,https://github.com/kofron/KDSP.jl,Yet another implementation of common DSP routines in Julia. Mathematics,[DSP](https://en.wikipedia.org/wiki/Digital_signal_processing),KernelRecursiveLeastSquares.jl,https://github.com/the-moliver/KernelRecursiveLeastSquares.jl,Julia implementation of Kernel Recursive Least Squares algorithm. Mathematics,[DSP](https://en.wikipedia.org/wiki/Digital_signal_processing),MDCT.jl,https://github.com/stevengj/MDCT.jl,This module computes the modified discrete cosine transform (MDCT) in the Julia language and the inverse transform (IMDCT), using the fast type-IV discrete cosine tranform (DCT-IV) functions in Julia (via FFTW). Mathematics,[DSP](https://en.wikipedia.org/wiki/Digital_signal_processing),Multirate.jl,https://github.com/JayKickliter/Multirate.jl,Streaming polyphase DSP filters with sample rate conversion. Mathematics,[DSP](https://en.wikipedia.org/wiki/Digital_signal_processing),RIM.jl,https://github.com/nantonel/RIM.jl,Julia implementation of a Room Acoustics Impulse Response Generator using the Randomized Image Method (RIM). Mathematics,[DSP](https://en.wikipedia.org/wiki/Digital_signal_processing),wavechaos,https://github.com/amyascwk/wavechaos, Mathematics,[DSP](https://en.wikipedia.org/wiki/Digital_signal_processing),WDSP.jl,https://github.com/pjabardo/WDSP.jl,Digital signal processing used in turbulence implemented in Julia. Mathematics,Org-[JuliaDSP](https://github.com/JuliaDSP),DSP.jl,https://github.com/JuliaDSP/DSP.jl,The DSP ver-0.0.1 package, includes functions for periodogram estimation, generating window functions, filter design and FFT-based FIR filtering, works on Julia 0.2 and 0.3-prerelease. The [documentation is available via RTD.org](http://dspjl.readthedocs.org/en/latest/) Mathematics,[FFT](https://en.wikipedia.org/wiki/Fast_Fourier_transform),CLFFT.jl,https://github.com/JuliaGPU/CLFFT.jl,Julia bindings for AMD's clFFT library. Mathematics,[FFT](https://en.wikipedia.org/wiki/Fast_Fourier_transform),CUFFT.jl,https://github.com/JuliaGPU/CUFFT.jl,Wrapper for the CUDA FFT library. Mathematics,[FFT](https://en.wikipedia.org/wiki/Fast_Fourier_transform),NFFT.jl,https://github.com/tknopp/NFFT.jl,Julia implementation of the NFFT : Non-equidistant Fast Fourier Transform. Mathematics,[FFT](https://en.wikipedia.org/wiki/Fast_Fourier_transform),SnFFT.jl,https://github.com/GDPlumb/SnFFT.jl,A Julia package designed to facilitate harmonic analyis on the symmetric group of order n, denoted Sn. Mathematics,[Functions](http://en.wikipedia.org/wiki/Category:Types_of_functions),BasisFunctions.jl,https://github.com/daanhb/BasisFunctions.jl,A collection of routines for working with a number of standard basis functions, mainly for use in the FrameFuns package. Mathematics,[Functions](http://en.wikipedia.org/wiki/Category:Types_of_functions),Elliptic.jl,https://github.com/nolta/Elliptic.jl,Elliptic integral and Jacobi elliptic special functions. Mathematics,[Functions](http://en.wikipedia.org/wiki/Category:Types_of_functions),FastAnonymous.jl,https://github.com/timholy/FastAnonymous.jl,Fast __anonymous functions__ for Julia. Mathematics,[IntegralEquation](https://en.wikipedia.org/wiki/Integral_equation),ApproxFun,https://github.com/dlfivefifty/ApproxFun,Julia IFun Implementation is a package for approximating functions. It currently supports intervals, the real line, periodic intervals and the unit circle. It is heavily influenced by the Matlab package chebfun and the Mathematica package RHPackage. Mathematics,[IntegralEquation](https://en.wikipedia.org/wiki/Integral_equation),SIE.jl,https://github.com/ApproxFun/SIE.jl,Julia package for solving singular integral equations and Riemann–Hilbert problems Julia package for solving singular integral equations and Riemann–Hilbert problems. Mathematics,[IntegralEquation](https://en.wikipedia.org/wiki/Integral_equation),SingularIntegralEquations.jl,https://github.com/ApproxFun/SingularIntegralEquations.jl,Julia package for solving singular integral equations and Riemann–Hilbert problems. Mathematics,Resources,NumericalMath’s documentation for Integration,http://hwborchers.lima-city.de/JuliaMeetup/numerical/integration.html), Mathematics,[OrdinaryDifferentialEquation](http://en.wikipedia.org/wiki/Ordinary_differential_equation),AutoDiff.jl,https://github.com/scidom/AutoDiff.jl,Juila package for performing automatic differentiation. Mathematics,[OrdinaryDifferentialEquation](http://en.wikipedia.org/wiki/Ordinary_differential_equation),DASSL.jl,https://github.com/pwl/DASSL.jl,An implementation of the Differential Algebraic System SoLver (DASSL) algorithm for solving algebraic differential equations. Mathematics,[OrdinaryDifferentialEquation](http://en.wikipedia.org/wiki/Ordinary_differential_equation),DualNumbers2.jl,https://github.com/johnmyleswhite/DualNumbers2.jl,Another Julia implementation of dual numbers for automatic differentiation. Mathematics,[OrdinaryDifferentialEquation](http://en.wikipedia.org/wiki/Ordinary_differential_equation),DynamicalSystems.jl,https://github.com/timothyrenner/DynamicalSystems.jl,A collection of Julia functions that produce the systems of ODEs for various dynamical systems. Mathematics,[OrdinaryDifferentialEquation](http://en.wikipedia.org/wiki/Ordinary_differential_equation),IVPTestSuite.jl,https://github.com/mauro3/IVPTestSuite.jl,DE solver test suite of Ordinary differential equations (ODE) and algebraic differential equations (DAE). Mathematics,[OrdinaryDifferentialEquation](http://en.wikipedia.org/wiki/Ordinary_differential_equation),ODEDSL.jl,https://github.com/AleMorales/ODEDSL.jl,Domain specific language to write ODE models with tests. Automatic code generation for Julia, R and CPP (via Rcpp). Mathematics,[OrdinaryDifferentialEquation](http://en.wikipedia.org/wiki/Ordinary_differential_equation),odesolver,https://github.com/insideloop/odesolver,Collection of solvers for Ordinary Differential Equations. Mathematics,[OrdinaryDifferentialEquation](http://en.wikipedia.org/wiki/Ordinary_differential_equation),RiemannHilbert.jl,https://github.com/dlfivefifty/RiemannHilbert.jl,Riemann–Hilbert problems, named after [Bernhard Riemann and David Hilbert](http://en.wikipedia.org/wiki/Riemann%E2%80%93Hilbert_problem), are a class of problems that arise in the study of differential equations in the complex plane. Mathematics,Resources,FinealeBook.jl,https://github.com/goedman/FinealeBook.jl,Trying to understand Petr Krysl's FinEALE book. Mathematics,Org-JuliaLang,AppleAccelerate.jl,https://github.com/JuliaLang/AppleAccelerate.jl,Julia interface to OS X's Accelerate framework. Mathematics,Org-JuliaLang,ODE.jl,https://github.com/JuliaLang/ODE.jl,Assorted basic Ordinary Differential Equation solvers. Mathematics,Org-JuliaLang,Options.jl,https://github.com/JuliaLang/Options.jl,A framework for providing optional arguments to functions. Mathematics,Org-JuliaLang,Roots.jl,https://github.com/JuliaLang/Roots.jl,Root finding functions for Julia. Mathematics,Org-JuliaLang,SortingAlgorithms.jl,https://github.com/JuliaLang/SortingAlgorithms.jl,extra sorting algorithms extending Julia's sorting API. Mathematics,Org-JuliaLang,Sundials.jl,https://github.com/JuliaLang/Sundials.jl,A Julia package that interfaces to the Sundials library and includes a nonlinear solver (KINSOL), ODE's (CVODE), and DAE's (IDA). Mathematics,Org-[JuliaDiff](http://www.juliadiff.org/),ReverseDiffSource.jl,https://github.com/JuliaDiff/ReverseDiffSource.jl,Automated differentiation by reverse accumulation. [Documentation](http://reversediffsourcejl.readthedocs.org/en/master/index.html). Mathematics,Org-[JuliaDiff](http://www.juliadiff.org/),HyperDualNumbers.jl,https://github.com/JuliaDiff/HyperDualNumbers.jl,Hyper-Dual Numbers for Exact Second-Derivative Calculations, is structured similar to the DualNumbers package, which aims for complete support for HyperDual types for numerical functions within Julia's Base. Currently, basic mathematical operations and trigonometric functions are supported. Mathematics,Org-[JuliaDiff](http://www.juliadiff.org/),ForwardDiff.jl,https://github.com/JuliaDiff/ForwardDiff.jl,Juila package for performing forward mode automatic differentiation. Mathematics,Org-[JuliaDiff](http://www.juliadiff.org/),DualNumbers.jl,https://github.com/JuliaDiff/DualNumbers.jl,Julia package for representing dual numbers and for performing dual algebra. Mathematics,Org-[JuliaDiff](http://www.juliadiff.org/),NDuals.jl,https://github.com/JuliaDiff/NDuals.jl,Experimental package for stack-allocated dual numbers with multiple epsilon components. Mathematics,[GeneralDifferentialEquations](https://en.wikipedia.org/wiki/Differential_equation),DifferentialEquations.jl,https://github.com/ChrisRackauckas/DifferentialEquations.jl,Equations within the realm of this package include stochastic ordinary differential equations (SODEs or SDEs), stochastic partial differential equations (SPDEs), partial differential equations (with both finite difference and finite element methods), and differential delay equations. Mathematics,[GeneralDifferentialEquations](https://en.wikipedia.org/wiki/Differential_equation),HPFEM.jl,https://github.com/pjabardo/HPFEM.jl,HP Finite elements in Julia. Mathematics,[GeneralDifferentialEquations](https://en.wikipedia.org/wiki/Differential_equation),JFinEALE.jl,https://github.com/PetrKryslUCSD/JFinEALE.jl,A Finite Element Analysis Learning Environment (FinEALE) package for finite element analysis of continua. This toolkit is a redesign of the Matlab toolkit. Mathematics,[GeneralDifferentialEquations](https://en.wikipedia.org/wiki/Differential_equation),Makhno.jl,https://github.com/pjabardo/Makhno.jl,Spectral element code implemented in Julia. Mathematics,[SpecialFunctions](http://en.wikipedia.org/wiki/Category:Special_functions),LambertW.jl,https://github.com/jlapeyre/LambertW.jl,A package implementing the Lambert_W function and associated omega constant. Mathematics,[DiscreteMath](https://en.wikipedia.org/wiki/Category:Discrete_mathematics),ClosedIntervals.jl,https://github.com/scheinerman/ClosedIntervals.jl,Closed intervals of the form [a,b]. Mathematics,[DiscreteMath](https://en.wikipedia.org/wiki/Category:Discrete_mathematics),DiscreteFactor.jl,https://github.com/wlbksy/DiscreteFactor.jl,Discrete factor and its operations in Probabilistic Graphical Models. Mathematics,[DiscreteMath](https://en.wikipedia.org/wiki/Category:Discrete_mathematics),DiscreteInference.jl,https://github.com/lindahua/DiscreteInference.jl,Viterbi algorithm. Mathematics,[DiscreteMath](https://en.wikipedia.org/wiki/Category:Discrete_mathematics),Intervals.jl,https://github.com/andrioni/Intervals.jl,A pure Julia reimplementation of MPFI, a multiple precision interval arithmetic library. Mathematics,[DiscreteMath](https://en.wikipedia.org/wiki/Category:Discrete_mathematics),IntModN.jl,https://github.com/andrewcooke/IntModN.jl,Ring(s) of Integers Modulo-N. Mathematics,[DiscreteMath](https://en.wikipedia.org/wiki/Category:Discrete_mathematics),IntsWithInfinty.jl,https://github.com/Jeffrey-Sarnoff/IntsWithInfinty.jl,Ints augmented with Infinity. Mathematics,[DiscreteMath](https://en.wikipedia.org/wiki/Category:Discrete_mathematics),IPPMath.jl,https://github.com/lindahua/IPPMath.jl,A Julia package for vectorized math computation based on Intel IPP. Mathematics,[DiscreteMath](https://en.wikipedia.org/wiki/Category:Discrete_mathematics),PermPlain.jl,https://github.com/jlapeyre/PermPlain.jl,Permutations implemented with plain data types - This package implements methods for manipulating permutations. The methods operate on data types in the Base module, or in modules providing generic data types. Mathematics,[DiscreteMath](https://en.wikipedia.org/wiki/Category:Discrete_mathematics),Permutations.jl,https://github.com/scheinerman/Permutations.jl) by @scheinerma,Permutations class for Julia. Mathematics,[DiscreteMath](https://en.wikipedia.org/wiki/Category:Discrete_mathematics),PermutationsA.jl,https://github.com/jlapeyre/PermutationsA.jl) by @jlapeyr,Permutation data types and methods. Mathematics,[DiscreteMath](https://en.wikipedia.org/wiki/Category:Discrete_mathematics),PrimeSieve.jl,https://github.com/jlapeyre/PrimeSieve.jl,This package provides an interface to tables of primes and a sieve library. Mathematics,[DiscreteMath](https://en.wikipedia.org/wiki/Category:Discrete_mathematics),RomanNumerals.jl,https://github.com/anthonyclays/RomanNumerals.jl,Support for Roman numerals in Julia. Mathematics,[DiscreteMath](https://en.wikipedia.org/wiki/Category:Discrete_mathematics),Shannon.jl,https://github.com/kzahedi/Shannon.jl,Entropy, Mutual Information, KL-Divergence related to Shannon's information theory and functions to binarize data. Mathematics,[DiscreteMath](https://en.wikipedia.org/wiki/Category:Discrete_mathematics),SimplePosets.jl,https://github.com/scheinerman/SimplePosets.jl,Simple partially ordered sets for Julia. Mathematics,[DiscreteMath](https://en.wikipedia.org/wiki/Category:Discrete_mathematics),ZChop.jl,https://github.com/jlapeyre/ZChop.jl,This package replaces small numbers with zero, works on complex and rational numbers, arrays, and some other structures. The idea is for zchop to descend into structures, chopping numbers, and acting as the the identity on anything that can't be sensibly compared to eps. Mathematics,[Geometry](http://en.wikipedia.org/wiki/Geometry),AffineSpaces.jl,https://github.com/anj1/AffineSpaces.jl,Uniform representation and computational geometry on affine subspaces (points, lines, planes, etc.) in Rⁿ. Mathematics,[Geometry](http://en.wikipedia.org/wiki/Geometry),AffineTransforms.jl,https://github.com/timholy/AffineTransforms.jl,Computational geometry with affine transformations for conversion among different representations (mostly between rotation matrices and axis-angle). Mathematics,[Geometry](http://en.wikipedia.org/wiki/Geometry),D4.jl,https://github.com/khwilson/D4.jl,An attempted implementation of Enumerating Quartic Dihedral Extensions of Q by Cohen, Diaz y Diaz, and Olivier in Composito Mathematica 2002. Mathematics,[Geometry](http://en.wikipedia.org/wiki/Geometry),GeoAlg.jl,https://github.com/andrioni/GeoAlg.jl,A basic geometric Mathematics,[Geometry](http://en.wikipedia.org/wiki/Geometry),Geometry2D.jl,https://github.com/mroughan/Geometry2D.jl,2D computational geometry package for Julia programming language. Mathematics,[Geometry](http://en.wikipedia.org/wiki/Geometry),JointMoments.jl,https://github.com/tinybike/JointMoments.jl,Tensors and statistics for joint central moments. Mathematics,[Geometry](http://en.wikipedia.org/wiki/Geometry),mbr.jl,https://github.com/intdxdt/mbr.jl,axis aligned minimum bounding box. Mathematics,[Geometry](http://en.wikipedia.org/wiki/Geometry),Tau.jl,https://github.com/Aerlinger/Tau.jl,A simple module providing definition of the Tau constant. Mathematics,[Geometry](http://en.wikipedia.org/wiki/Geometry),Tensors.jl,https://github.com/pgawron/Tensors.jl,Julia package for tensor decompositions. Mathematics,[Geometry](http://en.wikipedia.org/wiki/Geometry),TensorOperations.jl,https://github.com/Jutho/TensorOperations.jl,Julia package for tensor contractions and related operations. Mathematics,[AlgebraicGeometry](http://en.wikipedia.org/wiki/Category:Algebraic_geometry),CSoM.jl,https://github.com/goedman/CSoM.jl,Investigate Julia version of __Programming the FEM__ by I M Smith, D V Griffiths. Mathematics,[AlgebraicGeometry](http://en.wikipedia.org/wiki/Category:Algebraic_geometry),EllipticCurves.jl,https://github.com/wwilson/EllipticCurves.jl,Elliptic Curves in Julia. Mathematics,[AlgebraicGeometry](http://en.wikipedia.org/wiki/Category:Algebraic_geometry),khypot.jl,https://github.com/intdxdt/khypot.jl,k dimensional hypotenuse. Mathematics,[AlgebraicGeometry](http://en.wikipedia.org/wiki/Category:Algebraic_geometry),FEM.jl,https://github.com/pjabardo/FEM.jl,Simple finite elements in Julia. Mathematics,[AlgebraicGeometry](http://en.wikipedia.org/wiki/Category:Algebraic_geometry),ols.jl,https://github.com/forio/ols.jl,Julia type for multiple (multivariate) regression using OLS - Performs least squared regression on linear equations of multiple independent variables. Mathematics,[AlgebraicGeometry](http://en.wikipedia.org/wiki/Category:Algebraic_geometry),SurfaceMesh.jl,https://github.com/michelk/SurfaceMesh.jl,A Finite element surface mesh manipulation library to work with polygon-surface-meshes. Mathematics,[AlgebraicGeometry](http://en.wikipedia.org/wiki/Category:Algebraic_geometry),TrussPlotter.jl,https://github.com/sjkelly/TrussPlotter.jl,This is a package to plot trusses for finite element results. Mathematics,[AlgebraicGeometry](http://en.wikipedia.org/wiki/Category:Algebraic_geometry),Vec.jl,https://github.com/tawheeler/Vec.jl,Provides 2D and 3D vector types for vector operations in Julia. Mathematics,[ComputationalGeometry](https://en.wikipedia.org/wiki/Category:Computational_geometry),CDDLib.jl,https://github.com/blegat/CDDLib.jl,A wrapper for cdd, the library for polyhedra manipulation such as double description and Fourier-Motzkin elimination. This module can either be used in a __lower level__ using the API of cdd or using the higher level interface of Polyhedra.jl. Mathematics,[ComputationalGeometry](https://en.wikipedia.org/wiki/Category:Computational_geometry),CHull.jl,https://github.com/davidavdav/CHull.jl,A Julia wrapper around a PyCall wrapper around the qhull Convex Hull library. Mathematics,[ComputationalGeometry](https://en.wikipedia.org/wiki/Category:Computational_geometry),ConicHulls.jl,https://github.com/toivoh/ConicHulls.jl,Exact dynamic conic hulls of integer vectors. Mathematics,[ComputationalGeometry](https://en.wikipedia.org/wiki/Category:Computational_geometry),ConvexHull.jl,https://github.com/joehuchette/ConvexHull.jl,A Julia library for polyhedral computations. Mathematics,[ComputationalGeometry](https://en.wikipedia.org/wiki/Category:Computational_geometry),Polyhedra.jl,https://github.com/blegat/Polyhedra.jl,It provides an unified interface for Polyhedra Manipulation Libraries such as CDDLib.jl. Mathematics,[SolidGeometry](https://en.wikipedia.org/wiki/Solid_geometry],Descartes.jl,https://github.com/FactoryOS/Descartes.jl,A research project into the representation of solid geometry. Mathematics,[NumericalAnalysis](https://en.wikipedia.org/wiki/Category:Numerical_analysis),ApproXD.jl,https://github.com/floswald/ApproXD.jl,B-splines and linear high-dimensional approximators in multiple dimensions for Julia. Mathematics,[NumericalAnalysis](https://en.wikipedia.org/wiki/Category:Numerical_analysis),Dopri.jl,https://github.com/helgee/Dopri.jl,A Julia wrapper for the DOPRI5 and DOP853 integrators. Mathematics,[NumericalAnalysis](https://en.wikipedia.org/wiki/Category:Numerical_analysis),Dierckx.jl,https://github.com/kbarbary/Dierckx.jl ):: A Julia wrapper for the Dierckx Fortran library for spline fitting, Mathematics,[NumericalAnalysis](https://en.wikipedia.org/wiki/Category:Numerical_analysis),EiSCor.jl,https://github.com/andreasnoack/EiSCor.jl,A Julia wrapper of the Fortran library __eiscor__ (Fortran 90 subroutines for structured matrix eigenvalue problems using 2x2 unitary matrices) for efficiently solving structured matrix eigenvalue problems using unitary core transformations Mathematics,[NumericalAnalysis](https://en.wikipedia.org/wiki/Category:Numerical_analysis),Expokit.jl,https://github.com/acroy/Expokit.jl,A package that provides Julia implementations of some routines contained in EXPOKIT. Mathematics,[NumericalAnalysis](https://en.wikipedia.org/wiki/Category:Numerical_analysis),FastGaussQuadrature.jl,https://github.com/ajt60gaibb/FastGaussQuadrature.jl,A Julia package to compute n-point Gauss quadrature nodes and weights to 16-digit accuracy and in O(n) time. Mathematics,[NumericalAnalysis](https://en.wikipedia.org/wiki/Category:Numerical_analysis),ork by [dlfivefifty,https://github.com/dlfivefifty/FastGaussQuadrature.jl,Gauss quadrature nodes and weights in Julia. Mathematics,[NumericalAnalysis](https://en.wikipedia.org/wiki/Category:Numerical_analysis),Grid.jl,https://github.com/timholy/Grid.jl,Interpolation and related operations on grids. Mathematics,[NumericalAnalysis](https://en.wikipedia.org/wiki/Category:Numerical_analysis),GridInterpolations.jl,https://github.com/sisl/GridInterpolations.jl,Multi-dimensional grid interpolation in arbitrary dimensions on a recti-linear grid. Mathematics,[NumericalAnalysis](https://en.wikipedia.org/wiki/Category:Numerical_analysis),InplaceOps.jl,https://github.com/simonbyrne/InplaceOps.jl,Convenient macros for in-place matrix operations in Julia. Mathematics,[NumericalAnalysis](https://en.wikipedia.org/wiki/Category:Numerical_analysis),Interpolations.jl,https://github.com/tlycken/Interpolations.jl,B-spline interpolation in Julia. Mathematics,[NumericalAnalysis](https://en.wikipedia.org/wiki/Category:Numerical_analysis),LinearExpressions.jl,https://github.com/cdsousa/LinearExpressions.jl,is a Julia package to manipulate symbolic linear expressions with both scalar and matrix coefficients - large linear matrix inequalities (LMI) for SDP optimization. Mathematics,[NumericalAnalysis](https://en.wikipedia.org/wiki/Category:Numerical_analysis),LinearMaps.jl,https://github.com/Jutho/LinearMaps.jl,A Julia package for defining and working with linear maps, also known as linear transformations or linear operators acting on vectors. The only requirement for a LinearMap is that it can act on a vector (by multiplication) efficiently. Mathematics,[NumericalAnalysis](https://en.wikipedia.org/wiki/Category:Numerical_analysis),LowRankApprox.jl,https://github.com/klho/LowRankApprox.jl,Fast low-rank matrix approximation in Julia. Mathematics,[NumericalAnalysis](https://en.wikipedia.org/wiki/Category:Numerical_analysis),RandomMatrices.jl,https://github.com/jiahao/RandomMatrices.jl,Random Matrices. Mathematics,[NumericalAnalysis](https://en.wikipedia.org/wiki/Category:Numerical_analysis),Video,https://www.youtube.com/watch?v=68yy33jOkOs) of Jiahao and Andreas talk on __Free probability, random matrices and disorder in organic semiconductors__ at MIT CSAIL, Mathematics,[NumericalAnalysis](https://en.wikipedia.org/wiki/Category:Numerical_analysis),Knitro.jl,https://github.com/yeesian/Knitro.jl,Julia interface to the Knitro solver. Mathematics,[NumericalAnalysis](https://en.wikipedia.org/wiki/Category:Numerical_analysis),LinearMaps.jl,https://github.com/Jutho/LinearMaps.jl,A Julia package for defining and working with linear maps, also known as linear transformations or linear operators acting on vectors. The only requirement for a LinearMap is that it can act on a vector (by multiplication) efficiently. Mathematics,[NumericalAnalysis](https://en.wikipedia.org/wiki/Category:Numerical_analysis),MovcolN.jl,https://github.com/pwl/MovcolN.jl,Moving collocation method to solve one dimensional partial differential equations. Mathematics,[NumericalAnalysis](https://en.wikipedia.org/wiki/Category:Numerical_analysis),NAG.jl,https://github.com/StefanKarpinski/NAG.jl,Julia package to wrap the NAG Numerical Library, a propreitary software library of numerical analysis routines, mathematical and statistical algorithms for linear algebra, optimization, quadrature, the solution of ordinary and partial differential equations, regression analysis, and time series analysis. Mathematics,[NumericalAnalysis](https://en.wikipedia.org/wiki/Category:Numerical_analysis),SortedVectors.jl,https://github.com/colintbowers/SortedVectors.jl,A WIP package that implements a SortedVector type. Mathematics,[LinearAlgebra](https://en.wikipedia.org/wiki/Category:Linear_algebra),AxisAlgorithms.jl,https://github.com/timholy/AxisAlgorithms.jl,Efficient filtering and linear algebra routines for multidimensional arrays. Mathematics,[LinearAlgebra](https://en.wikipedia.org/wiki/Category:Linear_algebra),CUSPARSE.jl,https://github.com/kshyatt/CUSPARSE.jl,Julia interface to NVIDIA's CUSPARSE library. Mathematics,[LinearAlgebra](https://en.wikipedia.org/wiki/Category:Linear_algebra),CUSOLVER.jl,https://github.com/kshyatt/CUSOLVER.jl,Julia bindings for the NVIDIA CUSOLVER library. CUSOLVER is a high-performance direct-solver matrix linear algebra library. Mathematics,[LinearAlgebra](https://en.wikipedia.org/wiki/Category:Linear_algebra),green-fairy,https://github.com/carnaval/green-fairy,Lattice trees. Mathematics,[LinearAlgebra](https://en.wikipedia.org/wiki/Category:Linear_algebra),Hypre.jl,https://github.com/jgoldfar/Hypre.jl,A wrapper for the [Hypre](http://acts.nersc.gov/hypre/) library. Mathematics,[LinearAlgebra](https://en.wikipedia.org/wiki/Category:Linear_algebra),IDRsSolver.jl,https://github.com/mschauer/IDRsSolver.jl,Induced Dimension Reduction method [IDR(s)] for solving general linear equations. Mathematics,[LinearAlgebra](https://en.wikipedia.org/wiki/Category:Linear_algebra),juliaSpot,https://github.com/slimgroup/juliaSpot,The Julia implementation of the Spot Linear Algebra Package. Mathematics,[LinearAlgebra](https://en.wikipedia.org/wiki/Category:Linear_algebra),KrylovSolvers.jl,https://github.com/cfbaptista/KrylovSolvers.jl,Solve sparse linear systems in an efficient and iterative manner with Krylov Solvers. Mathematics,[LinearAlgebra](https://en.wikipedia.org/wiki/Category:Linear_algebra),LinearAlgebra.jl,https://github.com/andreasnoack/LinearAlgebra.jl,Eigenvalue and -vector calculations in Julia. Mathematics,[LinearAlgebra](https://en.wikipedia.org/wiki/Category:Linear_algebra),LMesh.jl,https://bitbucket.org/maurow/lmesh.jl,A Mesh package that implements the type of mesh sugessted by Logg (2012). Mathematics,[LinearAlgebra](https://en.wikipedia.org/wiki/Category:Linear_algebra),LDA.jl,https://github.com/remusao/LDA.jl,Linear Discriminant Analysis and Kernel Fisher Analysis. Mathematics,[LinearAlgebra](https://en.wikipedia.org/wiki/Category:Linear_algebra),LLLplus.jl,https://github.com/christianpeel/LLLplus.jl,LLL lattice reduction, sphere decoder, and related lattice tools. Mathematics,[LinearAlgebra](https://en.wikipedia.org/wiki/Category:Linear_algebra),LMCLUS.jl,https://github.com/wildart/LMCLUS.jl,Julia's package for Linear Manifold Clustering. Mathematics,[LinearAlgebra](https://en.wikipedia.org/wiki/Category:Linear_algebra),MUMPS,https://github.com/lruthotto/MUMPS,A wrapper for a MUltifrontal Massively Parallel sparse direct Solver of large linear systems in Julia. Mathematics,[LinearAlgebra](https://en.wikipedia.org/wiki/Category:Linear_algebra),MUMPS1.jl,https://github.com/dmbates/MUMPS1.jl,An alternative implementation of a Julia interface to the sparse direct solver MUMPS. A MUMPS package for Julia is already registered but that package does not conform to the packaging standards for Julia. Mathematics,[LinearAlgebra](https://en.wikipedia.org/wiki/Category:Linear_algebra),NonuniformArray.jl,https://github.com/ReidAtcheson/NonuniformArray.jl,This library handles the case of __array of arrays__ where each subarray may have different lengths - but enforces contiguity of data for ease of passing to outside linear algebra packages. Mathematics,[LinearAlgebra](https://en.wikipedia.org/wiki/Category:Linear_algebra),PolarFact.jl,https://github.com/weijianzhang/PolarFa.jl,A Julia package for the matrix polar decomposition. Mathematics,[LinearAlgebra](https://en.wikipedia.org/wiki/Category:Linear_algebra),SALT.jl,https://github.com/xdavidliu/SALT.jl,SALT (steady-state ab-initio laser theory) solver package for Julia. Mathematics,[LinearAlgebra](https://en.wikipedia.org/wiki/Category:Linear_algebra),SuperLU.jl,https://github.com/dmbates/SuperLU.jl,Julia interface to the SuperLU solver package for sparse systems. Mathematics,[SparseMatrices](https://en.wikipedia.org/wiki/Category:Sparse_matrices),CSparse.jl,https://github.com/dmbates/CSparse.jl,A Julia implementation of functions in the CSparse and CXSparse libraries. Mathematics,[SparseMatrices](https://en.wikipedia.org/wiki/Category:Sparse_matrices),_[https://github.com/JuliaSparse,https://github.com/JuliaSparse)_,For the development of interfaces to sparse matrix solvers such as sequential MUMPS, SuperLU, perhaps Pastix and fill-reducing permutation software such as Metis and Scotch. Mathematics,[SparseMatrices](https://en.wikipedia.org/wiki/Category:Sparse_matrices),HarwellRutherfordBoeing.jl,https://github.com/JuliaSparse/HarwellRutherfordBoeing.jl,A Julia Reader for the Harwell-Boeing and Rutherford-Boeing Formats. Mathematics,[SparseMatrices](https://en.wikipedia.org/wiki/Category:Sparse_matrices),MatrixMarket.jl,https://github.com/JuliaSparse/MatrixMarket.jl,A package to read the MatrixMarket file format. Mathematics,[SparseMatrices](https://en.wikipedia.org/wiki/Category:Sparse_matrices),Meshpart.jl,https://github.com/JuliaSparse/Meshpart.jl,A Julia port of some of the functions from John Gilbert and Shang Hua Teng's Meshpart toolbox. Mathematics,[SparseMatrices](https://en.wikipedia.org/wiki/Category:Sparse_matrices),Metis.jl,https://github.com/JuliaSparse/Metis.jl,Julia interface to the Metis graph-partitioning algorithms. Mathematics,[SparseMatrices](https://en.wikipedia.org/wiki/Category:Sparse_matrices),MKLSparse.jl,https://github.com/JuliaSparse/MKLSparse.jl,Override sparse-dense operations when MKL is available. Mathematics,[SparseMatrices](https://en.wikipedia.org/wiki/Category:Sparse_matrices),Multifrontal.jl,https://github.com/weijianzhang/Multifrontal.jl,Multifrontal direct solvers for sparse matrices. Mathematics,[SparseMatrices](https://en.wikipedia.org/wiki/Category:Sparse_matrices),MultiFrontalCholesky.jl,https://github.com/JuliaSparse/MultiFrontalCholesky.jl,The Cholesky decomposition of a Hermitian, positive-definite matrix into the product of a lower triangular matrix and its conjugate transpose, used for efficient numerical solutions and Monte Carlo simulations. Mathematics,[SparseMatrices](https://en.wikipedia.org/wiki/Category:Sparse_matrices),MUMPS.jl,https://github.com/JuliaSparse/MUMPS.jl,An interface to MUMPS (a MUltifrontal Massively Parallel sparse direct Solver) to efficiently solve large and sparse linear systems in scientific computing. Mathematics,[SparseMatrices](https://en.wikipedia.org/wiki/Category:Sparse_matrices),MUMPSseq.jl,https://github.com/JuliaSparse/MUMPSseq.jl,Alternative Julia interface to MUMPS sparse system solver. Mathematics,[SparseMatrices](https://en.wikipedia.org/wiki/Category:Sparse_matrices),ParallelSparseMatMul.jl,https://github.com/madeleineudell/ParallelSparseMatMul.jl,A Julia library for parallel sparse matrix multiplication using shared memory. Mathematics,[SparseMatrices](https://en.wikipedia.org/wiki/Category:Sparse_matrices),Pardiso.jl,https://github.com/JuliaSparse/Pardiso.jl,Calling the PARDISO library from Julia. Mathematics,[SparseMatrices](https://en.wikipedia.org/wiki/Category:Sparse_matrices),PETSc.jl,https://github.com/stevengj/PETSc.jl,sparse-matrix interface for the Julia language. Mathematics,[SparseMatrices](https://en.wikipedia.org/wiki/Category:Sparse_matrices),SparseData.jl,https://github.com/lindahua/SparseData.jl,A Julia package to support working with sparse data sets (e.g. text corpus). Mathematics,[SparseMatrices](https://en.wikipedia.org/wiki/Category:Sparse_matrices),SparseFactorModels.jl,https://github.com/matthieugomez/SparseFactorModels.jl,Estimate factor models on sparse datasets. Mathematics,[SparseMatrices](https://en.wikipedia.org/wiki/Category:Sparse_matrices),SparseGrids.jl,https://github.com/Zac12345/SparseGrids.jl), Mathematics,[SparseMatrices](https://en.wikipedia.org/wiki/Category:Sparse_matrices),SparseVectors.jl,https://github.com/JuliaSparse/SparseVectors.jl,A Julia package to support sparse vectors. Mathematics,[SparseMatrices](https://en.wikipedia.org/wiki/Category:Sparse_matrices),SparseVectorMatrix.jl,https://github.com/pranavtbhat/SparseVectorMatrix.jl,SparseMatrices as a vector of SparseVectors. Mathematics,[MathematicalAnalysis](https://en.wikipedia.org/wiki/Category:Mathematical_analysis),Complementarity.jl,https://github.com/chkwon/Complementarity.jl,This package provides a modeling and computational interface for solving Mixed Complementarity Problems (MCP), modeling by JuMP.jl and computing by PATHSolver.jl. Mathematics,[MathematicalAnalysis](https://en.wikipedia.org/wiki/Category:Mathematical_analysis),PATHSolver.jl,https://github.com/chkwon/PATHSolver.jl,Coverage StatusThis package provides a Julia wrapper of the PATH Solver for solving Mixed Complementarity Problems (MCP). Mathematics,NumericalLinearAlgebra(NLA),Accelereval.jl,https://github.com/lindahua/Accelereval.jl,A Julia framework for accelerated re-compiled evaluation of numerical functions that ensures faster computation. Mathematics,NumericalLinearAlgebra(NLA),BSplines.jl,https://github.com/gusl/BSplines.jl,This package provides B-Splines for 1D signals, i.e. functions of type Real -> Real. Mathematics,NumericalLinearAlgebra(NLA),Cuba.jl,https://github.com/giordano/Cuba.jl,Library for multidimensional numerical integration with four independent algorithms: Vegas, Suave, Divonne, and Cuhre. [Documentation](https://cubajl.readthedocs.org/) Mathematics,NumericalLinearAlgebra(NLA),Elemental.jl,https://github.com/JuliaParallel/Elemental.jl,A Julia interface to the [Elemental linear algebra library](http://libelemental.org/) with third-party interfaces. [Source code](https://github.com/elemental/Elemental). Mathematics,NumericalLinearAlgebra(NLA),IncrementalSVD.jl,https://github.com/aaw/IncrementalSVD.jl,Simon Funk's approach to collaborative filtering using the singular value decomposition, implemented in Julia. Mathematics,NumericalLinearAlgebra(NLA),InteriorPoint.jl,https://github.com/IainNZ/InteriorPoint.jl,Primal-dual interior point solver for linear programs. Mathematics,NumericalLinearAlgebra(NLA),IterativeLinearSolvers.jl,https://github.com/andreasnoackjensen/IterativeLinearSolvers.jl), Mathematics,NumericalLinearAlgebra(NLA),IterativeSolvers.jl,https://github.com/JuliaLang/IterativeSolvers.jl,Implement Arnoldi and Lanczos methods for svds and eigs. Mathematics,NumericalLinearAlgebra(NLA),NumericalShadow.jl,https://github.com/pgawron/NumericalShadow.jl,Library to calculate numerical shadows in Julia language. Mathematics,NumericalLinearAlgebra(NLA),NumericExtensions.jl,https://github.com/lindahua/NumericExtensions.jl,Julia extensions to provide high performance computational support for fast vectorized computation. Mathematics,NumericalLinearAlgebra(NLA),DOCS_:: are available at [numericextensionsjl.readthedocs.org,http://numericextensionsjl.readthedocs.org/en/latest/, Mathematics,NumericalLinearAlgebra(NLA),NumericFuns.jl,https://github.com/lindahua/NumericFuns.jl,Math functions and functors for numerical computations. Mathematics,NumericalLinearAlgebra(NLA),NumericFunctors.jl,https://github.com/lindahua/NumericFunctors.jl,Typed functors for numerical computations. Mathematics,NumericalLinearAlgebra(NLA),ParallelLinalg.jl,https://github.com/intirb/ParallelLinalg.jl,Distributed Dense Linear Algebra for Julia. Mathematics,NumericalLinearAlgebra(NLA),PNLA_Julia,https://github.com/kbatseli/PNLA_Julia,Polynomial Multi-functional Numerical Linear Algebra package for solving all kinds of problems with multivariate polynomials in double precision in Julia. Mathematics,NumericalLinearAlgebra(NLA),RK4.jl,https://github.com/ntezak/RK4.jl,This package implements a fairly fast Runge-Kutta 4th order with fixed stepsize, also implements a stochastic solver that is not technically provably accurate, but works well for finite bandwidth SDE's. Mathematics,NumericalLinearAlgebra(NLA),SpecialMatrices.jl,https://github.com/timbers/SpecialMatrices.jl,Package that adds support for several common matrices: Strang, Hankel, Toeplitz, and Vander matrices. Mathematics,NumericalLinearAlgebra(NLA),SpecialMatrices.jl,https://github.com/jiahao/SpecialMatrices.jl,Julia package for working with special matrix types. Mathematics,NumericalLinearAlgebra(NLA),ToeplitzMatrices.jl,https://github.com/andreasnoackjensen/ToeplitzMatrices.jl,Fast matrix multiplication and division for Toeplitz matrices in Julia. Mathematics,Org-[JuliaFEM](https://github.com/JuliaFEM),JuliaFEM.jl,https://github.com/JuliaFEM/JuliaFEM.jl,Finite Element method solver. Mathematics,Org-[JuliaFEM](https://github.com/JuliaFEM),MiniBall.jl,https://github.com/JuliaFEM/MiniBall.jl), Mathematics,Org-[JuliaFEM](https://github.com/JuliaFEM),TetGen.jl,https://github.com/JuliaFEM/TetGen.jl,Finite Element method solver. Mathematics,Resources,JuliaCon2015,https://github.com/JuliaSparse/JuliaCon2015,Sparse Matrices in Julia worksho at JuliaCon2015. Mathematics,PUZZLES,Deepthought.jl,https://github.com/dejakaymac/Deepthought.jl, Mathematics,PUZZLES,euler,https://github.com/somu/euler,Project Euler solutions in Julia. Mathematics,PUZZLES,PlayingCards.jl,https://github.com/DataWookie/PlayingCards.jl,Package for simulating Playing Cards games in Julia. Mathematics,PUZZLES,Project_Euler_Julia.ipynb,http://nbviewer.ipython.org/github/punkrockpolly/Playing-with-Julia/blob/master/Project_Euler_Julia.ipynb,Solutions to [Project Euler](http://projecteuler.net) Problems, algorithm & math puzzles. Mathematics,PUZZLES,sudoku,https://github.com/Alexander-N/sudoku,Reimplementing the Python version of Peter Norvig's Sudoku solver in Julia by @Alexander-N. Mathematics,PUZZLES,sudoku.jl,https://github.com/johnmyleswhite/sudoku.jl,A simple Sudoku solver in Julia by @johnmyleswhite. Mathematics,PUZZLES,Sudoku.jl,https://github.com/hayd/Sudoku.jl,A port of Peter Norvig's __Solving Every Sudoku Puzzle__ to Julia by @hayd. 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,TowerOfHanoi.jl,https://github.com/thiruk/TowerOfHanoi.jl,Solution to Tower Of Hanoi using Julia. OpenData,SOFTWARE,CommonCrawl.jl,https://github.com/tanmaykm/CommonCrawl.jl,Interface to common crawl dataset on Amazon S3. OpenData,SOFTWARE,DataStreams.jl,https://github.com/lindahua/DataStreams.jl,A Julia package to support streaming process of data . OpenData,SOFTWARE,Faker.jl,https://github.com/codeneomatrix/Faker.jl,A package that generates fake data. OpenData,SOFTWARE,FaceDatasets.jl,https://github.com/dfdx/FaceDatasets.jl,A package for easy access to face-related datasets. OpenData,SOFTWARE,Maker.jl,https://github.com/tshort/Maker.jl,A tool like `make` for data analysis in Julia. OpenData,SOFTWARE,ModelerToolbox.jl,https://github.com/spencerlyon2/ModelerToolbox.jl,Utilities for working with many different versions/parameterizations of models. OpenData,SOFTWARE,NetflixPrize.jl,https://github.com/jiahao/NetflixPrize.jl,Julia package for handling the Netflix Prize data set of 2006. OpenData,SOFTWARE,PublicSuffix.jl,https://github.com/tanmaykm/PublicSuffix.jl,Julia Interface for working with the [Public Suffix List](http://publicsuffix.org/). OpenData,SOFTWARE,PubMedMiner.jl,https://github.com/bcbi/PubMedMiner.jl,Return and analyze a PubMed/Medline search using MESH descriptors and their corresponding UMLS concept. OpenData,SOFTWARE,RDatasets.jl,https://github.com/johnmyleswhite/RDatasets.jl,Julia package for loading many of the datasets available in R. OpenData,SOFTWARE,Socrata.jl,https://github.com/drewgendreau/Socrata.jl,An API wrapper for accessing the [Socrata Open Data API](http://dev.socrata.com) and importing data into a DataFrame. Socrata is an open data platform used by many local and State governments as well as by the Federal Government in USA. OpenData,SOFTWARE,UCIMLRepo.jl,https://github.com/siddhantjain/UCIMLRepo.jl,A small package to allow for easy access and download of datasets from UCI ML repository. OpenData,SOFTWARE,WorldBankData.jl,https://github.com/4gh/WorldBankData.jl,The World Bank provides free access to data about development at data.worldbank.org. OpenData,DataScience,jplyr.jl,https://github.com/davidagold/jplyr.jl,Data manipulation facilities for Julia. OpenData,[ASTRONOMY](https://en.wikipedia.org/wiki/Category:Astronomy),NASA Open DataSets,https://open.nasa.gov/,To solve looming challenges here on Earth using NASA data, [tools, and resources](https://github.com/nasa). OpenData,AstroPhysics,sndatasets,https://github.com/kbarbary/sndatasets,Download and normalize published supernova photometric data. OpenData,BIOLOGY,P's list of [biological databases,https://en.wikipedia.org/wiki/List_of_biological_databases), OpenData,Genome,ChromosomeMappings,https://github.com/dpryan79/ChromosomeMappings,This repository contains chromosome/contig name mappings between UCSC <-> Ensembl <-> Gencode for a variety of genomes. OpenData,Genome, database of OA/free [RNA-seq and genomic,http://jtleek.com/data/) data-sets used in research projects at JHU, OpenData,Genome,ownload [Gene,https://www.ncbi.nlm.nih.gov/gene) data (via ftp) which integrates information from a wide range of species. A record may include nomenclature, Reference Sequences (RefSeqs), maps, pathways, variations, phenotypes, and links to genome-, phenotype-, and locus-specific resources worldwide, OpenData,Genome,Saccharomyces Genome Database,https://secure.wikimedia.org/wikipedia/en/wiki/Saccharomyces_Genome_Database, OpenData,Genome,Genome Project Database,http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?DB=genomeprj, OpenData,Genome,RefSeqGene,https://www.ncbi.nlm.nih.gov/refseq/rsg/) defines genomic sequences to be used as reference standards for well-characterized genes and is part of the Locus Reference Genomic (LRG) Project, OpenData,Genome,CBI's [Sequence Read Archive (SRA),http://www.ncbi.nlm.nih.gov/sra, OpenData,Genome,DataLad,http://datalad.org,aims to provide access to scientific data available from various sources (e.g. lab or consortium web-sites such as Human connectome; data sharing portals such as OpenFMRI and CRCNS) through a single convenient interface and integrated with your software package managers (such as APT in Debian). Although initially targeting neuroimaging and neuroscience data in general, it will not be limited by the domain and a wide range of contributions are welcome. Get the [source code](https://github.com/datalad) on github. OpenData,Worms,Virus,Nematodes,he central [MANUELA database,http://www.marbef.org/projects/Manuela/data.php), a.k.a. _M_eiobenthic _A_nd _N_ematode biodiversity _U_nravelling _E_cological and _L_atitudinal _A_spects database is compiled by capturing the available data on meiobenthos on a broad European scale, OpenData,Worms,Virus,Nematodes,Nematodes DB,http://www.nematodes.org/bioinformatics/databases.shtml) from the Blaxter Lab, based on analyses of ESTs or GSSs from _neglected taxa_ using the PartiGene suite of programmes, OpenData,Worms,Virus,Nematodes,Nematode Transcriptome Analyses,http://www.nematodes.org/nembase4/), OpenData,Worms,Virus,Nematodes,WormBase,http://www.wormbase.org/species/all#0--10,Species genomes with standardized sequence and annotations. OpenData,Genetics-Medicine,CBI Resources for [Genetics and Medicine,https://www.ncbi.nlm.nih.gov/guide/genetics-medicine/), OpenData,Genetics-Medicine,HIV-1, Human Protein Interaction Database,http://www.ncbi.nlm.nih.gov/genome/viruses/retroviruses/hiv-1/interactions/,A database of known interactions of HIV-1 proteins with proteins from human hosts. It provides annotated bibliographies of published reports of protein interactions, with links to the corresponding PubMed records and sequence data. OpenData,MedicalImaging,Computed Tomography Emphysema Database,http://image.diku.dk/emphysema_database/), OpenData,MedicalImaging,ornell's Public [Medical Image Databases,http://www.via.cornell.edu/databases/), OpenData,MolecularBiology,SASBDB,http://www.sasbdb.org/) ::Small Angle Scattering Biological Data Bank, OpenData,Neuroscience,Codeneuro-Datasets,https://github.com/codeneuro/datasets,Shared data sets for collaborating, testing, and benchmarking. OpenData,Neuroscience,OpenfMRI.org,https://openfmri.org,A project dedicated to the free and open sharing of functional magnetic resonance imaging (fMRI) datasets, including raw data. OpenData,Neuroscience,Neuroscience Databases,http://en.wikipedia.org/wiki/List_of_neuroscience_databases) list, OpenData,Neuroscience,Neurovault,http://neurovault.org/,A place where researchers can publicly store and share unthresholded statistical maps produced by MRI and PET studies. OpenData,Pharma,OSDD - open source drug discovery,http://www.osdd.net/), OpenData,CHEMISTRY,Chemical DB,http://en.wikipedia.org/wiki/Category:Chemical_databases) list on WP, OpenData,Crystallography,Crystallographic databases,http://en.wikipedia.org/wiki/Category:Crystallographic_databases) list on WP, OpenData,Crystallography,Crystallography,http://www.crystallography.net/) Open Database, OpenData,Crystallography,Protein Data Bank,http://en.wikipedia.org/wiki/Protein_Data_Bank) (PDB) on WP, OpenData,Crystallography,Inorganic Crystal Structure Database,http://en.wikipedia.org/wiki/Inorganic_Crystal_Structure_Database, OpenData,DATA-General,awesome-public-datasets,https://github.com/caesar0301/awesome-public-datasets,A collection of large-scale public datasets on the Internet. OpenData,DATA-General,common-workflow-language,https://github.com/common-workflow-language/common-workflow-language,Repository for CWL Specfications. OpenData,DATA-General,datasets,https://github.com/ali-ce/datasets,Original data or Aggregated / cleaned / restructured existing datasets. Released under Creative Commons Attribution-ShareAlike 4.0 International License. OpenData,DATA-General,Freebase,http://www.freebase.com,A community-curated database of well-known people, places, and things. OpenData,DATA-General,Wikidata,https://www.wikidata.org/,A free linked database that acts as central storage for the structured data of its Wikimedia sister projects including Wikipedia, Wikivoyage, Wikisource, and others, that can be read and edited by both humans and machines. OpenData,DATA-General,World Bank Open Data,http://data.worldbank.org,Free and open access to data about development in countries around the globe. OpenData,DATA-Research,Registry of Research Data Repositories,http://www.re3data.org/,provides researchers, funding organisations, libraries and publishers with over 1,000 listed research data repositories from all over the world making it the largest and most comprehensive online catalog of research data repositories on the web. OpenData,DATA-Scientific,Scientific Databases,http://en.wikipedia.org/wiki/Category:Scientific_databases) list on WP, OpenData,MACHINELEARNING,UCI Machine Learning Repository,http://archive.ics.uci.edu/ml/, OpenData,MATH,Juliaset.jl,https://github.com/tanmaykm/Juliaset.jl,Generate Julia set images. This is created primarily as an example for JuliaBox hosted REST APIs. OpenData,PHYSICS,CERN OpenData,http://opendata.cern.ch/) Portal, OpenData,VIDEO,Databrary,https://nyu.databrary.org,A video data library for developmental science. Share videos, audio files, and related metadata. The source code is on [github](https://nyu.databrary.org). OpenData,RESOURCES-DataScience,orowjev blogs about [Julia in safe Data Science,http://korowjev.github.io/jekyll/update/2016/02/26/Julia-safe-data-science.html), 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. Physics,,CMSSW.jl,https://github.com/jpata/CMSSW.jl,A work-in-progress wrapper for ROOT.jl. Physics,,Codata.jl,https://github.com/kofron/Codata.jl, Physics,,HEP.jl,https://github.com/jpata/HEP.jl,A collection of methods useful for HEP. Physics,,JLab.jl,https://github.com/amyascwk/JLab.jl,Some scripts used in MIT 8.13 Experimental Physics (Fall 2014). Physics,,JuliBoots,https://github.com/mfpaulos/JuliBoots,Conformal bootstrap calculations. Physics,,JuliaPower,https://github.com/prezaei85/JuliaPower,A package of scripts in Julia to solve power flow and simulate cascading failures in power systems. Physics,,LambertW.jl,https://github.com/robertdj/LambertW.jl,Lambert's W function in Julia. Physics,,Mass.jl,https://github.com/ggggggggg/Mass.jl,An experimental frameworks for TES pulse analysis. Physics,,Measurements.jl,https://github.com/giordano/Measurements.jl,Error Physics,,Physical.jl,https://github.com/ggggggggg/Physical.jl, Physics,,Quantities.jl,https://github.com/ElOceanografo/Quantities.jl,Dimensions and Quantities. Physics,,ROOT.jl,https://github.com/jpata/ROOT.jl,A toy experiment interfacing ROOT and Julia through FWLite. [ROOT](http://root.cern.ch) is a data analysis library widely used at experiments at CERN for HEP data analyses. Physics,,ROOTDataFrames.jl,https://github.com/jpata/ROOTDataFrames.jl,A wrapper for ROOT Trees through the Abstract DataFrame interface. Physics,,Signals.jl,https://github.com/mbauman/Signals.jl,A high level Signal type with a common timebase and groups of channels. Physics,,Sparrow.jl,https://github.com/rennis250/Sparrow.jl,Visual Psychophysics package for Julia. Physics,Electromagnetism,Dipole julia,https://github.com/manuamador/Dipole_julia,A set of functions that computes the electromagnetic radiation of an Hertz dipole (E and B fields). Physics,Electromagnetism,Reverb Julia,https://github.com/manuamador/Reverb_Julia,A julia version of an electromagnetic reverberation chamber model based on image theory. Physics,Electromagnetism,SpikeSorting.jl,https://github.com/paulmthompson/SpikeSorting.jl,Online spike sorting methods in Julia. Physics,Electromagnetism,Stirrer,https://github.com/manuamador/Stirrer,A Julia and Python set of tools to model stirrers in reverberation chambers. Physics,Electromagnetism,Z,https://github.com/manuamador/Z,Wave impedance in a reverberation chamber. Physics,FluidDynamics,hydro,http://github.com/natj/hydro,Fairly simple, relatively small & mildly interesting hydrodynamic code. 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,LaserOpticalCommunicationExperiments.jl,https://github.com/scidom/LaserOpticalCommunicationExperiments.jl,A scratch space for the statistical analysis of optical communication experiments with lasers using Julia. Physics,LaserPhysics,SALT.jl,https://github.com/xdavidliu/SALT.jl,SALT (steady-state ab-initio laser theory) solver package for Julia. Physics,MedicalPhysics,Psychosis.jl,https://github.com/rennis250/Psychosis.jl,A Julia package for visual psychophysics that mimics the Processing environment. Physics,MedicalPhysics,Willow.jl,https://github.com/rennis250/Willow.jl,A Julia package for visual psychophyscis that primarily mimics the Processing environment. 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,[JuliaQuantum](http://juliaquantum.github.io/),QuBase.jl,https://github.com/JuliaQuantum/QuBase.jl,A foundational library for quantum mechanics in Julia, that provides a unifying type structure and set of basic functions for computational quantum mechanics. Physics,[JuliaQuantum](http://juliaquantum.github.io/),QuDirac.jl,https://github.com/JuliaQuantum/QuDirac.jl,A library for performing quantum mechanics using Dirac notation. Physics,[JuliaQuantum](http://juliaquantum.github.io/),QuDynamics.jl,https://github.com/JuliaQuantum/QuDynamics.jl,A library for solving dynamical equations in quantum mechanics. Physics,StatisticalMechanics,IsingModels.jl,https://github.com/johnmyleswhite/IsingModels.jl,The Ising model as a Julian distribution. Physics,StatisticalMechanics,MyIsing.jl,https://github.com/kaslusimoes/MyIsing.jl,A naive and first try to implement a 2D Square Ising Model using Julia. Physics,[Thermodynamics](http://en.wikipedia.org/wiki/Category:Thermodynamics),Psychro.jl,https://github.com/pjabardo/Psychro.jl,Thermodynamic properties of moist air (real gas mixture). 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. Programming-Paradigms,Org-[JuliaLang](https://github.com/JuliaLang),IniFile.jl,https://github.com/JuliaLang/IniFile.jl,Reading and writing Windows-style INI files. Programming-Paradigms,Org-[JuliaLang](https://github.com/JuliaLang),JLD.jl,https://github.com/JuliaLang/JLD.jl,HDF5 interface for the Julia language to save and load julia variables while preserving native types. Programming-Paradigms,Org-[JuliaLang](https://github.com/JuliaLang),JSON.jl,https://github.com/JuliaLang/JSON.jl,JSON parsing and printing. Programming-Paradigms,ProgrammingParadigms,BitRegs.jl,https://github.com/daqcore/BitRegs.jl,Julia package for bit and register operations. Programming-Paradigms,ProgrammingParadigms,ChainMap.jl,https://github.com/bramtayl/ChainMap.jl,Combine chaining and mapping. Programming-Paradigms,ProgrammingParadigms,InterVal.jl,https://github.com/J-Sarnoff/InterVal.jl,Intervals are inter-values, an interval is its values and their intra-values. Programming-Paradigms,ProgrammingParadigms,LilKanren.jl,https://github.com/lilinjn/LilKanren.jl,A collection of Kanren implementations in Julia. _miniKanren_ is an embedded Domain Specific Language for logic programming. Programming-Paradigms,RESOURCES,Programming Language Theory,https://github.com/steshaw/plt-study,Mathematics, Compilers, Functional Programming, and other papers. Programming-Paradigms,[ControlFlow](https://en.wikipedia.org/wiki/Category:Control_flow),Hooking.jl,https://github.com/Keno/Hooking.jl,Function entry hooking for julia and c functions. Programming-Paradigms,[ControlFlow](https://en.wikipedia.org/wiki/Category:Control_flow),StatefulIterators.jl,https://github.com/andrewcooke/StatefulIterators.jl,A stream-like wrapper around [iterable objects](https://en.wikipedia.org/wiki/Category:Iteration_in_programming). Programming-Paradigms,[DoubleDispatch](https://en.wikipedia.org/wiki/Double_dispatch),julia-pattern-dispatch,https://github.com/toivoh/julia-pattern-dispatch,Support for method dispatch in Julia based on pattern matching. Programming-Paradigms,FunctionalProgramming,FunctionalUtils.jl,https://github.com/zachallaun/FunctionalUtils.jl,Functional Julia – based on fogus/lemonad. Programming-Paradigms,FunctionalProgramming,Glob.jl,https://github.com/vtjnash/Glob.jl,Posix-compliant file name pattern matching. Programming-Paradigms,FunctionalProgramming,Lazy.jl,https://github.com/MikeInnes/Lazy.jl,Functional programming for Julia. Programming-Paradigms,FunctionalProgramming,diy-lisp-julia,https://github.com/qhfgva/diy-lisp-julia,A julia version of [diy-lisp](https://github.com/kvalle/diy-lisp). Programming-Paradigms,FunctionalProgramming,FunctionalData.jl,https://github.com/rened/FunctionalData.jl,Functional, efficient data manipulation framework. Programming-Paradigms,FunctionalProgramming,LispREPL.jl,https://github.com/swadey/LispREPL.jl,REPL for `Lisp.jl`. Programming-Paradigms,FunctionalProgramming,LispSyntax.jl,https://github.com/swadey/LispSyntax.jl,lisp-like language in julia. Programming-Paradigms,FunctionalProgramming,Monads.jl,https://github.com/pao/Monads.jl,Monadic expressions and sequences for Julia. Programming-Paradigms,FunctionalProgramming,PatternDispatch.jl,https://github.com/toivoh/PatternDispatch.jl,Method dispatch based on pattern matching for Julia. Programming-Paradigms,FunctionalProgramming,Pipe.jl,https://github.com/oxinabox/Pipe.jl,Improved function piping in Julia. Programming-Paradigms,GrammaticalEvolution,Evolution.jl,https://github.com/xenon-/Evolution.jl,Evolutionary Computation in Julia. Programming-Paradigms,GrammaticalEvolution,GrammaticalEvolution,https://github.com/abeschneider/GrammaticalEvolution,An evolutionary technique that is similar to Genetic Programming (GP). However, unlike GP, it doesn't suffer the same problems with fixing damaged trees. Instead, it uses a grammar that is combined with a genome of integers. The genome is used to select which branch to follow for or-rules. Programming-Paradigms,Macros,RegexVar.jl,https://github.com/o-jasper/RegexVar.jl,A macro to fill variables straight from the string. Programming-Paradigms,Macros,Reexport.jl,https://github.com/simonster/Reexport.jl,Julia macro for re-exporting one module from another. Programming-Paradigms,Macros,MacroUtils.jl,https://github.com/carlobaldassi/MacroUtils.jl,Collection of Julia macros. Programming-Paradigms,Macros,MetaMerge.jl,https://github.com/davidagold/MetaMerge.jl,Merge functions with identical names from distinct modules. Programming-Paradigms,Macros,TimeIt.jl,https://github.com/kbarbary/TimeIt.jl,Timeit macro for Julia. Programming-Paradigms,Macros,Unroll.jl,https://github.com/StephenVavasis/Unroll.jl,A julia macro for unrolling conditional `for` loops. Programming-Paradigms,Macros,UTime.jl,https://github.com/J-Sarnoff/UTime.jl,Universal Time using local system timezone. Programming-Paradigms,MetaProgramming,Sugar.jl,https://github.com/bramtayl/Sugar.jl), Programming-Paradigms,Resources,Meta Programming Manual,http://docs.julialang.org/en/latest/manual/metaprogramming/, Programming-Paradigms,Resources,The Design Impact of Multiple Dispatch,http://nbviewer.jupyter.org/gist/StefanKarpinski/b8fe9dbb36c1427b9f22) presented by StefanKarpinski at Strange Loop on 19-Sep-2013, Programming-Paradigms,Resources,What are the advantages of multiple dispatch in Julia,https://www.quora.com/Julia-programming-language/What-are-the-advantages-of-multiple-dispatch), Programming-Paradigms,Multi-Threading,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++. Programming-Paradigms,[ProgramAnalysis](https://en.wikipedia.org/wiki/Category:Program_analysis),CallGraphs.jl,https://github.com/timholy/CallGraphs.jl,A package for analyzing source-code callgraphs, particularly of Julia's `src/` directory. The main motivation for this package was to aid in finding all functions that might trigger garbage collection by directly or indirectly calling `jl_gc_collect`; however, the package has broader uses. Programming-Paradigms,[ProgramAnalysis](https://en.wikipedia.org/wiki/Category:Program_analysis),dataflow.jl,https://github.com/JeffBezanson/dataflow.jl,Introduction to dataflow analysis using julia. Programming-Paradigms,[ProgramAnalysis](https://en.wikipedia.org/wiki/Category:Program_analysis),ExpressionPatterns.jl,https://github.com/fcard/ExpressionPatterns.jl,Match, Destructure and Dispatch on expressions. Programming-Paradigms,[ProgramAnalysis](https://en.wikipedia.org/wiki/Category:Program_analysis),LRUCache.jl,https://github.com/jcrist/LRUCache.jl,An implementation of a Least Recently Used (LRU) Cache. Programming-Paradigms,[ProgramAnalysis](https://en.wikipedia.org/wiki/Category:Program_analysis),PAPI.jl,https://github.com/jakebolewski/PAPI.jl,Julia bindings to the Performance Application Programming Interface (PAPI). Programming-Paradigms,ReactiveProgramming,React.jl,https://github.com/shashi/React.jl,Reactive programming primitives for Julia. Programming-Paradigms,ReactiveProgramming,Reactive.jl,https://github.com/JuliaLang/Reactive.jl,A package for reactive programming in Julia. Programming-Paradigms,Serialization,Spock.jl,https://github.com/jey/Spock.jl,An interface to Apache Spark for the Julia language. Programming-Paradigms,StyleGuidelines,Official Julia style guide,https://julia.readthedocs.org/en/latest/manual/style-guide/), Programming-Paradigms,StyleGuidelines,Style.jl,https://github.com/johnmyleswhite/Style.jl,Style guidelines for Julia programming. Publications,RESEARCHPAPERS,How to write, publish, and review scientific papers in the early 21st Century,https://github.com/swcarpentry/modern-scientific-authoring, 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, Publications,OpenPortals,016-Mar-01 : Alan Edelman, Julia co-founder explains why _[Julia is a Fast Language for Numerical Computing,https://sinews.siam.org/DetailsPage/tabid/607/ArticleID/744/Julia-A-Fast-Language-for-Numerical-Computing.aspx)_, Publications,OpenPortals,GitXiv,http://gitxiv.com,Collaborative Open Computer Science Portal. The website code on [github](https://github.com/samim23/GitXiv). QA,[BlackBoxTesting](http://en.wikipedia.org/wiki/Black-box_testing),Digger.jl,https://github.com/MikeInnes/Digger.jl,Digger is a fuzz tester designed to fish bugs out of Dagger.jl QA,[BlackBoxTesting](http://en.wikipedia.org/wiki/Black-box_testing),Fuzz.jl,https://github.com/danluu/Fuzz.jl,A naive fuzzer that can generate bugs. QA,Debugging,DebuggingUtilities.jl,https://github.com/timholy/DebuggingUtilities.jl,Simple utilities for debugging julia code. QA,Debugging,RR.jl,https://github.com/Keno/RR.jl,Julia interface to mozilla's `rr`. QA,Timers,TimerOutputs.jl,https://github.com/KristofferC/TimerOutputs.jl,Formatted output of timed sections in julia. QA,[DocumentationDrivenDevelopment](http://collectiveidea.com/blog/archives/2014/04/21/on-documentation-driven-development/),Documenter.jl,https://github.com/JuliaDocs/Documenter.jl,A documentation generator for Julia. QA,[DocumentationDrivenDevelopment](http://collectiveidea.com/blog/archives/2014/04/21/on-documentation-driven-development/),Tuxedo.jl,https://github.com/milktrader/Tuxedo.jl,Dressing up your algorithms with documentation-driven development. QA,Resources,Making nice documentation,http://maurow.bitbucket.org/notes/documenting-a-julia-package.html) for a Julia Package, QA,LOGGING,Log4jl.jl,https://github.com/wildart/Log4jl.jl,A comprehensive and flexible logging framework for Julia programs. QA,LOGGING,Logging.jl,https://github.com/kmsquire/Logging.jl,The Logging module. QA,LOGGING,LogMover.jl,https://github.com/nkottary/LogMover.jl, QA,LOGGING,Lumberjack.jl,https://github.com/forio/Lumberjack.jl,A logging library by Westley Hennigh. QA,LOGGING,Stage.jl,https://github.com/saltpork/Stage.jl,has stage macros, checkpoints and loggers for Julia. QA,STATICANALYSIS,Lint.jl,https://github.com/tonyhffong/Lint.jl,A lint tool to hunt for imperfections and dodgy structures that could be improved for Julia code. QA,STATICANALYSIS,Quantity.jl,https://github.com/rephorm/Quantity.jl,Numbers with units. QA,STATICANALYSIS,StackTraces.jl,https://github.com/invenia/StackTraces.jl,Intuitive, useful stack traces for Julia. QA,UNITTEST,BaseTestDeprecated.jl,https://github.com/IainNZ/BaseTestDeprecated.jl,Provides the `Base.Test` functionality removed in `Julia v0.5`. QA,UNITTEST,CoverageBase.jl,https://github.com/timholy/CoverageBase.jl,Measuring internal test coverage of the Julia programming language. QA,UNITTEST,Coverage.jl,https://github.com/IainNZ/Coverage.jl,Take the Julia test coverage results and bundle them up in JSON - it processes a .jl file and its matching .cov file, tracking your Julia packages for test coverage and works with Coveralls, which integrates with TravisCI. QA,UNITTEST,Debug.jl,https://github.com/toivoh/Debug.jl,Prototype interactive debugger for Julia. QA,UNITTEST,FactCheck.jl,https://github.com/zachallaun/FactCheck.jl,Midje-like testing framework written for Julia. QA,UNITTEST,Fixtures.jl,https://github.com/burrowsa/Fixtures.jl,provides fixtures, mocks, matchers and patching to improve your tests with Julia. QA,UNITTEST,Jig.jl,https://github.com/milktrader/Jig.jl,Testing framework for Julia. QA,UNITTEST,JLTest,https://github.com/smangano/JLTest,A unittest framework for Julia (inspired by Python's unittest). QA,UNITTEST,JulieTest.jl,https://github.com/arypurnomoz/JulieTest.jl,A Julia testing framework inspired by javascript's Mocha. See the [Wiki](https://github.com/arypurnomoz/JulieTest.jl/wiki) QA,UNITTEST,microcoverage,https://github.com/StephenVavasis/microcoverage,This module computes code coverage for a Julia program at a more fine-grained level than the built-in coverage feature. Specifically, it provides coverage counts for each branch of the ||, && and ?: operators where they occur. It also counts the number of invocations to statement-functions. QA,UNITTEST,Mocking.jl,https://github.com/invenia/Mocking.jl) : Allows temporary overwriting of Julia methods for testing purposes, QA,UNITTEST,PackageTesting.jl,https://github.com/johnmyleswhite/PackageTesting.jl,A standard for testing Julia packages. QA,UNITTEST,RunTests.jl,https://github.com/burrowsa/RunTests.jl,A test running framework for Julia that extends Base.Test QA,UNITTEST,Saute.jl,https://github.com/milktrader/Saute.jl,is another testing framework for Julia. QA,UNITTEST,testfast.jl,https://github.com/Veraticus/testfast.jl,Automatically finds test files and runs them. QA,UNITTEST,UnitTest.jl,https://github.com/analyzere/UnitTest.jl,Another unit-testing library for Julia, that provides nose test style output to the command line and is capable of producing an junit compatible xml result file. Resources,COMMUNITY,julia-users,https://groups.google.com/forum/?fromgroups=#!forum/julia-users) : Community support for programming discussions, Resources,COMMUNITY,julia-dev,https://groups.google.com/forum/?fromgroups=#!forum/julia-dev) : For core development discussion, Resources,COMMUNITY,julia-jobs,https://groups.google.com/forum/#!forum/julia-jobs) : Post Julia jobs here, Resources,COMMUNITY,he official list of resources to [learn Julia,http://julialang.org/learning/), Resources,COMMUNITY,Julia page at Wikipedia,https://en.wikipedia.org/wiki/Julia_%28programming_language%29), Resources,COMMUNITY,Reddit,http://www.reddit.com/r/Julia/, Resources,COMMUNITY,Stackoverflow,http://stackoverflow.com/questions/tagged/julia-lang, Resources,COMMUNITY,Julialang news on Twitter,https://twitter.com/julialang_news, Resources,ContributingtoJuliacoredevelopment,Documentation bugs,https://github.com/JuliaLang/julia/issues?q=is%3Aopen+is%3Aissue+label%3Adoc), Resources,ContributingtoJuliacoredevelopment,he [up for grabs,https://github.com/JuliaLang/julia/labels/up%20for%20grabs) label on Github. _PS: Not all the bugs tagged thus are meant for newbies to programming_, Resources,ContributingtoJuliacoredevelopment,ainNZ lists [Ways to contribute to the Julia ecosystem,https://github.com/IainNZ/ContributeToJulia, Resources,ContributingtoJuliacoredevelopment,NEWS,https://github.com/JuliaLang/julia/blob/master/NEWS.md,Track the Julia release notes, changes, new language features, library improvements,... Resources,ContributingtoJuliacoredevelopment,ThisWeekInJulia,http://thisweekinjulia.github.io,A blog detailing major updates and changes to the Julia language. Resources,BOOKS,Learn Julia the Hard Way,https://github.com/chrisvoncsefalvay/learn-julia-the-hard-way), Resources,BOOKS,rends in Bayesian Methodology:: [Source code for _Hamiltonian Methods and Zero Variance Principle_ chapter of _Trends in Bayesian Methodology_,https://github.com/scidom/hmc_and_zv_book_chapter.jl) book, Resources,BOOKS,List of free programming books,https://github.com/vhf/free-programming-books, Resources,BOOKS,List of free software testing books,https://github.com/ligurio/free-software-testing-books, Resources,BLOGS,he official [Julia language blog,http://julialang.org/blog/, Resources,Blogs,hris Rackauckas [blog posts on Julia,http://www.stochasticlifestyle.com/), Resources,Blogs,Writing good Julia functions,http://doodlingindata.com/2015/08/11/writing-good-julia-functions/, Resources,Blogs,Julia Package Ecosystem Dependency Graphs,http://iaindunning.com/2014/pkg-deps.html) by Iain Dunning, Resources,Blogs,Values vs. Bindings: The Map is Not the Territory,http://www.johnmyleswhite.com/notebook/2014/09/06/values-vs-bindings-the-map-is-not-the-territory/, Resources,Blogs,Julia vs. Python: Monte Carlo Simulations of Bitcoin Options,http://rawrjustin.github.io/blog/2014/03/18/julia-vs-python-monte-carlo-simulations-of-bitcoin-options/, Resources,Blogs,Helpful Julia functions: help, methods, etc..,http://blog.leahhanson.us/julia-helps.html) by Leah Hanson, Resources,Blogs,sing [JuMP to Solve a TSP with Lazy Constraints,http://iaindunning.com/2013/mip-callback.html, Resources,Blogs,lasdair McAndrew blogs about investigating the [fitting of an SIR model of disease spread to an outbreak of influenza,https://amca01.wordpress.com/2014/01/08/meeting-julia/) at a boarding school, Resources,Blogs,Getting comfortable with the julia programming language,http://assoc.tumblr.com/post/70484963303/getting-comfortable-with-the-julia-programming-language, Resources,Blogs,Cool things you can do in Julia,http://assoc.tumblr.com/post/71454527084/cool-things-you-can-do-in-julia, Resources,Blogs,ow to [call Python libraries,http://blog.leahhanson.us/julia-calling-python-calling-julia.html) in Julia, Resources,Blogs,Exploratory-type functions/tools,http://blog.leahhanson.us/julia-helps.html, Resources,Blogs,nother opinion on [Julia first impressions,http://eyeballtrees.com/posts/julia-impressions.html, Resources,Blogs,Fun With Just-In-Time Compiling: Julia, Python, R and pqR,http://randyzwitch.com/python-pypy-julia-r-pqr-jit-just-in-time-compiler/) by @randyzwitch, Resources,Blogs,Tabular Data I/O in Julia,http://www.r-bloggers.com/tabular-data-io-in-julia/) by Randy Zwitch, Resources,Blogs,John Myles White recounts his JuliaCon experience,http://www.johnmyleswhite.com/notebook/2014/06/30/my-experience-at-juliacon/, Resources,Blogs,Julia at EuroSciPy 2014,https://github.com/stevengj/Julia-EuroSciPy14), Resources,Blogs,Julia Vs. R,https://github.com/johnmyleswhite/JuliaVsR, Resources,Blogs,Importing tabular data into Julia,http://www.r-bloggers.com/tabular-data-io-in-julia/) can be done in (at least) three ways: reading a delimited file into an array, reading a delimited file into a DataFrame and accessing databases using ODBC, Resources,CHEATSHEETS,Julia-cheatsheet.pdf,http://math.mit.edu/~stevenj/Julia-cheatsheet.pdf,StevenJ's Julia cheatsheet. Resources,CHEATSHEETS, [Julia Types,https://github.com/tanmaykm/julia_types) cheatsheet by Tanmay, Resources,CHEATSHEETS,Julia cheatsheet,http://bogumilkaminski.pl/files/julia_express.pdf) by Bogumil Kaminski, Resources,CHEATSHEETS,JuliaDocs,https://github.com/john9631/JuliaDocs,John Lynch's Julia and Gadfly Cheatsheets. Resources,CHEATSHEETS,Numeric (Julia) matrix manipulation,http://sebastianraschka.com/Articles/2014_matrix_cheatsheet.html#julia,The cheat sheet for MATLAB, Python NumPy, R, and Julia. Resources,CHEATSHEETS,Noteworthy Differences from other Languages,http://docs.julialang.org/en/release-0.3/manual/noteworthy-differences/, Resources,CHEATSHEETS,ohn Myles White compares the [Julia and _R_ language syntax,http://www.johnmyleswhite.com/notebook/2012/04/09/comparing-julia-and-rs-vocabularies/, Resources,CHEATSHEETS,Rosetta-Julia,https://github.com/quinnj/Rosetta-Julia,Rosetta Code task implementations for the Julia language. Resources,CHEATSHEETS,Keyboard shortcuts for the REPL,http://docs.julialang.org/en/latest/manual/interacting-with-julia/#key-bindings), Resources,CHEATSHEETS,Rationale behind @-sign for macro usage,https://stackoverflow.com/questions/29182447/why-do-julia-programmers-need-to-prefix-macros-with-the-at-sign, Resources,[JuliaCon](http://juliacon.org/),_Info__:: The annual Julia conference is a technical conference where community members from around the world come together to learn and share information about the latest trends and technologies in Julia development. The code running the website is at [juliacon.github.io,https://github.com/JuliaCon/juliacon.github.io), Resources,[JuliaCon](http://juliacon.org/),_CFP__:: [Registration page,http://juliacon.eventbrite.com/), Resources,Presentations,Presentations,https://github.com/JuliaCon/presentations) for JuliaCon, Resources,Presentations,JuliaCon Slides and Presentations,https://github.com/JuliaCon/presentations, Resources,Presentations,juliacon15,https://github.com/aviks/juliacon15,Notebooks on using GMP, calling Python/Ruby/Java from Julia, etc. Resources,Presentations,JuliaCon-2015,https://github.com/JuliaOpt/JuliaCon-2015,Notebooks and slides from the JuliaOpt workshop at JuliaCon 2015. Resources,Presentations,JuliaCon2015 by @simonster,https://github.com/simonster/JuliaCon2015,Slides from my presentations at JuliaCon 2015. Resources,Presentations,eah Hanson (@astrieanna) talks about _[How Julia Goes Fast,https://yow.eventer.com/yow-2014-1222/how-julia-goes-faster-by-leah-hanson-1694)_, the details of design and implementation choices that help Julia get good performance. YOW!, Australia, Dec/2014, Resources,Presentations,uroSciPy-2014 Video: [Crossing Language Barriers with Julia, SciPy, IPython,https://www.youtube.com/watch?v=jhlVHoeB05A&list=PLYx7XA2nY5GfavGAILg08spnrR7QWLimi) by Steven G. Johnson, Resources,Presentations,Introduction to Julia Internals,https://www.youtube.com/watch?v=osdeT-tWjzk) by Jeff Bezanson, Resources,Presentations,Moving Julia into Production,https://www.youtube.com/watch?v=eQ8-_Q67-2U) by Avik Sengupta, Resources,Presentations,Publishing Online Interactive Julia Models,https://www.youtube.com/watch?v=bV39IkeMCSY) by Michael Bean, Resources,Presentations,013 StrangeLoop conference video: Zach Allaun shows how to build a [functional and persistent vector, hash map, and set in Julia on top of the same data structure, and how to optimize the code for performance,http://www.infoq.com/presentations/julia-vectors-maps-sets), Resources,Presentations,ACM-SPLASH-2013,https://github.com/ViralBShah/julia-presentations/tree/master/SPLASH-2013,Stefan, Jeff, and Viral's talk. Resources,COOKBOOKS,Binary search in Julia,http://rosettacode.org/wiki/Binary_search#Julia, Resources,COOKBOOKS,Brainstorm.jl,https://github.com/Samayel/Brainstorm.jl,Project Euler and more. Resources,COOKBOOKS,Euler.jl,https://github.com/moon6pence/Euler.jl,Project Euler with julia language. Resources,COOKBOOKS, wikibooks page [Introducing Julia,https://en.wikibooks.org/wiki/Introducing_Julia), Resources,COOKBOOKS,julia-mit,https://github.com/stevengj/julia-mit,Tutorials and information on the Julia language for MIT numerical-computation courses. Resources,COOKBOOKS,JuliaTutorial.jl,https://github.com/abhi123link/JuliaTutorial.jl,The Julia Tutorial series. Resources,COOKBOOKS,lazysort.jl,https://gist.github.com/anj1/2fe551053c849f54677e,Lazy quicksort snippet. Resources,COOKBOOKS,Plotting Examples,https://gist.github.com/gizmaa/7214002, Resources,COOKBOOKS,Rosetta-Julia,https://github.com/quinnj/Rosetta-Julia,Rosetta Code tasks implemented in the Julia language. Resources,COOKBOOKS,Spark.jl,https://github.com/d9w/Spark.jl,Spark in Julia for MIT 6.824. Resources,GENERALRESOURCES,A curated list of awesome awesomeness,https://github.com/bayandin/awesome-awesomeness) - scroll down to the Julia section, Resources,GENERALRESOURCES,List of free online programming and CS courses,https://github.com/fffaraz/free-programming-courses), Resources,GENERALRESOURCES,LectureNotes,https://github.com/UWSEDS/LectureNotes,Lecture content for UW Software Engineering for Data Scientists. Resources,Asia-CHINA,Beijing,http://www.meetup.com/juliacn/) Julia Programming Language Meetup, Resources,Asia-CHINA,Shenzhen,2016,http://julialang.cn/meetup) Register for Julia Programming Language Meetup 2016 @ Shenzhen, Resources,Asia-CHINA,meetups in China,http://julialang.cn) more informations about Julia Programming Language Meetup in China, Resources,KA,Bangalore,http://www.meetup.com/Bangalore-JULIA-User-Group/) Julia User Group, Resources,Asia-JAPAN,Tokyo Julia User Group,http://juliatokyo.connpass.com/event/6891/, Resources,Europe-AUSTRIA,Vienna Julia Meetup Group,http://www.meetup.com/Vienna-Julia-Meetup), Resources,Europe-AUSTRIA,Talks and code for the Vienna Julia Meetups,https://github.com/rened/ViennaJuliaMeetup), Resources,[Baden-Württemberg]https://en.wikipedia.org/wiki/Baden-W%C3%BCrttemberg).,Tübingen Julia Users,http://www.meetup.com/Julia-Users-Germany/) group, Resources,Europe-IRELAND,Dublin Julia Programming Language Meetup,http://www.meetup.com/Dublin-Julia-Programming-Language-Meetup/), Resources,Europe-SWITZERLAND,Zurich Julia User Group,http://www.meetup.com/Zurich-Julia-User-Group/, Resources,Europe-UK,London Julia User Group,http://www.meetup.com/London-Julia-User-Group/, Resources,NorthAmerica-CANADA,Ottawa JUG,http://www.meetup.com/Ottawa-Julia-Meetup/), Ontario, Resources,NorthAmerica-CANADA,Vancouver JUG,http://www.meetup.com/Vancouver-Julia-Users/), British Columbia, Resources,NorthAmerica-MEXICO,JuliaLangEs,http://www.meetup.com/julialanges-mx/) - México, D.F, Resources,NorthAmerica-MEXICO,México City,http://www.meetup.com/julialang-mx/), Mexico, Resources,CA,Bay Area,http://www.meetup.com/Bay-Area-Julia-Users/) Julia Users Group, Resources,CA,Southern California,http://www.meetup.com/Southern-California-Julia-Users/) JUG, Resources,GA,Atlanta,http://www.meetup.com/Atlanta-Julia-Users-Group/) Julia Users Group, Resources,IL,Chicago,http://www.meetup.com/JuliaChicago/) Julia Meetup group, Resources,MA,Cambridge Area Julia Users Network (C.A.J.U.N.),http://www.meetup.com/julia-cajun/, Resources,NC,Triangle Julia Users,http://www.meetup.com/Triangle-Julia-Users/), Raleigh, Resources,NY,NYC,http://www.meetup.com/NYC-Julia-User-Group/) Julia User Group, Resources,WA,Seattle,http://www.meetup.com/Seattle-Julia-Users/) JUG, Resources,[Oceania](https://en.wikipedia.org/wiki/Oceania)-AUSTRALIA,Sydney JUG,http://www.meetup.com/Sydney-Julia-User-Group/, Resources,SouthAmerica-BRAZIL,Campinas,http://www.meetup.com/Campinas-Julia-Language-Meetup/) meetup group, Resources,SouthAmerica-BRAZIL,Rio de Janeiro,http://www.meetup.com/Rio-de-Janeiro-Julia-Meetup/) JUG, Resources,SouthAmerica-BRAZIL,Sao Paulo,http://www.meetup.com/Sao-Paulo-Julia-Meetup/) meetup group, Resources,JUPYTERNOTEBOOKS,ChicagoFed_workshop,https://github.com/QuantEcon/ChicagoFed_workshop,Workshop on scientific computing for economists with Python and Julia. Resources,JUPYTERNOTEBOOKS,JuliaWorkshop2015,https://github.com/arinbasu/JuliaWorkshop2015,Files for the Julia Workshop ANZStat Conference. Resources,JUPYTERNOTEBOOKS,ijulia-notebooks,https://github.com/jiahao/ijulia-notebooks,Demo-ready IJulia notebooks and [assorted IJulia notebooks](https://github.com/jiahao/ijulia-notebooks-assorted) in various stages of usefulness for public consumption. Resources,JUPYTERNOTEBOOKS,SSAI,https://github.com/simonbyrne/SSAI,Jupyter notebooks introducing you to scientific programming with Julia. Resources,JUPYTERNOTEBOOKS,Invitation to Julia,https://github.com/dpsanders/invitation_to_julia,A scientific computing introductory workshop on Julia at JuliaCon 2015. Resources,JUPYTERNOTEBOOKS,Fractals,http://nbviewer.ipython.org/url/beowulf.csail.mit.edu/18.337/fractals.ipynb) in Julia, Resources,JUPYTERNOTEBOOKS,Hands_on_julia,https://github.com/dpsanders/hands_on_julia/,A 2-day Julia workshop material , as Jupyter notebooks, for scientists by @dpsanders in Paris. Resources,JUPYTERNOTEBOOKS,learn-julia,https://github.com/aviks/learn-julia) : Another Julia Tutorial, Resources,JUPYTERNOTEBOOKS,A gallery of interesting Julia notebooks,https://github.com/ipython/ipython/wiki/A-gallery-of-interesting-IPython-Notebooks#julia), Resources,JUPYTERNOTEBOOKS,iap2014,https://github.com/JuliaX/iap2014,MIT IAP Class 2014: 18.S096 Introduction to Julia Computing. Resources,JUPYTERNOTEBOOKS,DataGotham.jl,https://github.com/johnmyleswhite/DataGotham.jl,IJulia Notebook with material for DataGotham-2013 tutorial on using Julia for data analysis. Resources,JUPYTERNOTEBOOKS,IJuliaNotebooks,https://github.com/JuliaX/IJuliaNotebooks,IJulia notebooks highlighting code features of Julia. Resources,JUPYTERNOTEBOOKS,IJulia PLEAC,https://github.com/catawbasam/IJulia_PLEAC,IJulia version of PLEAC - Programming Language Examples Alike Cookbook. Resources,JUPYTERNOTEBOOKS,A Julia Tutorial,http://julialang.org https://github.com/JuliaX/JuliaTutorial, Resources,JUPYTERNOTEBOOKS,JuliaHTML,https://github.com/ppalmes/JuliaHTML,@ppalmes Julia notebooks. Resources,JUPYTERNOTEBOOKS,100-julia-exercises,https://github.com/chezou/julia-100-exercises,@rougier's 100 numpy exercises as 100-julia-exercises. Resources,Media,Why the creators of the Julia programming language just launched a startup,http://venturebeat.com/2015/05/18/why-the-creators-of-the-julia-programming-language-just-launched-a-startup/), Resources,Media,013 : [Viral Shah's interview,http://analyticsindiamag.com/interview-viral-shah-co-creator-of-julia/, Resources,SLIDES,BAJU-WhatsNew,https://github.com/tkelman/BAJU-WhatsNew,Bay Area Julia Users talk from Oct 29th 2015. Resources,SLIDES,Setting up Julia for EE103,https://web.stanford.edu/class/ee103/slides/julia_ee103_slides.pdf) slides, Stanford, Resources,SLIDES,Matrices in Julia,http://stanford.edu/class/ee103/slides/julia_matrices_slides.pdf) slides, Stanford, Resources,SLIDES,SF.jl,https://github.com/johnmyleswhite/SF.jl,Slides for the SF Julia meetup. Resources,SLIDES,UCDavis.jl,https://github.com/johnmyleswhite/UCDavis.jl,Talk given at UC Davis on 27/Feb/2014. Resources,SLIDES,lides from a [data science meetup talk by Galen O'Neil,http://datascienceassn.org/content/2014-11-05-spark-gotchas-and-anti-patterns-julia-language) on Wednesday, 05/Nov/2014 at Broomfield, CO, USA, Resources,SLIDES,lides on [Modern Fortran & Julia,http://www.slideshare.net/krissiazawadzki/seminar-fortran-and-julia) by Krissia Zawadzki, Resources,SLIDES,Julia language slides,http://wiki.scinethpc.ca/wiki/images/7/71/Scinet_julia.pdf) by Mike Nolta, Resources,SLIDES,Julia introduction,https://github.com/projectbanana/projectbanana.github.io/tree/master/presentations/julia) by M. Schauer, Resources,SLIDES,arlos Becker's Julia presentation [comparing Julia with Matlab,https://sites.google.com/site/carlosbecker/a-few-notes), Resources,Slidesfrom[JuliaTokyomeetups](https://github.com/JuliaTokyo/julia-wakalang),JuliaTokyo second meetup slides,http://juliatokyo.connpass.com/event/8010/presentation/), Resources,TUTORIALS,algorithms.jl,https://github.com/cfusting/algorithms.jl,Algorithms in Julia. Resources,TUTORIALS,First Steps With Julia,https://www.kaggle.com/c/street-view-getting-started-with-julia), Resources,TUTORIALS,Julia3D-Demos,https://github.com/d2dev/Julia3D-Demos, Resources,TUTORIALS,julia-tutorial,https://github.com/JuliaLang/julia-tutorial,Julia Tutorial from MIT IAP 2013. Resources,TUTORIALS,JuliaByExample,http://www.scolvin.com/juliabyexample/,Collection of Julia language examples. [Source code on github](https://github.com/samuelcolvin/JuliaByExample). Resources,TUTORIALS,JuliaIntro.jl,https://github.com/scidom/JuliaIntro.jl,An Introduction to Julia (Tutorial and Toy Examples). Resources,TUTORIALS,Learn Julia in Y minutes,http://learnxinyminutes.com/docs/julia/), Resources,VIDEOS,ohn Myles White: [Julia’s Approach to Open Source Machine Learning,http://k4webcast.mediasite.com/Mediasite/Play/2529ebcb20794942874d5c277c5dcc981d), Resources,VIDEOS,yData-NYC2014 [Julia + Python = ♥,https://www.youtube.com/watch?v=PsjANO10KgM) talk by Stefan Karpinski, Resources,VIDEOS, video of [Spencer Lyon's talk on Julia,https://youtu.be/mHr-cEGqiuw?t=56m14s) at PyData NYC meetup, Resources,VIDEOS,2015-JuliaCon Videos,https://www.youtube.com/playlist?list=PLP8iPy9hna6Sdx4soiGrSefrmOPdUWixM, Resources,VIDEOS,lides for the [Optimization,http://iaindunning.com/talks/JuliaCon15JuliaOpt.pdf) talk, Server,FRAMEWORKS,genie,https://github.com/essenciary/genie,Eclectic web framework running on Julia. Server,FRAMEWORKS,Merly.jl,https://github.com/codeneomatrix/Merly.jl,A micro framework for web programming in Julia. Server,FRAMEWORKS,mvc-skeleton.jl,https://github.com/halla/mvc-skeleton.jl, Server,FRAMEWORKS,Pythia.jl,https://github.com/Keno/Pythia.jl,Julia wrappers for the Pythia event generator. Server,FRAMEWORKS,skeleton-webapp.jl,https://bitbucket.org/jocklawrie/skeleton-webapp.jl,This repo contains a simple self-contained web application written in Julia that data scientists can adapt to their own needs. Server,RoR,RoR_julia_eg,https://github.com/Ken-B/RoR_julia_eg,An example of Ruby on Rails (RoR) web app with Julia link through ZMQ. Server,Org-[OpenFisca](https://github.com/openfisca/),OpenFiscaWebApi.jl,https://github.com/openfisca/OpenFiscaWebApi.jl,A port of OpenFisca-Web-API to Julia. This is the web API for the OpenFisca website. Server,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, Server,Middleware,Mongrel2.jl,https://github.com/aviks/Mongrel2.jl,Mongrel2 handlers in Julia. Server,Middleware,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. Server,Middleware,ZMQ.jl,https://github.com/JuliaLang/ZMQ.jl,Julia interface to ZeroMQ. Server,Middleware,hread on building a [web app for enterprise risk management,https://groups.google.com/forum/#!topic/julia-users/umHiBwVLQ4g, Server,NETWORKING,Dates.jl,https://github.com/quinnj/Dates.jl,A Date and DateTime implementation for Julia. Server,NETWORKING,IPNets.jl,https://github.com/sbromberger/IPNets.jl,IPv4 / IPv6 network abstractions for Julia. Server,NETWORKING,Juliaflow,https://github.com/pchronz/juliaflow,A controller for software-defined networking (SDN) that implements the OpenFlow Controller Specification 1.0.0 Server,NETWORKING,LogParser.jl,https://github.com/randyzwitch/LogParser.jl,A package for parsing server logs. Currently, only server logs having the Apache Combined format are supported (although Apache Common may parse as well). Server,NETWORKING,Pcap.jl,https://github.com/cycloidgamma/Pcap.jl) by @cycloidgamm,Libpcap implementation for Julia language. Server,NETWORKING,Pcap.jl,https://github.com/r2dbg/Pcap.jl) by @r2db,Libpcap implementation for Julia language. Server,NETWORKING,StatsdClient.jl,https://github.com/forio/StatsdClient.jl,A simple Julia implementation of a statsd client. Server,NETWORKING,TimeZones.jl,https://github.com/quinnj/TimeZones.jl) : Olsen Timezone Database Access for the Julia Programming Language, Server,NETWORKING,UUID.jl,https://github.com/forio/UUID.jl,A universally unique identifier (UUID) is an identifier standard, are 128 bits long, and require no central registration process. Server,SECURITY,Etcd.jl,https://github.com/forio/Etcd.jl,A Julia Etcd client implementation. Server,SECURITY,MbedTLS,https://github.com/JuliaWeb/MbedTLS.jl,Wrapper around mbedtls, that is now preferred to GnuTLS in Julia. Server,SECURITY,GnuTLS.jl,https://github.com/JuliaWeb/GnuTLS.jl,Transport Level Security for Julia Streams provided by GnuTLS. Server,SECURITY,HttpServer.jl,https://github.com/JuliaLang/HttpServer.jl,a basic, non-blocking HTTP server in Julia. Server,SECURITY,OAuth.jl,https://github.com/randyzwitch/OAuth.jl,Pure Julia implementation of OAuth v1.0a. Server,SECURITY,SecureSessions.jl,https://github.com/JockLawrie/SecureSessions.jl,Secure sessions for web apps written in Julia. Server,SECURITY,wildcore.jl,https://github.com/codr4life/wildcore.jl/blob/master/pbkdf2.jl,A password hashing algorithm ported from of the Python implementation of PBKDF2. Server,TemplateEngines,Mustache.jl,https://github.com/jverzani/Mustache.jl) : Port of mustache.js to julia, Server,WEB,Biryani.jl,https://github.com/eraviart/Biryani.jl,A conversion and validation toolbox. Server,WEB,Curl.jl,https://github.com/forio/Curl.jl,A Julia HTTP curl library. Server,WEB,Escher.jl,http://escher-jl.org,Composable Web UIs in pure Julia. [Source code](https://github.com/shashi/Escher.jl). Server,WEB,GumboParser.jl,https://github.com/porterjamesj/Gumbo.jl,Julia wrapper around google's gumbo library for parsing HTML. Server,WEB,HTTP2.jl,https://github.com/sorpaas/HTTP2.jl,A HTTP2 support library for Julia. Server,WEB,JuliaWebServer,https://github.com/chzyer/JuliaWebServer,a webserver for julia. Server,WEB,Laurence.jl,https://github.com/mneudert/Laurence.jl, Server,WEB,Pages.jl,https://github.com/EricForgy/Pages.jl,A simple way to create and interact with web pages. Server,WEB,RestClient.jl,https://github.com/analyzere/RestClient.jl,A simple REST client for Julia. Server,WEB,Romeo.jl,https://github.com/mneudert/Romeo.jl,Another HTTP server to log requests, events, responses. Server,WEB,WebSocketClient.jl,https://github.com/dandeliondeathray/WebSocketClient.jl,A Julia package for client side WebSockets. Server,CSS,Cascadia.jl,https://github.com/Algocircle/Cascadia.jl,A CSS Selector library in Julia. Server,Email,Mandrill.jl,https://github.com/aviks/Mandrill.jl,Mandrill API in Julia. Server,Email,SMTPClient.jl,https://github.com/JuliaWeb/SMTPClient.jl,An SMTP client to send emails from Julia. Server,Org-[JuliaWeb](https://github.com/JuliaWeb),LibCURL.jl,https://github.com/JuliaWeb/LibCURL.jl,Thin Julia wrapper of libCURL Server,Org-[JuliaWeb](https://github.com/JuliaWeb),WebSockets.jl,https://github.com/JuliaWeb/WebSockets.jl,A WebSockets server library for Julia. Server,Org-[JuliaWeb](https://github.com/JuliaWeb),HttpCommon.jl,https://github.com/JuliaWeb/HttpCommon.jl,Provides types and helper functions for dealing with the HTTP protocol in Julia. Server,Org-[JuliaWeb](https://github.com/JuliaWeb),HTTPClient.jl,https://github.com/JuliaWeb/HTTPClient.jl):: Currently provides an HTTP Client based on libcur, Server,Org-[JuliaWeb](https://github.com/JuliaWeb),HttpParser.jl,https://github.com/JuliaWeb/HttpParser.jl,Julia wrapper for Joyent's http-parser. Server,Org-[JuliaWeb](https://github.com/JuliaWeb),Meddle.jl,https://github.com/JuliaWeb/Meddle.jl,is the middleware stack for use with HttpServer.jl. Server,Org-[JuliaWeb](https://github.com/JuliaWeb),Morsel.jl,https://github.com/JuliaLang/Morsel.jl,A Sintra-like micro framework for declaring routes and handling requests, built over HttpServer.jl and Meddle.jl. Server,Org-[JuliaWeb](https://github.com/JuliaWeb),Requests.jl,https://github.com/JuliaWeb/Requests.jl,HTTP client written in julia (depends on joyent/http-parser) for HTTP parsing. Server,Org-[JuliaWeb](https://github.com/JuliaWeb),URITemplate.jl,https://github.com/JuliaWeb/URITemplate.jl,This package provides URI Template interpolation by implementing (RFC 6570). Server,Org-[JuliaWeb](https://github.com/JuliaWeb),UAParser.jl,https://github.com/JuliaWeb/UAParser.jl,UAParser is a Julia port of ua-parser, which itself is a multi-language port of BrowserScope's user agent string parser. Server,Org-[JuliaWeb](https://github.com/JuliaWeb),URIParser.jl,https://github.com/JuliaWeb/URIParser.jl,Pure julia URI parser. Server,Org-[JuliaWeb](https://github.com/JuliaWeb),WWWClient.jl,https://github.com/JuliaWeb//WWWClient.jl,is a HTTP client written in julia, and depends on _joyent/http-parser_ for HTTP parsing. Server,[WIDE](https://en.wikipedia.org/wiki/Web_integrated_development_environment),JuliaWebRepl.jl,https://github.com/vtjnash/JuliaWebRepl.jl, Server,Org-[JunoLab](https://github.com/JunoLab/),Blink.jl,https://github.com/JunoLab/Blink.jl,A Julia API (a web-based GUI) for creating and working with browser windows, (currently) via Atom-Shell. Server,Org-[JunoLab](https://github.com/JunoLab/),CodeTools.jl,https://github.com/JunoLab/CodeTools.jl,A collection of tools for handling Julia code (evaluation, autocompletion etc.), designed to be used as a backend library for IDE support. Server,Org-[JunoLab](https://github.com/JunoLab/),DevTools.jl,https://github.com/JunoLab/DevTools.jl,Dev tools that uses the `Media.jl` display system. Server,Org-[JunoLab](https://github.com/JunoLab/),Hiccup.jl,https://github.com/JunoLab/Hiccup.jl,A super-simple library designed to make making HTML easy in Julia. It's heavily inspired by Clojure's Hiccup DSL. Server,Org-[JunoLab](https://github.com/JunoLab/),LNR.jl,https://github.com/JunoLab/LNR.jl,Line numbering reader. Server,Org-[JunoLab](https://github.com/JunoLab/),Media.jl,https://github.com/JunoLab/Media.jl,A display system which enables the user handle multiple input/output devices and decide what media types get displayed where. Server,Org-[JunoLab](https://github.com/JunoLab/),MethImp.jl,https://github.com/JunoLab/MethImp.jl,Method Importing. Server,Org-[JunoLab](https://github.com/JunoLab/),Mux.jl,https://github.com/JunoLab/Mux.jl,Middleware for Julia. Space-Science,Aeronautics,ices-desktop,https://github.com/abieler/ices-desktop), Space-Science,Aeronautics,Spice.jl,https://github.com/abieler/Spice.jl,NASA's SPICE observation geometry system. Space-Science,AstroLibs,Astro.jl,https://github.com/cormullion/Astro.jl,Jan Meeus astronomical formulas and some time/date code in Julia. Space-Science,AstroLibs,AstroLib.jl,https://github.com/JuliaAstro/AstroLib.jl,Bundle of small Space-Science,AstroLibs,Astrodynamics.jl,https://github.com/helgee/Astrodynamics.jl,An astrodynamics library in Julia. Space-Science,AstroLibs,CasaCore.jl,https://github.com/mweastwood/CasaCore.jl,A Julia wrapper of CasaCore. Space-Science,AstroLibs,Celeste.jl,https://github.com/jeff-regier/Celeste.jl,Scalable inference for a generative model of astronomical images. Space-Science,AstroLibs,Interplanetary.jl,https://github.com/crbinz/Interplanetary.jl,Functions for low-fidelity interplanetary navigation and guidance simulations. Space-Science,AstroLibs,Jadex.jl,https://github.com/autocorr/Jadex.jl,Julia port of RADEX. Space-Science,AstroLibs,JPLEphemeris.jl,https://github.com/helgee/JPLEphemeris.jl,The JPL Development Ephemerides are the results of simulations of the Solar System used for spacecraft navigation and astronomical purposes. Space-Science,AstroLibs,julia-astro,https://github.com/kbarbary/julia-astro,astronomy-related Julia code: skycoords.jl, dustmap.jl Space-Science,AstroLibs,Photometry.jl,https://github.com/kbarbary/Photometry.jl,Astronomical photometry library for Julia. Space-Science,AstroLibs,SDSS.jl,https://github.com/kbarbary/SDSS.jl,Collection of code snippets for querying and reading Sloan Digital Sky Survey data. Space-Science,AstroLibs,SGP4.jl,https://github.com/crbinz/SGP4.jl,Julia wrapper for the SGP4 satellite propagation model. Space-Science,AstroLibs,SkyCoords.jl,https://github.com/kbarbary/SkyCoords.jl,Astronomical coordinate systems in Julia. Space-Science,AstroLibs,WCS.jl,https://github.com/kbarbary/WCS.jl,Julia wrapper for wcstools library. Space-Science,AstroLibs,WCS.jl,https://github.com/nolta/WCS.jl,wcslib wrapper for Julia. Space-Science,AstroLibs,WCSLIB.jl,https://github.com/nolta/WCSLIB.jl,wcslib wrapper for Julia. Space-Science,Resources,ioa-julia-tutorials,https://github.com/swt30/ioa-julia-tutorials,An introductory Julia tutorial for the Institute of Astronomy, University of Cambridge Space-Science,Org-[JuliaAstro](https://JuliaAstro.github.io),Cosmology.jl,https://github.com/JuliaAstro/Cosmology.jl,Cosmology library for Julia. Space-Science,Org-[JuliaAstro](https://JuliaAstro.github.io),DustExtinction.jl,https://github.com/JuliaAstro/DustExtinction.jl,Models for the interstellar extinction due to dust. Space-Science,Org-[JuliaAstro](https://JuliaAstro.github.io),ERFA.jl,https://github.com/JuliaAstro/ERFA.jl,Julia wrapper for liberfa. Space-Science,Org-[JuliaAstro](https://JuliaAstro.github.io),WCS.jl,https://github.com/JuliaAstro/WCS.jl,Astronomical World Coordinate Systems library for Julia. Space-Science,AstronomicalImaging,FITSIO.jl,https://github.com/JuliaAstro/FITSIO.jl,Flexible Image Transport System (FITS) support for Julia. Statistics,Econometrics,copula.jl,https://github.com/floswald/copula.jl,Julia Copula package implements the gaussian AR1 copula. Statistics,Econometrics,DynamicFactorModels.jl,https://github.com/joidegn/DynamicFactorModels.jl,Dynamic Factor Models for Julia. Statistics,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. Statistics,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. Statistics,Econometrics,fund.jl,https://github.com/davidanthoff/fund.jl,An implementation of FUND in Julia. Statistics,Econometrics,GARCH.jl,https://github.com/AndreyKolev/GARCH.jl,Generalized Autoregressive Conditional Heteroskedastic (GARCH) models for Julia. Statistics,Econometrics,GrowthModels,https://github.com/NYUEcon/GrowthModels,This is a repository that contains solutions to many growth models that are of the same class. Statistics,Econometrics,Jconometrics.jl,https://github.com/adriantorrie/Jconometrics.jl,MATLAB to Julia port of Spatial Econometrics. Statistics,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. Statistics,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. Statistics,Econometrics,RuinProbability.jl,https://github.com/Hank-Qian/RuinProbability.jl,For calculating the ruin probability with real data under different claims models. Statistics,Finance,AssetMgmt.jl,https://github.com/cgroll/AssetMgmt.jl,Asset Management. Statistics,Finance,BigFinance.jl,https://github.com/jiahao/BigFinance.jl,Analysis of high frequency quantitative data. Statistics,Finance,lashcrash-ui,https://github.com/shashi/flashcrash-ui,UI for `BigFinance.jl`. Statistics,Finance,Bloomberg.jl,https://github.com/milktrader/Bloomberg.jl,Providing access to Bloomberg financial data in Julia. Statistics,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. Statistics,Finance,Currencies.jl,https://github.com/TotalVerb/Currencies.jl, Simple checked fixed-point currencies for Julia. Statistics,Finance,CTechCommon.jl,https://github.com/tbreloff/CTechCommon.jl,Some functionality to be shared among packages. {Usable: 4, Robust: 4, Active: 1} Statistics,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). Statistics,Finance,FinMarkets.jl,https://github.com/imanuelcostigan/FinMarkets.jl,Describe and model financial markets objects using Julia. Statistics,Finance,FinancialMarkets.jl,https://github.com/imanuelcostigan/FinancialMarkets.jl,Describe and model financial markets objects using Julia. Statistics,Finance,FRED.jl,https://github.com/joidegn/FRED.jl,Package to read from the St. Louis Federal Reserve Bank API. Statistics,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. Statistics,Finance,Ito.jl,https://github.com/aviks/Ito.jl,An open source toolkit for financial computing in Julia. Statistics,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_. Statistics,Finance,MarketStates.jl,https://github.com/milktrader/MarketStates.jl,Library of market states that aggregate market indicators to produce a market signal. Statistics,Finance,MCInsurance.jl,https://github.com/mkriele/MCInsurance.jl,This Julia package provides multi-period Monte Carlo simulations for life insurance. Statistics,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. Statistics,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. Statistics,Finance,Quandl.jl,https://github.com/milktrader/Quandl.jl,Julia api to Quandl open source financial, economic and social datasets. Statistics,Finance,RobHood.jl,https://github.com/cndesantana/RobHood.jl,Open platform to investigate markets. Statistics,Finance,SDE.jl,https://github.com/mschauer/SDE.jl,Simulation and inference for Ito processes and diffusions. Statistics,Finance,stockMonitor.jl,https://github.com/krthkj/stockMonitor.jl,A module which constantly collects and performs analyses the stock market. Statistics,Finance,TradingSystem.jl,https://github.com/milktrader/TradingSystem.jl,Quantitative trading framework in Julia. Statistics,Finance,WorldBankDataTd.jl,https://github.com/JuliaFinMetriX/WorldBankDataTd.jl,Accessing World Bank Data. Statistics,Finance,YStockData.jl,https://github.com/Algocircle/YStockData.jl,Fetch Data from Yahoo Finance. Statistics,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. Statistics,Org-[JuliaQuant](https://github.com/JuliaQuant),FinancialBlotter.jl,https://github.com/JuliaQuant/FinancialBlotter.jl,Financial Instruments and Accounting in Julia. Statistics,Org-[JuliaQuant](https://github.com/JuliaQuant),FinanceStats.jl,https://github.com/JuliaQuant/FinanceStats.jl,An experimental sandbox of functions that implement common statistical methods in finance. Statistics,Org-[JuliaQuant](https://github.com/JuliaQuant),Grist.jl,https://github.com/JuliaQuant/Grist.jl,Financial blotter. Statistics,Org-[JuliaQuant](https://github.com/JuliaQuant),Timestamps.jl,https://github.com/JuliaQuant/Timestamps.jl,Immutable timestamped values. Statistics,Org-[JuliaQuant](https://github.com/JuliaQuant),TradeModels.jl,https://github.com/JuliaQuant/TradeModels.jl,Modeling the allocation of resources to markets based on the restraints of objective functions. Statistics,Org-[JuliaQuant](https://github.com/JuliaQuant),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`. Statistics,Resources,QuantEcon.applications,https://github.com/QuantEcon/QuantEcon.applications,A repository that houses example code, applications and teaching material related to QuantEcon. Statistics,Resources,Self-Study Plan for Becoming a Quantitative Developer,http://www.quantstart.com/articles/Self-Study-Plan-for-Becoming-a-Quantitative-Developer, Statistics,Resources,log : [Julia introduction by Sébastien Villemot,http://econforge.github.io/posts/2014/juil./28/cef2014-julia/) at Computational in Economics and Finance (CEF) conference 2014 in Oslo, Statistics,DATASCIENCE,DataScienceBestPractices,https://github.com/AllenDowney/DataScienceBestPractices,Supporting code for a video series on best practices for exploratory data analysis. Statistics,OPERATIONSRESEARCH,CGRASP.jl,https://github.com/tautologico/CGRASP.jl,Continuous Greedy Randomized Adaptive Search Procedure (CGRASP), in Julia. Statistics,OPERATIONSRESEARCH,CSDP.jl,https://github.com/joehuchette/CSDP.jl,Julia wrapper for the CSDP semidefinite programming solver. Statistics,OPERATIONSRESEARCH,ConstraintProgramming.jl,https://github.com/dpsanders/ConstraintProgramming.jl, Calculates the feasible region for a set of real-valued inequalities with Julia. Statistics,OPERATIONSRESEARCH,CutPools.jl,https://github.com/joehuchette/CutPools.jl,Pools of cutting planes for JuMP models. Statistics,OPERATIONSRESEARCH,jlSimplex,https://github.com/mlubin/jlSimplex,Proof-of-concept implementation of the (dual) simplex algorithm for linear programming in Julia. Statistics,OPERATIONSRESEARCH,jobshop,https://github.com/stefan-k/jobshop,The Jobshop (Open Shop Scheduling Problem (OSSP)) problem is solved with evolutionary strategies in Julia. Statistics,OPERATIONSRESEARCH,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. Statistics,OPERATIONSRESEARCH,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. Statistics,OPERATIONSRESEARCH,Predictors.jl,https://github.com/dejakaymac/Predictors.jl, Statistics,OPERATIONSRESEARCH,Ranking.jl,https://github.com/johnmyleswhite/Ranking.jl,Tools for ranking in Julia. Statistics,OPERATIONSRESEARCH,RankStatistics.jl,https://github.com/korowjev/RankStatistics.jl,A package that implements rank-based statistics methods. Statistics,OPERATIONSRESEARCH,RationalSimplex.jl,https://github.com/IainNZ/RationalSimplex.jl,Pure Julia implementation of the simplex algorithm. Statistics,OPERATIONSRESEARCH,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. Statistics,OPERATIONSRESEARCH,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. Statistics,OPERATIONSRESEARCH,VRP,https://github.com/IainNZ/VRP,Vehicle Routing Problem (VRP) is a combinatorial optimization and integer programming problem. Statistics,Resources,ORSoftwareTools2014,https://github.com/IainNZ/ORSoftwareTools2014,This is the repository for code/examples/instructions for the MIT course 15.S60 _Software Tools for Operations Research_. Statistics,Resources,DG2012Tutorial.jl,https://github.com/johnmyleswhite/DG2012Tutorial.jl,Simple examples of SGD-style computations in Julia. Statistics,Optimization,AMPLMathProgInterface.jl,https://github.com/mlubin/AMPLMathProgInterface.jl,Wrapper for MathProgBase.jl {see the `JuliaOpt` section below}. Statistics,Optimization,AmplNLWriter.jl,https://github.com/JackDunnNZ/AmplNLWriter.jl, Julia interface to [AMPL-enabled solvers](http://ampl.com/products/solvers/all-solvers-for-ampl/). Statistics,Optimization,AutomotiveDrivingModels.jl,https://github.com/tawheeler/AutomotiveDrivingModels.jl,For car encounter models. Statistics,Optimization,BARON.jl,https://github.com/joehuchette/BARON.jl,A wrapper for the BARON mixed-integer nonlinear programming solver. Statistics,Optimization,BilinearJuMP.jl,https://github.com/IainNZ/BilinearJuMP.jl,A JuMP extension for bilinear optimization problems. Statistics,Optimization,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). Statistics,Optimization,BLOM.jl,https://github.com/tkelman/BLOM.jl,A Julia port of the Berkeley Library for Optimization Modeling (Work-In-Progress). Statistics,Optimization,ConicNonlinearBridge.jl,https://github.com/mlubin/ConicNonlinearBridge.jl,Wrapper to solve conic optimization problems with derivative-based nonlinear solvers. Statistics,Optimization,CPLEX.jl,https://github.com/joehuchette/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. Statistics,Optimization,DDUS.jl,https://github.com/vgupta1/DDUS.jl,Data-driven Uncertainty Sets for the JuMPeR framework. Statistics,Optimization,DReal.jl,https://github.com/zenna/DReal.jl,A Julia wrapper for Nonlinear SMT solving using the dReal SMT solver. Statistics,Optimization,ECOS.jl,https://github.com/jfsantos/ECOS.jl,Julia wrapper for the ECOS SOCP solver. Statistics,Optimization,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. Statistics,Optimization,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). Statistics,Optimization,julia-nlopt,https://github.com/MetalNinjas/julia-nlopt,NLopt bindings for julia. {__NB: Not maintained for the current Julia releases__}. Statistics,Optimization,JuMP.jl,https://github.com/IainNZ/JuMP.jl,Modelling language for Linear, Integer, and Quadratic Programming. Statistics,Optimization,JuMPSupplement,https://github.com/mlubin/JuMPSupplement,Repository containing supplementary materials and code for _JuMP: A Modeling Language for Mathematical Optimization_ by I. Dunning, J. Huchette, and M. Lubin. Statistics,Optimization,CMU-notebooks,https://github.com/joehuchette/CMU-notebooks,IJulia notebooks for the JuMP tutorial at CMU. Statistics,Optimization,JuMPeR.jl,https://github.com/IainNZ/JuMPeR.jl,Julia for Mathematical Programming (JuMP) extension for Robust optimization. Statistics,Optimization,JuMPTools.jl,https://github.com/IainNZ/JuMPTools.jl,Small helper functions for JuMP models. Statistics,Optimization,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. Statistics,Optimization,LinearResponseVariationalBayes.jl,https://github.com/rgiordan/LinearResponseVariationalBayes.jl,Julia tools for building simple variational Bayes models with JuMP. Statistics,Optimization,LossFuns.jl,https://github.com/lindahua/LossFuns.jl,An implementation of loss functions for empirical risk minimization. Statistics,Optimization,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. Statistics,Optimization,Mayday.jl,https://github.com/rdeits/Mayday.jl,Sums-of-Squares optimization in Julia, powered by JuMP Statistics,Optimization,Memoize.jl,https://github.com/simonster/Memoize.jl,Easy memoization for Julia. Statistics,Optimization,MOpt.jl,https://github.com/floswald/MOpt.jl,Parallel derivative-free Moment Optimization for Julia. Statistics,Optimization,Munkres.jl,https://github.com/FugroRoames/Munkres.jl,Munkres algorithm for the optimal assignment problem. Statistics,Optimization,NEOS.jl,https://github.com/odow/NEOS.jl,A Julia interface for the NEOS Optimisation Server. Statistics,Optimization,NLTester,https://github.com/IainNZ/NLTester,Code for benchmarks comparing AMPL, Julia, and YALMIP (MATLAB) for nonlinear modeling. Statistics,Optimization,pikaia.jl,https://github.com/tmeits/pikaia.jl,Genetic Algorithms (GA's). Statistics,Optimization,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. Statistics,Optimization,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) Statistics,Optimization,ProxAlgs.jl,https://github.com/ahwillia/ProxAlgs.jl,Proximal algorithms for optimization in Julia. Statistics,Optimization,Proximal.jl,https://github.com/johnmyleswhite/Proximal.jl,Translation of Parikh and Boyd code for proximal algorithms. Statistics,Optimization,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. Statistics,Optimization,QuickCheck.jl,https://github.com/pao/QuickCheck.jl,is listed in METADATA and based on QuickCheck specification-based randomized tester for Julia. Statistics,Optimization,scheduleCrew.jl,https://github.com/hugdiniz/scheduleCrew.jl), Statistics,Optimization,StructJuMP.jl,https://github.com/joehuchette/StructJuMP.jl,A block-structured optimization framework for JuMP. Statistics,Optimization,SCIP.jl,https://github.com/mlubin/SCIP.jl) by @mlubi,An optimization software for mixed-integer programs. Statistics,Optimization,SCIP.jl,https://github.com/ryanjoneil/SCIP.jl) by @ryanjonei,A Julia interface to the SCIP solver. Statistics,Optimization,SCS.jl,https://github.com/karanveerm/SCS.jl,Julia Wrapper for SCS (https://github.com/cvxgrp/scs). Statistics,Optimization,simplex.jl,https://github.com/davidagold/simplex.jl,Practice project program that performs the simplex algorithm. Statistics,Optimization,VinDsl.jl,https://github.com/jmxpearson/VinDsl.jl,A fast and furious domain-specific language for variational inference in Julia. Statistics,Optimization,Xpress.jl,https://github.com/joaquimg/Xpress.jl,A package under development according to the FICO optimizer manual. Statistics,[GeneticProgramming](https://en.wikipedia.org/wiki/Genetic_programming),CGP.jl,https://github.com/glesica/CGP.jl,Cartesian Genetic Programming (CGP) implemented in Julia. Statistics,[GeneticProgramming](https://en.wikipedia.org/wiki/Genetic_programming),GaussDCA.jl,https://github.com/carlobaldassi/GaussDCA.jl,Multivariate Gaussian Direct Coupling Analysis for residue contact prediction in protein families. Statistics,[GeneticProgramming](https://en.wikipedia.org/wiki/Genetic_programming),InformedDifferentialEvolution.jl,https://github.com/rened/InformedDifferentialEvolution.jl,Implementation of Differential Evolution with optional custom predictors. Statistics,[GeneticProgramming](https://en.wikipedia.org/wiki/Genetic_programming),ParallelGenocop.jl,https://github.com/display-none/ParallelGenocop.jl,Parallel implementation of Genocop - a genetic algorithm for numerical optimization problems with linear constraints. Statistics,[GeometricProgramming](https://en.wikipedia.org/wiki/Geometric_programming),JuGP.jl,https://github.com/mlubin/JuGP.jl,A prototype JuMP extension for geometric programming. Statistics,Org-[JuliaOpt](http://juliaopt.org/),Cbc.jl,https://github.com/JuliaOpt/Cbc.jl,Julia interface to the mixed-integer linear programming solver Cbc via the CoinMP C library. Statistics,Org-[JuliaOpt](http://juliaopt.org/),CoinOptServices.jl,https://github.com/JuliaOpt/CoinOptServices.jl, Julia interface to COIN-OR [Optimization Services](https://projects.coin-or.org/OS). Statistics,Org-[JuliaOpt](http://juliaopt.org/),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. It can use (nearly) any solver that complies with the MathProgBase interface, including Mosek, Gurobi, ECOS, SCS, and GLPK. Statistics,Org-[JuliaOpt](http://juliaopt.org/),GLPKMathProgInterface.jl,https://github.com/JuliaOpt/GLPKMathProgInterface.jl,Interface between the GLPK.jl wrapper and MathProgBase.jl. Statistics,Org-[JuliaOpt](http://juliaopt.org/),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). Statistics,Org-[JuliaOpt](http://juliaopt.org/),Ipopt.jl,https://github.com/JuliaOpt/Ipopt.jl,is a Julia interface to the Ipopt nonlinear solver. Statistics,Org-[JuliaOpt](http://juliaopt.org/),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. Statistics,Org-[JuliaOpt](http://juliaopt.org/),LsqFit.jl,https://github.com/JuliaOpt/LsqFit.jl,Simple curve fitting functionality from Optim.jl has been moved into its own package. Statistics,Org-[JuliaOpt](http://juliaopt.org/),MathProgBase.jl,https://github.com/JuliaOpt/MathProgBase.jl,Solver-independent functions (incl. linprog and mixintprog) and low-level interface for Mathematical Programming. Statistics,Org-[JuliaOpt](http://juliaopt.org/),Mosek.jl,https://github.com/JuliaOpt/Mosek.jl,Interface to the Mosek solver in Julia. Statistics,Org-[JuliaOpt](http://juliaopt.org/),NLopt.jl,https://github.com/JuliaOpt/NLopt.jl,Package to call the NLopt nonlinear-optimization library from the Julia language. Statistics,Org-[JuliaOpt](http://juliaopt.org/),Optim.jl,https://github.com/JuliaOpt/Optim.jl,A basic optimization algorithms implementation. Statistics,Org-JuliaOptimizers,AMD.jl,https://github.com/JuliaOptimizers/AMD.jl,Approximate Minimum Degree Ordering in Julia. Statistics,Org-JuliaOptimizers,ampl.jl,https://github.com/JuliaOptimizers/ampl.jl,Julia interface to the AMPL Solver Library (ASL). Statistics,Org-JuliaOptimizers,AmplNLReader.jl,https://github.com/JuliaOptimizers/AmplNLReader.jl,A Julia Interface to AMPL. Statistics,Org-JuliaOptimizers,CUTEst.jl,https://github.com/JuliaOptimizers/CUTEst.jl,Julia interface for CUTEst, a fork of [CUTEst.jl](https://github.com/lpoo/CUTEst.jl) by @lpoo. Statistics,Org-JuliaOptimizers,HSL.jl,https://github.com/JuliaOptimizers/HSL.jl,Julia interface to the HSL Mathematical Software Library. Statistics,Org-JuliaOptimizers,Krylov.jl,https://github.com/JuliaOptimizers/Krylov.jl,A Julia Basket of Hand-Picked Krylov Methods. Statistics,Org-JuliaOptimizers,LinearOperators.jl,https://github.com/JuliaOptimizers/LinearOperators.jl,Linear Operators for Julia. Statistics,Org-JuliaOptimizers,NLP.jl,https://github.com/JuliaOptimizers/NLP.jl,A Data Structure for Optimization Problems in Julia. Statistics,Org-JuliaOptimizers,NLPModels.jl,https://github.com/JuliaOptimizers/NLPModels.jl,An NLP Interface for JuMP Models. Statistics,[RegressionAnalysis](https://en.wikipedia.org/wiki/Compressed_sensing),BestSubsetRegression.jl,https://github.com/IainNZ/BestSubsetRegression.jl,Implements algorithms for the best subset regression problem in Julia. Statistics,[RegressionAnalysis](https://en.wikipedia.org/wiki/Compressed_sensing),FirthRegression.jl,https://github.com/simonster/FirthRegression.jl,Firth penalized logistic/Poisson regression. Statistics,[RegressionAnalysis](https://en.wikipedia.org/wiki/Compressed_sensing),FLSA.jl,https://github.com/EQt/FLSA.jl,Computing the Fused LASSO Signal Approximator. Statistics,[RegressionAnalysis](https://en.wikipedia.org/wiki/Compressed_sensing),HD.jl,https://github.com/mlakolar/HD.jl,High-dimensional tools. Statistics,[RegressionAnalysis](https://en.wikipedia.org/wiki/Compressed_sensing),Lasso.jl,https://github.com/simonster/Lasso.jl,Lasso solvers for linear and generalized linear models. Statistics,[RegressionAnalysis](https://en.wikipedia.org/wiki/Compressed_sensing),NonNegLeastSquares.jl,https://github.com/ahwillia/NonNegLeastSquares.jl,Some nonnegative least squares solvers in Julia. Statistics,[RegressionAnalysis](https://en.wikipedia.org/wiki/Compressed_sensing),OutOfSampleBootstrap.jl,https://github.com/grayclhn/OutOfSampleBootstrap.jl,Regression model validation (out-of-sample) statistics. Statistics,[RegressionAnalysis](https://en.wikipedia.org/wiki/Compressed_sensing),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. Statistics,[RegressionAnalysis](https://en.wikipedia.org/wiki/Compressed_sensing),Regression.jl,https://github.com/lindahua/Regression.jl,Algorithms for regression analysis (e.g. linear regression and logistic regression). Statistics,[RegressionAnalysis](https://en.wikipedia.org/wiki/Compressed_sensing),RegTools.jl,https://github.com/joemliang/RegTools.jl, A Julia package for assisting regression analysis. Statistics,Resources,juliaopt-notebooks,https://github.com/JuliaOpt/juliaopt-notebooks,A collection of IJulia notebooks related to optimization. Statistics,Resources,Slides of Iain Dunning's 2013 talk about the JuliaOpt collection of packages,https://docs.google.com/presentation/d/1FlHt245YxPXFwOHmxLYW1z5_QjdCYHVPjy5Zo12lx1I/edit?usp=sharing) at the Cambridge Area Julia Users Network Meetup, Statistics,STATISTICS,AdaGram.jl,https://github.com/sbos/AdaGram.jl,Adaptive Skip-gram implementation. Statistics,STATISTICS,AD_StatTest-julia,https://github.com/manuamador/AD_StatTest-julia,An implementation of the Anderson Darling statistical test for exponential or Rayleigh distributions in Julia. Statistics,STATISTICS,ASH.jl,https://github.com/joshday/ASH.jl,David Scott's Average Shifted Histogram density estimation. Statistics,STATISTICS,BasicSpace.jl,https://github.com/johnmyleswhite/BasicSpace.jl,A port of the R _basicspace_ package to Julia. Statistics,STATISTICS,Bootstrap.jl,https://github.com/julian-gehring/Bootstrap.jl,Bootstrapping is a widely applicable technique for statistical estimation, especially in the absence of closed-form solutions. Statistics,STATISTICS,Causality.jl,https://github.com/tfgit/Causality.jl,A Julia Package for Causal Inference. Statistics,STATISTICS,CauseMap.jl,https://github.com/cyrusmaher/CauseMap.jl,An implementation of Convergent Cross Mapping (CCM), a method for causal inference in non-linear dynamics systems, written in Julia. Statistics,STATISTICS,Civecm.jl,https://github.com/andreasnoackjensen/Civecm.jl,Cointegration in Vector Error Correction Models in Julia. Statistics,STATISTICS,ConditionalRandomFields.jl,https://github.com/jperla/ConditionalRandomFields.jl,Scalable Conditional Random Fields code for Julia. Statistics,STATISTICS,ConjugatePriors.jl,https://github.com/johnmyleswhite/ConjugatePriors.jl,Closed form expressions for conjugate priors in Julia. Statistics,STATISTICS,CRBM.jl,https://github.com/kzahedi/CRBM.jl,Conditional RBMs package. Statistics,STATISTICS,CrossDecomposition.jl,https://github.com/simonster/CrossDecomposition.jl,Canonical-Correlation Analysis (CCA). Statistics,STATISTICS,CTDE.jl,https://github.com/adolgert/CTDE.jl,Continuous time, discrete event system in Julia. Statistics,STATISTICS,CurveFit.jl,https://github.com/pjabardo/CurveFit.jl,Simple least squares and curve fitting functions. Statistics,STATISTICS,JointMoments.jl,https://github.com/tensorjack/JointMoments.jl,Tensors and statistics for joint central moments. Statistics,STATISTICS,DA.jl,https://github.com/trthatcher/DA.jl,A package for linear and quadratic regularized Discriminant Analysis. Statistics,STATISTICS,DH32StatsHelpers.jl,https://github.com/DanielHoffmann32/DH32StatsHelpers.jl,Auxiliary functions for statistical analyses. Statistics,STATISTICS,DiscriminantAnalysis.jl,https://github.com/johnmyleswhite/DiscriminantAnalysis.jl,Methods for discriminant analysis, in Julia. Statistics,STATISTICS,Divergences.jl,https://github.com/gragusa/Divergences.jl,A Julia package for evaluating divergences. Statistics,STATISTICS,DPMM.jl,https://github.com/sbos/DPMM.jl,Dirichlet Process Mixture Models in Julia. Statistics,STATISTICS,DirichletProcessMixtures.jl,https://github.com/sbos/DirichletProcessMixtures.jl,This package implements Dirichlet Process Mixture Models in Julia using variational inference for truncated stick-breaking representation of Dirichlet Process. Statistics,STATISTICS,Earth.jl,https://github.com/lendle/Earth.jl,is the wrapper for the stand-alone version of R's earth package. The [Earth package in R](http://cran.r-project.org/web/packages/earth/) for [Multivariate Adaptive Regression Splines](http://en.wikipedia.org/wiki/Multivariate_adaptive_regression_splines) (MARS), a form of regression analysis. Statistics,STATISTICS,FactorModels.jl,https://github.com/joidegn/FactorModels.jl,Factor models or diffusion index models. Statistics,STATISTICS,FeldtLib.jl,https://github.com/robertfeldt/FeldtLib.jl,Comparing two set of samples (empirical distributions)Baumgartner-Weis-Schindler statistic and tests. Statistics,STATISTICS,FixedEffectModels.jl,https://github.com/matthieugomez/fixedeffectmodels.jl,Linear models with instrumental variables and/or high dimensional fixed effects. Statistics,STATISTICS,Hotspot.jl,https://github.com/jzelner/Hotspot.jl,Hotspot modeling. Statistics,STATISTICS,HyperLogLog.jl,https://github.com/johnmyleswhite/HyperLogLog.jl,A simple HyperLogLog implementation in Julia. Statistics,STATISTICS,Isotonic.jl,https://github.com/ajtulloch/Isotonic.jl,This implements several algorithms for isotonic regression in Julia. Statistics,STATISTICS,ITC.jl,https://github.com/johnmyleswhite/ITC.jl,Code for modeling intertemporal choice in Julia. Statistics,STATISTICS,KernSmooth.jl,https://github.com/lendle/KernSmooth.jl,A direct port of the R package KernSmooth, (v2.23-10.), carrying an unlimited license. Statistics,STATISTICS,KLDivergence.jl,https://github.com/johnmyleswhite/KLDivergence.jl,KL-divergence estimation in Julia. Statistics,STATISTICS,LARS.jl,https://github.com/simonster/LARS.jl,Least angle regression. Statistics,STATISTICS,LowRankModels.jl,https://github.com/madeleineudell/LowRankModels.jl,A julia package for modeling and fitting generalized low rank models. Statistics,STATISTICS,ManifoldLearning.jl,https://github.com/wildart/ManifoldLearning.jl,A Julia package for manifold learning and non-linear dimensionality reduction. Statistics,STATISTICS,Documentation,http://manifoldlearningjl.readthedocs.org/en/latest/index.html, Statistics,STATISTICS,MixedModels.jl,https://github.com/dmbates/MixedModels.jl,A Julia package for fitting (statistical) mixed-effects models. Statistics,STATISTICS,MultivariateAnalysis.jl,https://github.com/lindahua/MultivariateAnalysis.jl,A Julia package for multivariate data analysis (e.g. dimension reduction). Statistics,STATISTICS,NaiveBayes.jl,https://github.com/nutsiepully/NaiveBayes.jl,Simple Naive Bayes implementation in Julia. Statistics,STATISTICS,NullableArrays.jl,https://github.com/johnmyleswhite/NullableArrays.jl,Prototype of the new JuliaStats NullableArrays package designed to replace DataArrays.jl. Statistics,STATISTICS,DesignSpace.jl,https://github.com/johnmyleswhite/DesignSpace.jl,Show part of the design space for NullableArrays. Statistics,STATISTICS,NURBS.jl,https://github.com/TheBB/NURBS.jl,A Julia package for manipulating NURBS objects (curves, surfaces, volumes, etc.). Statistics,STATISTICS,NHST.jl,https://github.com/johnmyleswhite/NHST.jl,Null hypothesis significance tests. Statistics,STATISTICS,OnlineStats.jl,https://github.com/joshday/OnlineStats.jl,Online algorithms for statistics. Statistics,STATISTICS,Pandas.jl,https://github.com/malmaud/Pandas.jl,A Julia front-end to Python's Pandas package. Statistics,STATISTICS,PowerLaws.jl,https://github.com/johnybx/PowerLaws.jl,A Julia package for power laws distributions according to the paper, [POWER-LAW DISTRIBUTIONS IN EMPIRICAL DATA](http://arxiv.org/pdf/0706.1062v2.pdf). Statistics,STATISTICS,PValueAdjust.jl,https://github.com/dirkschumacher/PValueAdjust.jl,P-value adjustment methods for multiple testing correction. Statistics,STATISTICS,QuantileRegression.jl,https://github.com/vincentarelbundock/QuantileRegression.jl,Quantile regression in the Julia language. Statistics,STATISTICS,Queries,https://github.com/carljv/Queries,Composable queries for Julia DataFrames. Statistics,STATISTICS,RandomProcesses.jl,https://github.com/johnmyleswhite/RandomProcesses.jl,Random processes (CRP, CRT) in Julia. Statistics,STATISTICS,RBM.jl,https://github.com/kzahedi/RBM.jl, Statistics,STATISTICS,Ridge.jl,https://github.com/johnmyleswhite/Ridge.jl,Ridge regression and classification. Statistics,STATISTICS,RunningStats.jl,https://github.com/johnmyleswhite/RunningStats.jl,Julia translation of John D. Cook's code for running moment statistics and univariate regressions. Statistics,STATISTICS,SDP.jl,https://github.com/trthatcher/SDP.jl) by @trthatche,Statistical Data Processing. Statistics,STATISTICS,SimpleRL.jl,https://github.com/johnmyleswhite/SimpleRL.jl,A bare-bones package for simulating RL models and estimating them from behavioral data. Statistics,STATISTICS,SpecialFunctions.jl,https://github.com/nolta/SpecialFunctions.jl,Functions for AMOS, a statistical software package for [structural equation modeling](http://en.wikipedia.org/wiki/Structural_equation_modeling), produced by SPSS. Statistics,STATISTICS,TopicModels.jl,https://github.com/slycoder/TopicModels.jl,TopicModels for Julia. Statistics,STATISTICS,VCOV.jl,https://github.com/gragusa/VCOV.jl,Build StatusHeteroskedasticity and Autocorrelation Consistent Covariance Matrix Estimation for Julia. Statistics,STATISTICS,VStatistic.jl,https://github.com/dostodabsi/VStatistic.jl,Implements the v-statistic, a measure that compares the estimation accuracy of the ordinary least squares estimator against a random benchmark. Statistics,Resources,StatsLearningByExample.jl,https://github.com/scidom/StatsLearningByExample.jl,Learn Julia via Examples. Statistics,Resources,Biostat 778,https://github.com/rdpeng/biostat778_notes,Advanced Statistical Computing. Statistics,Resources,DCStats.jl,https://github.com/johnmyleswhite/DCStats.jl,IJulia Notebooks that provide a brief introduction to Julia for statistical programming. Statistics,Resources,What’s Wrong with Statistics in Julia?,http://www.johnmyleswhite.com/notebook/2014/11/29/whats-wrong-with-statistics-in-julia/, Statistics,Org-[JuliaStats](https://JuliaStats.github.io),ConjugatePriors.jl,https://github.com/JuliaStats/ConjugatePriors.jl,A package to support conjugate prior distributions. Statistics,Org-[JuliaStats](https://JuliaStats.github.io),DataFrames.jl,https://github.com/JuliaStats/DataFrames.jl,A Library for working with tabular data in Julia. Statistics,Org-[JuliaStats](https://JuliaStats.github.io),DataArrays.jl,https://github.com/JuliaStats/DataArrays.jl,This package extends Julia by introducing data structures that can contain missing data. Statistics,Org-[JuliaStats](https://JuliaStats.github.io),DataFramesMeta.jl,https://github.com/JuliaStats/DataFramesMeta.jl,Metaprogramming tools for DataFrames. Statistics,Org-[JuliaStats](https://JuliaStats.github.io),DimensionalityReduction.jl,https://github.com/JuliaStats/DimensionalityReduction.jl,Methods for dimensionality reduction. Statistics,Org-[JuliaStats](https://JuliaStats.github.io),Distance.jl,https://github.com/JuliaStats/Distance.jl,A Julia package for evaluating distances(metrics) between vectors. Statistics,Org-[JuliaStats](https://JuliaStats.github.io),Distances.jl,https://github.com/JuliaStats/Distances.jl, A Julia package for evaluating distances(metrics) between vectors. Statistics,Org-[JuliaStats](https://JuliaStats.github.io),Distributions.jl,http://juliastats.github.io/Distributions.jl/index.html,The Distributions package. Statistics,Org-[JuliaStats](https://JuliaStats.github.io),GLM.jl,https://github.com/JuliaStats/GLM.jl,Linear models (LM's) and generalized linear models (GLM's) in Julia. Statistics,Org-[JuliaStats](https://JuliaStats.github.io),HypothesisTests.jl,https://github.com/JuliaStats/HypothesisTests.jl,T-tests, Wilcoxon rank sum (Mann-Whitney U), signed rank, and circular statistics in Julia. Statistics,Org-[JuliaStats](https://JuliaStats.github.io),MLBase.jl,https://github.com/JuliaStats/MLBase.jl,A set of functions to support the development of machine learning algorithms. Statistics,Org-[JuliaStats](https://JuliaStats.github.io),PGM.jl,https://github.com/JuliaStats/PGM.jl,A Julia framework for probabilistic graphical models. Statistics,Org-[JuliaStats](https://JuliaStats.github.io),Rmath.jl,https://github.com/JuliaStats/Rmath.jl,Archive of functions that emulate R's d-p-q-r functions for probability distributions. Statistics,Org-[JuliaStats](https://JuliaStats.github.io),RmathDist.jl,https://github.com/JuliaStats/RmathDist.jl,This package provides a julia interface to the distributions provided by the standalone Rmath library, which is part of the R project for statistical computing. Statistics,Org-[JuliaStats](https://JuliaStats.github.io),StatsBase.jl,https://github.com/JuliaStats/StatsBase.jl,The Stats meta-package for basic statistics functions for Julia. Statistics,Org-[JuliaStats](https://JuliaStats.github.io),StreamStats.jl,https://github.com/johnmyleswhite/StreamStats.jl,Compute statistics over data streams. Statistics,Org-[JuliaStats](https://JuliaStats.github.io),SVM.jl,https://github.com/JuliaStats/SVM.jl,Native Julia implementations of standard SVM algorithms. Statistics,ProbabilisticProgramming,MixtureModels.jl,https://github.com/lindahua/MixtureModels.jl,A Julia package for probabilistic mixture models. Statistics,ProbabilisticProgramming,OpenPP.jl,https://github.com/JuliaStats/OpenPP.jl,Open Source Probabilistic Programming in Julia. Statistics,ProbabilisticProgramming,pgm.jl,https://github.com/daydreamt/pgm.jl,Another probabilistic graphical model repo. Statistics,ProbabilisticProgramming,PGM0.jl,https://github.com/micklat/PGM0.jl,A bottom-up approach to probabilistic graphical models. Statistics,ProbabilisticProgramming,ProbabilisticModeling.jl,https://github.com/johnmyleswhite/ProbabilisticModeling.jl,A BUGS-like language for describing probabilistic models in Julia. Statistics,ProbabilisticProgramming,ProbTopicModels.jl,https://github.com/lindahua/ProbTopicModels.jl,Probabilistic topic models. Statistics,ProbabilisticProgramming,Rmath.jl,https://github.com/dmbates/Rmath.jl,Archive of functions that emulate R's d-p-q-r functions for probability distributions. Statistics,ProbabilisticProgramming,Sigma.jl,https://github.com/zenna/Sigma.jl,A probabilistic programming environment implemented in Julia that allows you to specify probabilistic models as normal programs, and perform inference. Statistics,ProbabilisticProgramming,Stan.jl,https://github.com/goedman/Stan.jl,Julia package for using [Stan](http://en.wikipedia.org/wiki/Stan_%28software%29), a probabilistic programming language for Bayesian inference written in C++, and licensed under the New BSD License. The Stan language is used to specify a Bayesian statistical model, which is an imperative declaration of the log probability density function. Statistics,ProbabilisticProgramming,Stochy.jl,https://github.com/null-a/Stochy.jl,Probabilistic Programming in Julia. Statistics,ProbabilisticProgramming,Turing.jl,https://github.com/LaurenceA/Turing.jl,A Turing complete probabilistic programming language embedded in Julia. Statistics,RESOURCES,NorvigProbability,https://github.com/getzdan/NorvigProbability,Julia translation of Peter Norvig's [Jupyter notebook](http://nbviewer.ipython.org/github/getzdan/NorvigProbability/blob/master/NorvigProbabilityNotebook.ipynb) on probability and related puzzles. Statistics,Bayesian,ABCAuction,https://github.com/mcreel/ABCAuction,Code for ABC, SMIL and CU-II estimation of a structural auction model. Statistics,Bayesian,ABCDistances.jl,https://github.com/dennisprangle/ABCDistances.jl,Performs approximate Bayesian computation (ABC) using various distance functions. Statistics,Bayesian,BayesianDataFusion.jl,https://github.com/jaak-s/BayesianDataFusion.jl,Implementation of data fusion methods. Statistics,Bayesian,BayesEstDiffusion.jl,https://github.com/mschauer/BayesEstDiffusion.jl,Code accompanying the paper Frank van der Meulen, Moritz Schauer: Bayesian estimation of discretely observed multi-dimensional diffusion processes using guided proposals : http://arxiv.org/abs/1406.4704 Statistics,Bayesian,BayesModels.jl,https://github.com/lindahua/BayesModels.jl,Tools and Building Blocks for Bayesian Modeling and Probabilistic Inference. Statistics,Bayesian,BayesNets.jl,https://github.com/sisl/BayesNets.jl,Bayesian Networks for Julia. Statistics,Bayesian,BIAS.jl,https://github.com/adham/BIAS.jl,Bayesian Inference At Scale. Statistics,Bayesian,BNP.jl,https://github.com/trappmartin/BNP.jl,Bayesian nonparametrics in Julia with some [documentation](http://bnpjl.readthedocs.org/en/latest/). Statistics,Bayesian,Bolstad2.jl,https://github.com/goedman/Bolstad2.jl,Julia functions from W.M. Bolstad's _Understanding Computational Bayesian Statistics_. Statistics,Bayesian,IdealPoints.jl,https://github.com/johnmyleswhite/IdealPoints.jl,Basic model fitting for N-d ideal points. {Tag: unofficial Non-etadata package}. Statistics,Bayesian,MCBN.jl,https://github.com/binarybana/MCBN.jl,Monte Carlo Bayesian averaging over Bayesian networks. Statistics,Bayesian,MiniNest.jl,https://github.com/iamed2/MiniNest.jl,Julia implementation of nested sampling examples. Statistics,Bayesian,NestedSampling.jl,https://github.com/kbarbary/NestedSampling.jl,Nested Sampling algorithms for Julia. Statistics,Bayesian,PortHamiltonian.jl,https://github.com/flavioluiz/PortHamiltonian.jl,Port-Hamiltonian systems in Julia. Statistics,Bayesian,VarBayes.jl,https://github.com/acetoline/VarBayes.jl,Variational Bayesian methods in Julia. Statistics,Gaussian,GP.jl,https://github.com/pschulam/GP.jl,Gaussian processes in Julia. Statistics,Gaussian,GaussianMixtures.jl,https://github.com/davidavdav/GaussianMixtures.jl,Julia modules for Gaussian Mixture Models. Statistics,Gaussian,GaussQuadrature.jl,https://github.com/billmclean/GaussQuadrature.jl,Another package that generates the points and weights of the Gauss quadrature rules. Statistics,Gaussian,GaussianProcesses.jl,https://github.com/johnmyleswhite/GaussianProcesses.jl,A port of the Gaussian Processes toolkit to Julia. Statistics,Gaussian,GaussianProcesses.jl,https://github.com/STOR-i/GaussianProcesses.jl,A Julia package for Gaussian Processes. Statistics,Gaussian,NaiveBayes.jl,https://github.com/johnmyleswhite/NaiveBayes.jl,The Gaussian Naive Bayes model in Julia. Statistics,Gaussian,Schauder.jl,https://github.com/mschauer/Schauder.jl,A graphical perspective on Gauss-Markov process priors and fast sparse Cholesky for hierarchically structured (generalized arrow) matrices. Statistics,[Models](https://en.wikipedia.org/wiki/Category:Model_selection),Mads.jl,https://github.com/madsjulia/Mads.jl,Model Analysis & Decision Support. https://madsjulia.lanl.gov Statistics,[MonteCarlo](https://en.wikipedia.org/wiki/Monte_Carlo_method)Method,Augur.jl,https://github.com/AugurProject/Augur.jl,Monte Carlo simulations, statistics and plotting tools for the Augur event consensus algorithm. Statistics,[MonteCarlo](https://en.wikipedia.org/wiki/Monte_Carlo_method)Method,Church.jl,https://github.com/LaurenceA/Church.jl,Perform MCMC inference in complex, and simple, probabilistic models. Statistics,[MonteCarlo](https://en.wikipedia.org/wiki/Monte_Carlo_method)Method,ClusterUtils.jl,https://github.com/pearcemc/ClusterUtils.jl,Message passing, control and display utilities for parallel and distributed computing. Statistics,[MonteCarlo](https://en.wikipedia.org/wiki/Monte_Carlo_method)Method,GeometricMCMC.jl,https://github.com/scidom/GeometricMCMC.jl,Geometric MCMC algorithms and zero-variance (ZV) Monte Carlo Bayesian routines. Statistics,[MonteCarlo](https://en.wikipedia.org/wiki/Monte_Carlo_method)Method,MCMC2.jl,https://github.com/johnmyleswhite/MCMC2.jl,Alternative MCMC package design demo. Statistics,[MonteCarlo](https://en.wikipedia.org/wiki/Monte_Carlo_method)Method,MCMCExampleRepository.jl,https://github.com/goedman/MCMCExampleRepository.jl,Repository for MCMC Julia examples. Statistics,[MonteCarlo](https://en.wikipedia.org/wiki/Monte_Carlo_method)Method,MCMCModels.jl,https://github.com/scidom/MCMCModels.jl,Scratch space for hosting temporarily current model specification for MCMC inference. Statistics,[MonteCarlo](https://en.wikipedia.org/wiki/Monte_Carlo_method)Method,SimpleMCMC.jl,https://github.com/fredo-dedup/SimpleMCMC.jl,Small framework for MCMC sampling and maximization on user-defined models. Statistics,Sampling,GeneralizedSampling.jl,https://github.com/robertdj/GeneralizedSampling.jl,Generalized Sampling in Julia Statistics,Sampling,Jackknife.jl,https://github.com/ararslan/Jackknife.jl,[Jackknife resampling](https://en.wikipedia.org/wiki/Jackknife_resampling) and estimation in Julia. Statistics,Sampling,JAGS.jl,https://github.com/olofsen/JAGS.jl,A Julia interface to JAGS, to provide a shared library as an interface between Julia and JAGS - Just another Gibbs sampler. Statistics,Sampling,Jags.jl,https://github.com/goedman/Jags.jl,Julia package for using Just another Gibbs sampler. Statistics,Sampling,Resampling.jl,https://github.com/johnmyleswhite/Resampling.jl,Tools for resampling data. Statistics,Sampling,Sampling.jl,https://github.com/JuliaStats/Sampling.jl,Basic sampling algorithms package, that provides algorithmic support to statistics-related packages, including [Distributions.jl](https://github.com/JuliaStats/Distributions.jl). Statistics,StatisticalTests,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. Statistics,StatisticalTests,StatTests.jl,https://github.com/i-kiwamu/StatTests.jl,[A set of statistical tests for Julia. Statistics,[TimeSeries](https://en.wikipedia.org/wiki/Time_series)Analysis,DependentBootstrap,https://github.com/colintbowers/DependentBootstrap.jl,A module that implements several varieties of the dependent statistical bootstrap as well as the corresponding block-length selection procedures. Statistics,[TimeSeries](https://en.wikipedia.org/wiki/Time_series)Analysis,DFA.jl,https://github.com/afternone/DFA.jl,Detrended fluctuation analysis in Julia. Statistics,[TimeSeries](https://en.wikipedia.org/wiki/Time_series)Analysis,julia_timeseries,https://github.com/ElOceanografo/julia_timeseries,Time-series analysis functions for Julia. Statistics,[TimeSeries](https://en.wikipedia.org/wiki/Time_series)Analysis,KernelDensity.jl,https://github.com/JuliaStats/KernelDensity.jl,Kernel density estimators that can handle univariate and bivariate data, but only continuous variables. Statistics,[TimeSeries](https://en.wikipedia.org/wiki/Time_series)Analysis,KernelEstimator.jl,https://github.com/panlanfeng/KernelEstimator.jl,The julia package for nonparametric density estimate and regression. Statistics,[TimeSeries](https://en.wikipedia.org/wiki/Time_series)Analysis,KernelStat,https://github.com/colintbowers/KernelStat.jl,A module for the Julia language for kernel-function based statistics. Statistics,[TimeSeries](https://en.wikipedia.org/wiki/Time_series)Analysis,MarketTechnicals.jl,https://github.com/JuliaQuant/MarketTechnicals.jl,Technical analysis of financial time series in Julia. Statistics,[TimeSeries](https://en.wikipedia.org/wiki/Time_series)Analysis,RARIMA,https://github.com/colintbowers/RARIMA.jl,An ARIMA (Autoregressive Integrated Moving Average) module for the Julia language that uses libraries from the R-language. Statistics,[TimeSeries](https://en.wikipedia.org/wiki/Time_series)Analysis,SmoothingKernels.jl,https://github.com/johnmyleswhite/SmoothingKernels.jl,Smoothing kernels for use in kernel regression and kernel density estimation. Statistics,[TimeSeries](https://en.wikipedia.org/wiki/Time_series)Analysis,Temporal.jl,https://github.com/dysonance/Temporal.jl,Flexible and efficient time series class & methods for the Julia language. Statistics,[TimeSeries](https://en.wikipedia.org/wiki/Time_series)Analysis,TimeModels.jl,https://github.com/JuliaStats/TimeModels.jl,Modeling time series in Julia. Statistics,[TimeSeries](https://en.wikipedia.org/wiki/Time_series)Analysis,TimeSeries.jl,https://github.com/JuliaStats/TimeSeries.jl,Time-series toolkit for Julia. Statistics,[TimeSeries](https://en.wikipedia.org/wiki/Time_series)Analysis,TimeSeriesRegressions.jl,https://github.com/andreasnoack/TimeSeriesRegressions.jl,Tools for working with regression based time series modelling. Statistics,[STOCHASTICS](https://en.wikipedia.org/wiki/Stochastic_process),DESPOT.jl,https://github.com/JuliaPOMDP/DESPOT.jl,Package implementing DESPOT POMDP solver for [POMDPs.jl](https://github.com/JuliaPOMDP/POMDPs.jl). Statistics,[STOCHASTICS](https://en.wikipedia.org/wiki/Stochastic_process),DSGE.jl,https://github.com/FRBNY-DSGE/DSGE.jl,The package implements the FRBNY DSGE model and provides general code to estimate many user-specified DSGE models with a [blog post](http://libertystreeteconomics.newyorkfed.org/2015/12/the-frbny-dsge-model-meets-julia.html) to announce the release. [Dynamic stochastic general equilibrium](https://en.wikipedia.org/wiki/Dynamic_stochastic_general_equilibrium) modeling (abbreviated as DSGE, SDGE or DGE) is a branch of applied general equilibrium theory that is influential in contemporary macroeconomics. Statistics,[STOCHASTICS](https://en.wikipedia.org/wiki/Stochastic_process),DSPsolver.jl,https://github.com/Argonne-National-Laboratory/DSPsolver.jl,This package provides an interface for using an open-source software package DSP for solving stochastic mixed-integer programming problems from the Julia language. Statistics,[STOCHASTICS](https://en.wikipedia.org/wiki/Stochastic_process),HJBFiniteDifference.jl,https://github.com/matthieugomez/HJBFiniteDifference.jl,Solve HJB equations through finite difference schemes. Statistics,[STOCHASTICS](https://en.wikipedia.org/wiki/Stochastic_process),JuMPStoch.jl,https://github.com/joehuchette/JuMPStoch.jl,A stochastic optimization framework for JuMP. Statistics,[STOCHASTICS](https://en.wikipedia.org/wiki/Stochastic_process),POMDPs.jl,https://github.com/JuliaPOMDP/POMDPs.jl,API for solving POMDPs in Julia). Statistics,[STOCHASTICS](https://en.wikipedia.org/wiki/Stochastic_process),POMDPToolbox.jl,https://github.com/JuliaPOMDP/POMDPToolbox.jl,Support tools for solving `POMDPs`. Statistics,[STOCHASTICS](https://en.wikipedia.org/wiki/Stochastic_process),SGDOptim.jl,https://github.com/lindahua/SGDOptim.jl,A julia package for Stochastic Gradient Descent. Statistics,[STOCHASTICS](https://en.wikipedia.org/wiki/Stochastic_process),SGD.jl,https://github.com/johnmyleswhite/SGD.jl,Fit models using SGD in Julia. Statistics,[STOCHASTICS](https://en.wikipedia.org/wiki/Stochastic_process),SGDDemo.jl,https://github.com/johnmyleswhite/SGDDemo.jl,Stochastic Gradient Descent (SGD) predictive models for large data sets in Julia. Statistics,[STOCHASTICS](https://en.wikipedia.org/wiki/Stochastic_process),SGD2.jl,https://github.com/johnmyleswhite/SGD2.jl,Stochastic gradient descent, a draft of new methods for SGD calculations. Statistics,[STOCHASTICS](https://en.wikipedia.org/wiki/Stochastic_process),SolveDSGE,https://github.com/RJDennis/SolveDSGE,The package contains a variety of methods for solving Dynamic Stochastic General Equilibrium (DSGE) models to first- or second-order accuracy. It will be of most interest to macro-economists, but others may find the routines for reordering the complex Schur form and the generalized complex Schur form useful. Statistics,[STOCHASTICS](https://en.wikipedia.org/wiki/Stochastic_process),StochasticSearch.jl,https://github.com/phrb/StochasticSearch.jl,Stochastic Local Search using Julia. Statistics,Cookbooks,Little Inference Book,https://github.com/bcaffo/LittleInferenceBook,A book for the coursera statistical inference class. Statistics,Cookbooks,Rational and Irrational Thought: The Thinking that IQ Tests Miss,http://www.scientificamerican.com/article/rational-and-irrational-thought-the-thinking-that-iq-tests-miss/, Statistics,Slides,Julia For R Programmers,http://www.stat.wisc.edu/~bates/JuliaForRProgrammers.pdf) by Douglas Bates, Statistics,Videos,Statistical Models in Julia,https://www.youtube.com/watch?v=v9Io-p_iymI) video by Douglas Bates (@dmbates), Super-Computing,ARM-CUDA,Build Julia on ARMv7 / Cortex A15 Samsung Chromebooks running Ubuntu Linux under Crouton,https://github.com/JuliaLang/julia/blob/master/README.arm.md), Super-Computing,ARM-CUDA,ulia binaries for ARM built on [Ubuntu-14.04,https://drive.google.com/open?id=0B0rXlkvSbIfhbWxOVllKUXc1RDA), Super-Computing,GPU,GPU-benchmarking,https://github.com/ranjanan/GPU-benchmarking,GPU benchmarking on Julia. Super-Computing,GPU,MXNet.jl,https://github.com/dmlc/MXNet.jl,The dmlc/mxnet Julia package that brings flexible and efficient GPU computing and state-of-art deep learning to Julia. Super-Computing,GPU,OpenCLBLAS.jl,https://github.com/mikhail-j/OpenCLBLAS.jl,OpenCL BLAS library wrapper for Julia with samples. Super-Computing,GPU,Titan.jl,https://github.com/malmaud/Titan.jl,Write GPU kernels using pure Julia. Super-Computing,Org-[JuliaGPU](https://github.com/JuliaGPU),AbstractGPUArray.jl,https://github.com/JuliaGPU/AbstractGPUArray.jl,An abstract interface for a GPU array, must be implemented by a back-end like OpenCL or OpenGL. Super-Computing,Org-[JuliaGPU](https://github.com/JuliaGPU),CLBLAS.jl,https://github.com/JuliaGPU/CLBLAS.jl,CLBLAS integration for Julia. Super-Computing,Org-[JuliaGPU](https://github.com/JuliaGPU),CUBLAS.jl,https://github.com/JuliaGPU/CUBLAS.jl,Julia interface to CUBLAS. Super-Computing,Org-[JuliaGPU](https://github.com/JuliaGPU),CUDA.jl,https://github.com/JuliaGPU/CUDA.jl,This package wraps key functions in CUDA Driver API. Super-Computing,Org-[JuliaGPU](https://github.com/JuliaGPU),CUDArt.jl,https://github.com/JuliaGPU/CUDArt.jl,Wrapper for CUDA runtime API. Super-Computing,Org-[JuliaGPU](https://github.com/JuliaGPU),CUDNN.jl,https://github.com/JuliaGPU/CUDNN.jl,Julia wrapper for the NVIDIA cuDNN GPU deep learning library. Super-Computing,Org-[JuliaGPU](https://github.com/JuliaGPU),CURAND.jl,https://github.com/JuliaGPU/CURAND.jl) : Wrapper for NVidia's cuRAND library, Super-Computing,Org-[JuliaGPU](https://github.com/JuliaGPU),HSA.jl,https://github.com/JuliaGPU/HSA.jl,Julia Bindings for the HSA Runtime. Super-Computing,Org-[JuliaGPU](https://github.com/JuliaGPU),julia-CuMatrix,https://github.com/stefan-k/julia-CuMatrix,CUDA Matrix library. Super-Computing,Org-[JuliaGPU](https://github.com/JuliaGPU),julia-kernels,https://github.com/toivoh/julia-kernels,A small suite of tools aimed at being able to write kernels in Julia, which could be executed on the CPU, or as GPU kernels. Super-Computing,Org-[JuliaGPU](https://github.com/JuliaGPU),MXNet.jl,https://github.com/dmlc/MXNet.jl,The dmlc/mxnet Julia package for flexible and efficient GPU computing and state-of-art deep learning in Julia. Super-Computing,Org-[JuliaGPU](https://github.com/JuliaGPU),OpenCL.jl,https://github.com/JuliaGPU/OpenCL.jl,OpenCL 1.2 Julia bindings - a cross platform parallel computation API for programming parallel devices, with implementations from AMD, Nvidia, Intel, and others, similar in scope to PyOpenCL. Super-Computing,Org-[JuliaGPU](https://github.com/JuliaGPU),UberSignals.jl,https://github.com/SimonDanisch/UberSignals.jl,Concept for a fast event signal system, using JIT and GPU acceleration, loosely inspired by Reactive.jl. Super-Computing,Resources,log post on [Compiling Julia for NVIDIA GPUs,http://blog.maleadt.net/2015/01/15/julia-cuda/, Super-Computing,BENCHMARKS,Benchmark.jl,https://github.com/johnmyleswhite/Benchmark.jl,A package for computing simple benchmarks, comparing functions and packages. Super-Computing,BENCHMARKS,Benchmarks.jl,https://github.com/johnmyleswhite/Benchmarks.jl) : A new benchmarking library for Julia, Super-Computing,BENCHMARKS,BenchmarkLite.jl,https://github.com/lindahua/BenchmarkLite.jl,A lightweight Julia package for simple performance benchmark. Super-Computing,BENCHMARKS,Notebook showing the usage of BenchmarkLite.jl,http://nbviewer.ipython.org/github/lindahua/BenchmarkLite.jl/blob/master/examples/mathfuns_benchmark.ipynb, Super-Computing,BENCHMARKS,ConicBenchmarkUtilities.jl,https://github.com/mlubin/ConicBenchmarkUtilities.jl,Julia utilities for the conic benchmark format. Super-Computing,BENCHMARKS,Criterion.jl,https://github.com/jakebolewski/Criterion.jl,A port of the Haskell's Criterion and Clojure's Criterium library to Julia, that runs benchmarks, analyzing the results using various statistical techniques. Super-Computing,BENCHMARKS,IProfile,https://github.com/timholy/IProfile.jl,Preferably, use [IProfile in Base packages](http://docs.julialang.org/en/latest/stdlib/profile/) to profile your code, which contains an __instrumenting profiler__ for the Julia language. And, [ReadTheDocs](http://julia.readthedocs.org/en/latest/stdlib/profile/) Super-Computing,BENCHMARKS,julia_qsortbenchmarks,https://github.com/illerucis/julia_qsortbenchmarks, Suggested improvements to Julia's Quicksort implementation. Super-Computing,BENCHMARKS,JuliaBenchmarks,https://github.com/kapiliitr/JuliaBenchmarks,Porting HPC Challenge benchmarks to Julia. Super-Computing,BENCHMARKS,PerfPlot.jl,https://github.com/weijianzhang/PerfPlot.jl,Performance Profile Plot. Super-Computing,BENCHMARKS,Perftests.jl,https://github.com/staticfloat/Perftests.jl,Base perftests for Julia. Super-Computing,BENCHMARKS,raytracer.jl,https://github.com/JuliaLang/julia/blob/master/test/perf/kernel/raytracer.jl,Raytracer in the Julia kernel and other [raytracer](https://github.com/jakebolewski/rays) packages. Super-Computing,BENCHMARKS,SimplexBenchmarks,https://github.com/mlubin/SimplexBenchmarks,Benchmarks comparing individual operations of the Simplex method for linear programming in Julia and other languages. Uses modified version of jlSimplex to generate data from real instances. Super-Computing,BENCHMARKS,SortPerf.jl,https://github.com/kmsquire/SortPerf.jl,Julia module to test the performance of sorting algorithms. Super-Computing,COMPILERS,Clang.jl,https://github.com/ihnorton/Clang.jl,Julia interface to libclang and C wrapper generator and its fork [CIndex.jl](https://github.com/vtjnash/CIndex.jl) to access the libclang interface of the LLVM Clang compiler. Super-Computing,COMPILERS,CompilerTools.jl,https://github.com/IntelLabs/CompilerTools.jl,The CompilerTools package, part of the High Performance Scripting project at Intel Labs. Super-Computing,COMPILERS,CompilerOptions.jl,https://github.com/sjkelly/CompilerOptions.jl,A Julia package for reading compiler options. Super-Computing,COMPILERS,Eglib.jl,https://github.com/ihnorton/Eglib.jl,Clang.jl wrapping example, C code from @kindlmann. Super-Computing,COMPILERS,JITTools.jl,https://github.com/Keno/JITTools.jl,Tools for working with in-memory object. Super-Computing,COMPILERS,julia-icc-travis,https://github.com/sunoru/julia-icc-travis,Build Julia using icc on the Travis CI. Super-Computing,COMPILERS,LLVM.jl,https://github.com/jakebolewski/LLVM.jl,A Julia package for LLVM. Super-Computing,COMPILERS,llvm-cbe,https://github.com/JuliaComputing/llvm-cbe,A resurrected LLVM C Backend, with improvements for Julia. Super-Computing,Preprocessor,Precompile.jl,https://github.com/JuliaLang/julia/blob/master/base/precompile.jl,Precompilation in Julia base, and its [documentation](http://docs.julialang.org/en/latest/stdlib/base/#Base.precompile) Super-Computing,Preprocessor,SnoopCompile.jl,https://github.com/timholy/SnoopCompile.jl,Make your packages work faster with more extensive precompilation - Spy on the JIT-compiler and learn which functions & types it's compiling. Super-Computing,Transpiler,Julia2C,https://github.com/IntelLabs/julia/tree/j2c,A source-to-source translator from Julia to C. This initial version converts basic Julia types and expressions into the corresponding C types and statements. Super-Computing,ComputerPerformance,ISPC.jl,https://github.com/damiendr/ISPC.jl,Tools to work with [ISPC](https://ispc.github.io/) in Julia. Super-Computing,CodeAnalyzer,IACA.jl,https://github.com/carnaval/IACA.jl,A wrapper around intel's arch code analyzer for Julia. Super-Computing,Time,CPUTime.jl,https://github.com/schmrlng/CPUTime.jl,Amodule for CPU timing. Super-Computing,Time,USERTime.jl,https://github.com/christianpeel/USERTime.jl,A Julia package for measuring elapsed user time. Super-Computing,[CONCURRENCY](https://en.wikipedia.org/wiki/Concurrency_%28computer_science%29),Actors.jl,https://github.com/daqcore/Actors.jl,An Actor Model implementation in Julia. Super-Computing,[DistributedComputing](https://en.wikipedia.org/wiki/Category:Distributed_computing),AWS.jl,https://github.com/amitmurthy/AWS.jl,supports the EC2 and S3 API's, letting you start and stop EC2 instances dynamically. Super-Computing,[DistributedComputing](https://en.wikipedia.org/wiki/Category:Distributed_computing),AWSCore.jl,https://github.com/samoconnor/AWSCore.jl,Amazon Web Services Core Functions and Types. Super-Computing,[DistributedComputing](https://en.wikipedia.org/wiki/Category:Distributed_computing),AWSS3.jl,https://github.com/samoconnor/AWSS3.jl,AWS S3 Simple Storage Service interface for Julia. Super-Computing,[DistributedComputing](https://en.wikipedia.org/wiki/Category:Distributed_computing),ChainedVectors.jl,https://github.com/tanmaykm/ChainedVectors.jl,Few utility types over Julia Vector type. Super-Computing,[DistributedComputing](https://en.wikipedia.org/wiki/Category:Distributed_computing),CloudArray.jl,https://github.com/gsd-ufal/CloudArray.jl,Easy big data programming in the cloud. Super-Computing,[DistributedComputing](https://en.wikipedia.org/wiki/Category:Distributed_computing),ClusterDicts.jl,https://github.com/amitmurthy/ClusterDicts.jl,Global and Distributed dictionaries for Julia. Super-Computing,[DistributedComputing](https://en.wikipedia.org/wiki/Category:Distributed_computing),Flume.jl,https://github.com/malmaud/Flume.jl,A port of the Google Flume Data-Parallel Pipeline system. Super-Computing,[DistributedComputing](https://en.wikipedia.org/wiki/Category:Distributed_computing),FunHPC.jl,https://github.com/eschnett/FunHPC.jl,Functional High-Performance Computing - A high-level API for distributed computing, implemented on top of MPI. Also on [Bitbucket](https://bitbucket.org/eschnett/funhpc.jl). Super-Computing,[DistributedComputing](https://en.wikipedia.org/wiki/Category:Distributed_computing),GCloud.jl,https://github.com/spencerlyon2/GCloud.jl,Tools for working with Google Compute engine via the cloud CLI. Super-Computing,[DistributedComputing](https://en.wikipedia.org/wiki/Category:Distributed_computing),HavenOnDemand.jl,https://github.com/richitmx/HavenOnDemand.jl,Julia package to access HPE Haven OnDemand API. Super-Computing,[DistributedComputing](https://en.wikipedia.org/wiki/Category:Distributed_computing),HPAT.jl,https://github.com/IntelLabs/HPAT.jl,High Performance Analytics Toolkit (HPAT) is a Julia-based framework for big data analytics on clusters. Super-Computing,[DistributedComputing](https://en.wikipedia.org/wiki/Category:Distributed_computing),OCAWS.jl,https://github.com/samoconnor/OCAWS.jl,An AWS library. Super-Computing,[DistributedComputing](https://en.wikipedia.org/wiki/Category:Distributed_computing),ParallelAccelerator.jl,https://github.com/IntelLabs/ParallelAccelerator.jl,The ParallelAccelerator package, part of the High Performance Scripting project at Intel Labs. Super-Computing,[DistributedComputing](https://en.wikipedia.org/wiki/Category:Distributed_computing),ParallelGLM.jl,https://github.com/dmbates/ParallelGLM.jl,Parallel fitting of GLMs using SharedArrays. Super-Computing,[DistributedComputing](https://en.wikipedia.org/wiki/Category:Distributed_computing),PTools.jl,https://github.com/amitmurthy/PTools.jl,A collection of utilities for parallel computing in Julia. Super-Computing,[DistributedComputing](https://en.wikipedia.org/wiki/Category:Distributed_computing),SGEArrays.jl,https://github.com/davidavdav/SGEArrays.jl,SGEArray implements a simple iterator in Julia to efficiently handle Sun Grid Engine task arrays. Super-Computing,GridComputing,IBFS.jl,https://github.com/eurika-kaiser/IBFS.jl,Grid simulation solver. Super-Computing,[JobScheduler](https://en.wikipedia.org/wiki/Job_scheduler),ClusterManagers.jl,https://github.com/JuliaLang/ClusterManagers.jl,Support for different clustering technologies. Super-Computing,[JobScheduler](https://en.wikipedia.org/wiki/Job_scheduler),Collectl.jl,https://github.com/ranjanan/Collectl.jl,Plotting information from Collectl in julia. Super-Computing,[JobScheduler](https://en.wikipedia.org/wiki/Job_scheduler),LCJC.jl,https://github.com/amitmurthy/LCJC.jl,Loosely Coupled Julia Clusters. Super-Computing,[JobScheduler](https://en.wikipedia.org/wiki/Job_scheduler),LoraMPI.jl,https://github.com/scidom/LoraMPI.jl,MPI Job Manager for Lora Parralel-Centric Runners. Super-Computing,[JobScheduler](https://en.wikipedia.org/wiki/Job_scheduler),MatlabCluster.jl,https://github.com/simonster/MatlabCluster.jl,Julia cluster manager for Matlab Job Scheduler. Super-Computing,[JobScheduler](https://en.wikipedia.org/wiki/Job_scheduler),Persist.jl,https://github.com/eschnett/Persist.jl,The package Persist allows running jobs independent of the Julia shell. Super-Computing,[JobScheduler](https://en.wikipedia.org/wiki/Job_scheduler),SimJulia.jl,https://github.com/BenLauwens/SimJulia.jl,A combined continuous time / discrete event process oriented simulation framework written in Julia inspired by the Simula library DISCO and the Python library SimPy. Super-Computing,[ParallelComputing](https://en.wikipedia.org/wiki/Category:Parallel_computing),ArrayFire.jl,https://github.com/hshindo/ArrayFire.jl) by @hshind,Julia bindings for ArrayFire. Super-Computing,[ParallelComputing](https://en.wikipedia.org/wiki/Category:Parallel_computing),ArrayFire.jl,https://github.com/JuliaComputing/ArrayFire.jl) by @JuliaComputin,Julia Wrapper for the ArrayFire library. Super-Computing,[ParallelComputing](https://en.wikipedia.org/wiki/Category:Parallel_computing),Dagger.jl,https://github.com/JuliaParallel/Dagger.jl,A framework for out-of-core and parallel computation and hierarchical Scheduling of DAG Structured Computations. Super-Computing,[ParallelComputing](https://en.wikipedia.org/wiki/Category:Parallel_computing),MT-Workloads,https://github.com/ranjanan/MT-Workloads,Multi-threaded workloads in Julia. Super-Computing,[SIMDComputing](https://en.wikipedia.org/wiki/Category:SIMD_computing),SIMD.jl,https://github.com/eschnett/SIMD.jl,Explicit SIMD vector operations for Julia. Super-Computing,[SIMDComputing](https://en.wikipedia.org/wiki/Category:SIMD_computing),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. Super-Computing,Org-[JuliaParallel](https://JuliaParallel.github.io),Blocks.jl,https://github.com/JuliaParallel/Blocks.jl,A framework to represent chunks of entities and parallel methods on them. Super-Computing,Org-[JuliaParallel](https://JuliaParallel.github.io),ClusterManagers.jl,https://github.com/JuliaParallel/ClusterManagers.jl,Support for different clustering technologies. Super-Computing,Org-[JuliaParallel](https://JuliaParallel.github.io),DistributedArrays.jl,https://github.com/JuliaParallel/DistributedArrays.jl,Distributed Arrays in Julia. Super-Computing,Org-[JuliaParallel](https://JuliaParallel.github.io),Elly.jl,https://github.com/JuliaParallel/Elly.jl,Hadoop HDFS and Yarn client. Super-Computing,Org-[JuliaParallel](https://JuliaParallel.github.io),HDFS.jl,https://github.com/JuliaParallel/HDFS.jl,An interface wrapper over the Hadoop HDFS library that wraps the HDFS C library libhdfs and provides APIs similar to Julia Filesystem APIs which can be used for direct access to HDFS files. Super-Computing,Org-[JuliaParallel](https://JuliaParallel.github.io),hwloc.jl,https://github.com/JuliaParallel/hwloc.jl,The Portable Hardware Locality (hwloc) package wraps the hwloc library to provide a portable abstraction (across OS, versions, architectures, ...) of the hierarchical topology of modern architectures, including NUMA memory nodes, sockets, shared caches, cores and simultaneous multithreading. Super-Computing,Org-[JuliaParallel](https://JuliaParallel.github.io),MessageUtils.jl,https://github.com/JuliaParallel/MessageUtils.jl,A collection of utilities for messaging. Super-Computing,Org-[JuliaParallel](https://JuliaParallel.github.io),MPI.jl,https://github.com/JuliaParallel/MPI.jl,A basic Julia wrapper for the portable message passing system Message Passing Interface (MPI). Super-Computing,Org-[JuliaParallel](https://JuliaParallel.github.io),JuliaMPIMonteCarlo,https://github.com/mcreel/JuliaMPIMonteCarlo,Illustrative examples using Julia and MPI to do Markov Chain Monte Carlo (MCMC) methods. Super-Computing,Org-[JuliaParallel](https://JuliaParallel.github.io),ScaLAPACK.jl,https://github.com/JuliaParallel/ScaLAPACK.jl,Scalable Linear Algebra PACKage. Super-Computing,Resources,JuliaCon2015_Workshop,https://github.com/JuliaParallel/JuliaCon2015_Workshop,Notebooks from the JuliaCon2015 Workshop. Super-Computing,Resources,Parallel Computing,http://docs.julialang.org/en/latest/manual/parallel-computing/, Super-Computing,Resources,How to use AWS EC2 machines via addprocs for parallel computing,http://docs.julialang.org/en/latest/stdlib/base/#parallel-computing), Super-Computing,Resources,Parallel and Distributed Computing with Julia,http://www.csd.uwo.ca/~moreno/cs2101a_moreno/Parallel_computing_with_Julia.pdf) by Marc Moreno Maza, for CS2101 at the University of Western Ontario, London, Ontario (Canada). Updated October 16, 2014, Super-Computing,Resources,ulia [installation and first steps,http://www.blog.juliaferraioli.com/2013/12/julia-on-google-compute-engine.html), Super-Computing,Resources,n example of [interfacing with the Cloud Datastore via JSON,http://www.blog.juliaferraioli.com/2014/01/julia-on-google-compute-engine-working.html, Super-Computing,Org-[JuliaLang](https://github.com/JuliaLang),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). 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,DOCUMENTATION,Doc.jl,https://github.com/dcarrera/Doc.jl,Daniel Carrera's modern documentation system for Julia. Utilities,DOCUMENTATION,Docile.jl,https://github.com/MichaelHatherly/Docile.jl,Experimental Julia package documentation system. Utilities,DOCUMENTATION,Doxygen,https://github.com/jiahao/julia/tree/cjh/doxygen,A branch providing support for documenting in Julia using Doxygen and doxyfilter.jl tools. Currently supports (incomplete) function signatures and caller/callee graphs but types and modules are not parsed. Link to Jihao's [Dropbox output of doxygen](https://www.dropbox.com/sh/u4ueu6t8keabftl/AAA4spkqRLpy-FxLS_f-FXlqa?dl=0). Utilities,DOCUMENTATION,Jocco,http://lcw.github.com/jocco/,is a simple literate-programming-style documentation generator for Julia. Utilities,DOCUMENTATION,Lexicon.jl,https://github.com/MichaelHatherly/Lexicon.jl,Julia package documentation generator that provides access to the documentation created by the @doc macro from Docile.jl. It allows querying of package documentation from the Julia REPL and building HTML documentation. Utilities,DOCUMENTATION,Markdown.jl,https://github.com/johnmyleswhite/Markdown.jl,Translate Markdown to HTML from Julia using Sundown. Utilities,DOCUMENTATION,Roxygen.jl,https://github.com/johnmyleswhite/Roxygen.jl,A Roxygen-like documentation package for automatically generating documentation from Julia source files. Utilities,DOCUMENTATION,sphinx-julia,https://github.com/bastikr/sphinx-julia,Documenting Julia projects with Sphinx. Utilities,DOCUMENTATION,Weave.jl,https://github.com/mpastell/Weave.jl,Scientific reports/literate programming for Julia. Utilities,GeSHI,Julia language file for GeSHI,https://github.com/john9631/JuliaDocs/blob/master/julia.php, Utilities,GUI,Canvas.jl,https://github.com/shashi/Canvas.jl,Composable UIs in Julia. Utilities,GUI,JGUI.jl,https://github.com/jverzani/JGUI.jl,Simplified interface for making GUI's in Julia. Utilities,GUI,JuliaTools.jl,https://github.com/tknopp/JuliaTools.jl,A toolkit for viewing Julia packages, modules, etc.... Utilities,GUI,PySide.jl,https://github.com/jverzani/PySide.jl,A julia interface for accessing Qt via PyCall and PySide. Utilities,GUI,QML.jl,https://github.com/barche/QML.jl,Small example for starting an interface to Qt5 QML. Utilities,GUI,Qt5.jl,https://github.com/tbreloff/Qt5.jl,A wrapper around C++ library `Qt5`. {Usable: 1, Robust: 1, Active: 1} Utilities,GUI,Table.jl,https://github.com/cpritcha/Table.jl,Display Tables in plain text, HTML, LaTex. Utilities,GUI,Tealeaf.jl,https://github.com/rennis250/Tealeaf.jl,A simple GUI package for Julia that is based on Processing.jl and Reactive.jl. Utilities,GUI,Tk.jl,https://github.com/JuliaLang/Tk.jl,The Julia interface for the Tk windowing toolkit. Utilities,GUI,XClipboard.jl,https://github.com/kmsquire/XClipboard.jl,Xlib clipboard bindings to drag and drop in X11(X-Window System for bitmap displays). Utilities,GTK,GI.jl,https://github.com/bfredl/GI.jl,Julia bindings using libgobject-introspection. Utilities,GTK,Gtk.jl,https://github.com/JuliaLang/Gtk.jl,Julia interface to the GTK windowing toolkit. Utilities,GTK,GtkApps.jl,https://github.com/tknopp/GtkApps.jl,GTK Apps by @tknopp. Utilities,GTK,GtkInteract.jl,https://github.com/jverzani/GtkInteract.jl,Part of Interact.jl functionality with Gtk. Utilities,IDE,BlinkEditor.jl,https://github.com/EricForgy/BlinkEditor.jl,A simple Blink editor based on Mike Innes' JuliaCon 2015 presentation. Utilities,IDE,jEdit-julia,https://github.com/tuckerkevin/jedit-julia,A jEdit mode for Julia. Utilities,IDE,Jewel.jl,https://github.com/MikeInnes/Jewel.jl,is the Julia package which handles communication with Light Table for Jewel. Utilities,IDE,JuliaDT.jl,https://github.com/JuliaComputing/JuliaDT,Julia Development Toolkit for Eclipse. Utilities,IDE,julia-ide,https://github.com/malmaud/julia-ide,YAJI. Utilities,IDE,Julia-Studio,http://forio.com/products/julia-studio/,Julia Studio by Forio.com and [Tutorials for Julia-Studio](http://forio.com/products/julia-studio/tutorials/) and its [source on github](https://github.com/forio/julia-tutorials). Utilities,IDE,Julia.tmbundle,https://github.com/JuliaLang/Julia.tmbundle,Julia language support for TextMate 2 (and Sublime Text). Utilities,IDE,Julia-Vim,https://github.com/JuliaLang/julia-vim), Utilities,IDE,Julietta.jl,https://github.com/tknopp/Julietta.jl,An integrated developement environment (IDE) for the programming language Julia. Utilities,IDE,Juno-LT,https://github.com/MikeInnes/Juno-LT,A Julia environment built on Light Table. Utilities,IDE,Liclipse,http://brainwy.github.io/liclipse/,LiClipse, Eclipse plus some customizations, supports Julia. Utilities,IDE,Neovim.jl,https://github.com/bfredl/Neovim.jl) by @bfred,Neovim client for Julia. Utilities,IDE,Sublime-Julia,https://github.com/quinnj/Sublime-Julia,Sublime Syntax, Build, Snippets, and REPL for the Julia language. Utilities,IDE,JuliaCompletions,https://github.com/jakeconnor/JuliaCompletions,Make all of Julia's UTF-8 autocompletions available in Sublime Text. Utilities,IDE,vim-notebook,https://github.com/baruchel/vim-notebook,Vim users can use Julia from the `vim-notebook` plugin. Utilities,Atom,Atom.jl,https://github.com/JunoLab/Atom.jl,Julia Client for Atom. Utilities,Atom,atom-language-julia,https://github.com/JuliaLang/atom-language-julia,A Julia language support package for the Atom editor. Utilities,Atom,atom-julia-client,https://github.com/JunoLab/atom-julia-client,Julia Eval in Atom. Utilities,Atom,Electron.jl,https://github.com/jkroso/Electron.jl,Provides easy access to atom/electron from Julia. Utilities,Atom,Jude,https://github.com/jamesdanged/Jude,A set of [development extensions](https://atom.io/packages/jude) for Julia in the Atom editor to improve developer productivity. Currently, it provides `autocomplete` and `jump to definition`. Utilities,Atom,Juno-Bundle-for-Windows,https://github.com/YaoLuCNS/Juno-Bundle-for-Windows,This bundle uses PortableApps as a platform and combines AtomPortable, julia, Atom.jl, as well as other necessary plugins for julia in Atom. Utilities,Emacs,emacs-ess-julia.el,https://github.com/emacs-ess/ESS/blob/master/lisp/ess-julia.el,ESS support for julia language, includes font-lock, indentation, sending code to sub-process, interactive documentation, imenu, completion and eldoc. Utilities,Emacs,julia-emacs,https://github.com/JuliaLang/julia-emacs,Julia support in Emacs. Utilities,Org-[JuliaIDE](https://github.com/JuliaIDE),Jewel.jl,https://github.com/JuliaIDE/Jewel.jl,IDE backend for Julia. Utilities,Org-[JuliaIDE](https://github.com/JuliaIDE),Julia-LT,https://github.com/JuliaIDE/Julia-LT,Julia plugin for Light Table. Utilities,Org-[JuliaIDE](https://github.com/JuliaIDE),June-LT,https://github.com/JuliaIDE/June-LT,The June themes for Light Table. Utilities,Org-[JuliaIDE](https://github.com/JuliaIDE),JunoLTDistro,https://github.com/JuliaIDE/JunoLTDistro,Juno-LT Distribution & Installer. Utilities,Org-[JuliaIDE](https://github.com/JuliaIDE),Juno-LT,https://github.com/JuliaIDE/Juno-LT,A Julia environment built on Light Table. [JunoLab](http://junolab.org). Utilities,Org-[JuliaIDE](https://github.com/JuliaIDE),Reminisce,https://github.com/JuliaIDE/Reminisce,Sublime-style saving of tabs and content for Light Table. Utilities,[Jupyter](https://github.com/jupyter),Autoreload.jl,https://github.com/malmaud/Autoreload.jl,A package for autoreloading files for interactive work in IJulia - Modeled after IPython's autoreload extension, it will automatically reload any specified julia source files that have been modified. Utilities,[Jupyter](https://github.com/jupyter),Colaboratory,https://github.com/jupyter/colaboratory,Create and store notebooks in Google Drive and allow for collaborative editing of notebooks. Utilities,[Jupyter](https://github.com/jupyter),ErrorLineNumber.jl,https://github.com/StephenVavasis/ErrorLineNumber.jl,Address line number bug in Julia 0.4 error reporting. Utilities,[Jupyter](https://github.com/jupyter),Hydra.jl,https://github.com/Keno/Hydra.jl,Hosted Multi-user IJulia distribution. Utilities,[Jupyter](https://github.com/jupyter),IJuliaWidgets.jl,https://github.com/shashi/IJuliaWidgets.jl,Interactive widgets for IJulia. Utilities,[Jupyter](https://github.com/jupyter),Interact.jl,https://github.com/JuliaLang/Interact.jl,Library for interactive widgets in IJulia. Utilities,[Jupyter](https://github.com/jupyter),jlbox,https://github.com/compressed/jlbox,uses node.js to provide a mechanism for automatically reloading julia source and test files via gulp.js and a ZMQ socket. Utilities,[Jupyter](https://github.com/jupyter),Multiuser-server,https://github.com/jupyter/multiuser-server,Multi-user server for Jupyter notebooks. Utilities,[Jupyter](https://github.com/jupyter),NBInclude.jl,https://github.com/stevengj/NBInclude.jl,Import code from IJulia Jupyter notebooks into Julia programs. Utilities,[Jupyter](https://github.com/jupyter),Sublime-IJulia,https://github.com/quinnj/Sublime-IJulia,is an IJulia Frontend to run julia from within Sublime Text-3 through the IJulia backend. Utilities,[Jupyter](https://github.com/jupyter),WeavePynb.jl,https://github.com/jverzani/WeavePynb.jl,Simple package to convert markdown files to IJulia notebooks. Utilities,Resources,ow to create a [Custom IJulia Widget,http://nbviewer.ipython.org/urls/gist.githubusercontent.com/avrahamruderman/116845471f0d79942aff/raw/fb1f659e635f4585ebb449aa2519deffd15aba31/writing-custom-ijulia-widgets.ipynb, Utilities,Resources,Run Jupyterhub on a Supercomputer,http://zonca.github.io/2015/04/jupyterhub-hpc.html), Utilities,[WIDE](https://en.wikipedia.org/wiki/Web_integrated_development_environment),JuliaBox,http://www.juliabox.org/,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) and a [mailing list](https://groups.google.com/forum/#!topic/julia-box/) for discussions. Utilities,[WIDE](https://en.wikipedia.org/wiki/Web_integrated_development_environment),JuliaBoxUtils.jl,https://github.com/tanmaykm/JuliaBoxUtils.jl,JuliaBox utility methods. Utilities,[WIDE](https://en.wikipedia.org/wiki/Web_integrated_development_environment),Julia on the SageMath cloud server,https://cloud.sagemath.com), Utilities,[WIDE](https://en.wikipedia.org/wiki/Web_integrated_development_environment),koding,https://koding.com/Julia) has an interactive online Julia REPL, Utilities,[WIDE](https://en.wikipedia.org/wiki/Web_integrated_development_environment),CodeBunk,http://codebunk.com) supports Julia for collaborative screen-sharing on the cloud, 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,ist of commands that Sheehan Olver keeps around to remind himself how to [reinstall Julia/IPython Notbook/Matplotlib in OSX,https://github.com/dlfivefifty/SO.jl/blob/master/Julia%20installation.txt, Utilities,UTILS,Utils.jl,https://github.com/SimonDanisch/Utils.jl,Some utility functions by @SimonDanisch. 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,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,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,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,DocumentProcessors,ConfParser.jl,https://github.com/templarlabs/ConfParser.jl,Package for parsing configuration files utilizing ini, http, and simple configuration syntaxes. Utilities,DocumentProcessors,ExcelReaders.jl,https://github.com/davidanthoff/ExcelReaders.jl,A package that provides functionality to read Excel files. Utilities,DocumentProcessors,JuliaReport.jl,https://github.com/mpastell/JuliaReport.jl,A scientific report generator/literate programming tool for Julia based on Pweave and resembles Knitr and Sweave. JuliaReport relies on the Python package [Pweave](https://github.com/mpastell/Pweave) for document parsing and formatting. Utilities,DocumentProcessors,Taro.jl,https://github.com/aviks/Taro.jl,can process office documents in Julia. Utilities,LaTeX,LaTeX.jl,https://github.com/rened/LaTeX.jl,Create LaTeX documents from within Julia, including image handling. Utilities,LaTeX,LatexPrint.jl,https://github.com/scheinerman/LatexPrint.jl,Julia objects in a form suitable for LaTeX mathematics mode. Utilities,LaTeX,LaTeXStrings.jl,https://github.com/stevengj/LaTeXStrings.jl,This is a small package to make it easier to type LaTeX equations in string literals in the Julia language, written by Steven G. Johnson. Utilities,LaTeX,LaTeXTools.jl,https://github.com/jgoldfar/LaTeXTools.jl,Tools for automatic manipulation and management of LaTeX Documents. Utilities,DocumentGenerator,Judo.jl,https://github.com/dcjones/Judo.jl,is a Julia document generator, which takes documents written in pandoc markdown and converts them into html, but differs from general purpose markdown tools in a few ways. Utilities,DocumentGenerator,HelpTestbed.jl,https://github.com/tshort/HelpTestbed.jl,package is for exploring options for help when you add a Julia package - when used from the REPL, the @help macro fetches, say, the signature of a function call, which can be used to find the package. Utilities,DocumentGenerator,Publish.jl,https://github.com/dressel/Publish.jl,A package for publishing code - uses Latex to create a pdf with your code and output. Utilities,DocumentGenerator,Report.jl,https://github.com/sveme/Report.jl,A Markdown report writer 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,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/hlaaftana/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).