All entries.
Showing Items 121-140 of 676 on page 7 of 34: First Previous 2 3 4 5 6 7 8 9 10 11 12 Next Last

Logo libstb 1.8

by wbuntine - April 24, 2014, 09:02:17 CET [ Project Homepage BibTeX BibTeX for corresponding Paper Download ] 26262 views, 5796 downloads, 0 subscriptions

About: Generalised Stirling Numbers for Pitman-Yor Processes: this library provides ways of computing generalised 2nd-order Stirling numbers for Pitman-Yor and Dirichlet processes. Included is a tester and parameter optimiser. This accompanies Buntine and Hutter's article: http://arxiv.org/abs/1007.0296, and a series of papers by Buntine and students at NICTA and ANU.

Changes:

Moved repository to GitHub, and added thread support to use the main table lookups in multi-threaded code.


Logo figtree 0.9.2

by vmorariu - January 17, 2009, 00:13:32 CET [ Project Homepage BibTeX BibTeX for corresponding Paper Download ] 10446 views, 5770 downloads, 0 subscriptions

About: A library for fast computation of Gauss transforms in multiple dimensions, using the Improved Fast Gauss Transform and a tree data structure. This library is useful for efficient Kernel Density [...]

Changes:

Initial Announcement on mloss.org.


Logo PREA Personalized Recommendation Algorithms Toolkit 1.1

by srcw - September 1, 2012, 22:53:37 CET [ Project Homepage BibTeX Download ] 22499 views, 5737 downloads, 0 subscriptions

About: An open source Java software providing collaborative filtering algorithms.

Changes:

Initial Announcement on mloss.org.


Logo The Infinite Hidden Markov Model 0.5

by jvangael - July 21, 2010, 23:41:24 CET [ BibTeX BibTeX for corresponding Paper Download ] 33000 views, 5697 downloads, 0 subscriptions

About: An implementation of the infinite hidden Markov model.

Changes:

Since 0.4: Removed dependency from lightspeed (now using statistics toolbox). Updated to newer matlab versions.


Logo A Local and Parallel Computation Toolbox for Gaussian Process Regression 1.0

by cwpark - March 19, 2012, 17:21:28 CET [ Project Homepage BibTeX BibTeX for corresponding Paper Download ] 19431 views, 5678 downloads, 0 subscriptions

About: This local and parallel computation toolbox is the Octave and Matlab implementation of several localized Gaussian process regression methods: the domain decomposition method (Park et al., 2011, DDM), partial independent conditional (Snelson and Ghahramani, 2007, PIC), localized probabilistic regression (Urtasun and Darrell, 2008, LPR), and bagging for Gaussian process regression (Chen and Ren, 2009, BGP). Most of the localized regression methods can be applied for general machine learning problems although DDM is only applicable for spatial datasets. In addition, the GPLP provides two parallel computation versions of the domain decomposition method. The easiness of being parallelized is one of the advantages of the localized regression, and the two parallel implementations will provide a good guidance about how to materialize this advantage as software.

Changes:

Initial Announcement on mloss.org.


Logo MATLAB spectral clustering package 1.1

by wenyenc - February 4, 2010, 01:54:38 CET [ Project Homepage BibTeX BibTeX for corresponding Paper Download ] 30319 views, 5677 downloads, 0 subscriptions

Rating Whole StarWhole StarWhole StarWhole StarEmpty Star
(based on 2 votes)

About: A MATLAB spectral clustering package to deal with large data sets. Our tool can handle large data sets (200,000 RCV1 data) on a 4GB memory general machine. Spectral clustering algorithm has been [...]

Changes:
  • Add bib
  • Add code of nystrom without orthogonalization
  • Add accuracy quality measure
  • Add more running scripts

Logo Lua MapReduce v0.4.0

by pakozm - December 23, 2015, 09:32:11 CET [ Project Homepage BibTeX Download ] 25470 views, 5656 downloads, 0 subscriptions

About: Lua-MapReduce framework implemented in Lua using luamongo driver and MongoDB as storage. It follows Iterative MapReduce for training of Machine Learning statistical models.

Changes:
  • Updated to work with luamongo v0.5.0, which uses C++ driver legacy-1.1.0

Logo r-cran-LogicReg 1.5.3

by r-cran-robot - July 23, 2012, 00:00:00 CET [ Project Homepage BibTeX Download ] 25766 views, 5650 downloads, 0 subscriptions

About: Logic Regression

Changes:

Fetched by r-cran-robot on 2013-04-01 00:00:06.139495


Logo JMLR FastInf 1.0

by arielj - June 4, 2010, 14:04:37 CET [ Project Homepage BibTeX Download ] 16695 views, 5612 downloads, 0 subscriptions

About: The library is focused on implementation of propagation based approximate inference methods. Also implemented are a clique tree based exact inference, Gibbs sampling, and the mean field algorithm.

Changes:

Initial Announcement on mloss.org.


Logo Hivemall 0.3

by myui - March 13, 2015, 17:08:22 CET [ Project Homepage BibTeX BibTeX for corresponding Paper Download ] 27256 views, 5576 downloads, 0 subscriptions

About: Hivemall is a scalable machine learning library running on Hive/Hadoop.

Changes:
  • Supported Matrix Factorization
  • Added a support for TF-IDF computation
  • Supported AdaGrad/AdaDelta
  • Supported AdaGradRDA classification
  • Added normalization scheme

Logo Caffe 0.9999

by sergeyk - August 9, 2014, 01:57:58 CET [ Project Homepage BibTeX BibTeX for corresponding Paper Download ] 30104 views, 5487 downloads, 0 subscriptions

About: Caffe aims to provide computer vision scientists with a clean, modifiable implementation of state-of-the-art deep learning algorithms. We believe that Caffe is the fastest available GPU CNN implementation. Caffe also provides seamless switching between CPU and GPU, which allows one to train models with fast GPUs and then deploy them on non-GPU clusters. Even in CPU mode, computing predictions on an image takes only 20 ms (in batch mode).

Changes:

LOTS of stuff: https://github.com/BVLC/caffe/releases/tag/v0.9999


Logo r-cran-svmpath 0.952

by r-cran-robot - February 1, 2012, 00:00:11 CET [ Project Homepage BibTeX Download ] 25494 views, 5477 downloads, 0 subscriptions

About: svmpath

Changes:

Fetched by r-cran-robot on 2012-02-01 00:00:11.755984


Logo KReator 1.2.3198

by mthimm - December 23, 2010, 12:07:25 CET [ Project Homepage BibTeX BibTeX for corresponding Paper Download ] 26293 views, 5344 downloads, 0 subscriptions

About: KReator is an integrated development environment (IDE) for relational probabilistic knowledge representation languages. At the moment, KReator supports Bayesian Logic Programs (BLPs), Markov Logic Networks (MLNs), Relational Maximum Entropy (RME), Relational Bayesian Networks (RBN), and Probabilistic Prolog (ProbLog).

Changes:
  • several bugfixes
  • Beta version of ProbLog plugin
  • enhanced command completion in console
  • enhanced error messages for syntax errors
  • refactored logic libraries
  • added prettyprint function in console
  • added syntax highlighting for RBNs

Logo r-cran-ElemStatLearn 2015.6.26

by r-cran-robot - June 26, 2015, 00:00:00 CET [ Project Homepage BibTeX Download ] 24627 views, 5330 downloads, 0 subscriptions

About: Data Sets, Functions and Examples from the Book

Changes:

Fetched by r-cran-robot on 2018-01-01 00:00:07.925283


Logo SparklingGraph 0.0.7

by riomus - May 22, 2017, 15:29:28 CET [ Project Homepage BibTeX BibTeX for corresponding Paper Download ] 21132 views, 5256 downloads, 0 subscriptions

About: Large scale, distributed graph processing made easy.

Changes:

Graph partitioning methods APSP approximation method Performance improvements License change Bug fixes


Logo r-cran-hda 0.2-11

by r-cran-robot - February 17, 2013, 00:00:00 CET [ Project Homepage BibTeX Download ] 23778 views, 5248 downloads, 0 subscriptions

About: Heteroscedastic Discriminant Analysis

Changes:

Fetched by r-cran-robot on 2013-04-01 00:00:05.551691


Logo Optunity 1.1.1

by claesenm - September 30, 2015, 07:06:17 CET [ Project Homepage BibTeX BibTeX for corresponding Paper Download ] 24384 views, 5245 downloads, 0 subscriptions

About: Optunity is a library containing various optimizers for hyperparameter tuning. Hyperparameter tuning is a recurrent problem in many machine learning tasks, both supervised and unsupervised.This package provides several distinct approaches to solve such problems including some helpful facilities such as cross-validation and a plethora of score functions.

Changes:

This minor release has the same feature set as Optunity 1.1.0, but incorporates several bug fixes, mostly related to the specification of structured search spaces.


Logo HSSVM 1.0.1

by xjbean - June 8, 2010, 16:16:05 CET [ Project Homepage BibTeX BibTeX for corresponding Paper Download ] 26296 views, 5132 downloads, 0 subscriptions

Rating Whole StarWhole StarWhole StarWhole StarWhole Star
(based on 1 vote)

About: HSSVM is a software for solving multi-class problem using Hyper-sphere Support Vector Machines model, implemented by Java.

Changes:
  1. From this version, the version number is normalized to hssvm1.0.1;
  2. In this version, we delete the features about running parameter searching and run-all from Ant script, that is, commands "ant search-param" and "ant run-all" which exist in previous version are no longer available, and they are replaced with commands "svm search conf" and "svm runall conf", both of them are used on Linux(or all other POSIX systems).If you want to use this program on Windows, the cygwin is required to be installed.

Logo A Pattern Recognizer In Lua with ANNs v0.4.1

by pakozm - December 3, 2015, 15:01:36 CET [ Project Homepage BibTeX Download ] 23902 views, 5126 downloads, 0 subscriptions

About: APRIL-ANN toolkit (A Pattern Recognizer In Lua with Artificial Neural Networks). This toolkit incorporates ANN algorithms (as dropout, stacked denoising auto-encoders, convolutional neural networks), with other pattern recognition methods as hidden makov models (HMMs) among others.

Changes:
  • Updated home repository link to follow april-org github organization.
  • Improved serialize/deserialize functions, reimplemented all the serialization procedure.
  • Added exceptions support to LuaPkg and APRIL-ANN, allowing to capture C++ errors into Lua code.
  • Added set class.
  • Added series class.
  • Added data_frame class, similar to Python Pandas DataFrame.
  • Serialization and deserilization have been updated with more robust and reusable API, implemented in util.serialize() and util.deserialize() functions.
  • Added matrix.ext.broadcast utility (similar to broadcast in numpy).
  • Added ProbablisitcMatrixANNComponent, which allow to implement probabilistic mixtures of posteriors and/or likelihoods.
  • Added batch normalization ANN component.
  • Allowing matrix.join to add new axis.
  • Added methods prod(), cumsum() and cumprod() at matrix classes.
  • Added methods count_eq() and count_neq() at matrix classes.
  • Serializable objects API have been augmented with methods ctor_name() and
    ctor_params() in Lua, refered to luaCtorName() and luaCtorParams() in C++.
  • Added cast.to to dynamic cast C++ objects pushed into Lua, allowing to convert base class objects into any of its derived classes.
  • Added matrix.sparse as valid values for targets in ann.loss.mse and
    ann.loss.cross_entropy.
  • Changed matrix metamethods __index and __newindex, allowing to use
    matrix objects with standard Lua operator[].
  • Added matrix.masked_fill and matrix.masked_copy matrix.
  • Added matrix.indexed_fill and matrix.indexed_copy matrix.
  • Added ann.components.probabilistic_matrix, and its corresponding specializations ann.components.left_probabilistic_matrix and
    ann.components.right_probabilistic_matrix.
  • Added operator[] in the right side of matrix operations.
  • Added ann.components.transpose.
  • Added max_gradients_norm in traianble.supervised_trainer, to avoid gradients exploding.
  • Added ann.components.actf.sparse_logistic a logistic activation function with sparsity penalty.
  • Simplified math.add, math.sub, ... and other math extensions for reductions, their original behavior can be emulated by using bind function.
  • Added bind function to freeze any positional argument of any Lua function.
  • Function stats.boot uses multiple_unpack to allow a table of sizes and the generation of multiple index matrices.
  • Added multiple_unpack Lua function.
  • Added __tostring metamethod to numeric memory blocks in Lua.
  • Added dataset.token.sparse_matrix, a dataset which allow to traverse by rows a sparse matrix instance.
  • Added matrix.sparse.builders.dok, a builder which uses the Dictionary-of-Keys format to construct a sparse matrix from scratch.
  • Added method data to numeric matrix classes.
  • Added methods values, indices, first_index to sparse matrix class.
  • Fixed bugs when reading bad formed CSV files.
  • Fixed bugs at statistical distributions.
  • FloatRGB bug solved on equal (+=, -=, ...) operators. This bug affected ImageRGB operations such as resize.
  • Solved problems when chaining methods in Lua, some objects end to be garbage collected.
  • Improved support of strings in auto-completion (rlcompleter package).
  • Solved bug at SparseMatrix<T> when reading it from a file.
  • Solved bug in Image<T>::rotate90_cw methods.
  • Solved bug in SparseMatrix::toDense() method.

C/C++

  • Better LuaTable accessors, using [] operator.
  • Implementation of matrix __index, __newindex and __call metamethods in C++.
  • Implementation of matProd(), matCumSum() and matCumProd() functions.
  • Implementation of matCountEq() and matCountNeq() functions for
    Matrix<T>.
  • Updated matrix_ext_operations.h to change API of matrix operations. All functions have been overloaded to accept an in-place operation and another version which receives a destination matrix.
  • Adding iterators to language models.
  • Added MatrixScalarMap2 which receives as input2 a SparaseMatrix instance. This functions needs to be generalized to work with CPU and CUDA.
  • The method SparseMatrix<T>::fromDenseMatrix() uses a DOKBuilder object to build the sparse matrix.
  • The conversion of a Matrix<T> into a SparseMatrix<T> has been changed from a constructor overload to the static method
    SparseMatrix<T>::fromDenseMatrix().
  • Added support for IPyLua.
  • Optimized matrix access for confusion matrix.
  • Minor changes in class.lua.
  • Improved binding to avoid multiple object copies when pushing C++ objects.
  • Added Git commit hash and compilation time.

Logo MOSIS 0.55

by claasahl - March 9, 2014, 17:35:40 CET [ BibTeX Download ] 17066 views, 5111 downloads, 0 subscriptions

About: MOSIS is a modularized framework for signal processing, stream analysis, machine learning and stream mining applications.

Changes:
  • Move "flow"-related classes into package "de.claas.mosis.flow" (e.g. Node and Link).
  • Refined and improved "flow"-related tests (e.g. Iterator and Node tests).
  • Refactored tests for data formats (e.g. PlainText and JSON tests).
  • Added visitor design pattern for graph-based functions (e.g. initialization and processing).
  • Documented parameters of Processor implementations.

Showing Items 121-140 of 676 on page 7 of 34: First Previous 2 3 4 5 6 7 8 9 10 11 12 Next Last