mirror of
https://github.com/Ardour/ardour.git
synced 2025-12-06 06:44:57 +01:00
globally remove all trailing whitespace from ardour code base.
Paul Davis was responsible for introducing almost all of this.
This commit is contained in:
parent
297e80e020
commit
4dc63966f0
774 changed files with 7919 additions and 7919 deletions
|
|
@ -46,7 +46,7 @@ public:
|
|||
return *this;
|
||||
}
|
||||
virtual ~Window() { delete[] m_cache; }
|
||||
|
||||
|
||||
void cut(T *src) const { cut(src, src); }
|
||||
void cut(const T *src, T *dst) const {
|
||||
for (size_t i = 0; i < m_size; ++i) dst[i] = src[i] * m_cache[i];
|
||||
|
|
@ -59,7 +59,7 @@ protected:
|
|||
WindowType m_type;
|
||||
size_t m_size;
|
||||
T *m_cache;
|
||||
|
||||
|
||||
void encache();
|
||||
};
|
||||
|
||||
|
|
@ -78,40 +78,40 @@ void Window<T>::encache()
|
|||
mult[i] = mult[i] * 0.5;
|
||||
}
|
||||
break;
|
||||
|
||||
|
||||
case BartlettWindow:
|
||||
for (i = 0; i < n/2; ++i) {
|
||||
mult[i] = mult[i] * (i / T(n/2));
|
||||
mult[i + n/2] = mult[i + n/2] * (1.0 - (i / T(n/2)));
|
||||
}
|
||||
break;
|
||||
|
||||
|
||||
case HammingWindow:
|
||||
for (i = 0; i < n; ++i) {
|
||||
mult[i] = mult[i] * (0.54 - 0.46 * cos(2 * M_PI * i / n));
|
||||
}
|
||||
break;
|
||||
|
||||
|
||||
case HanningWindow:
|
||||
for (i = 0; i < n; ++i) {
|
||||
mult[i] = mult[i] * (0.50 - 0.50 * cos(2 * M_PI * i / n));
|
||||
}
|
||||
break;
|
||||
|
||||
|
||||
case BlackmanWindow:
|
||||
for (i = 0; i < n; ++i) {
|
||||
mult[i] = mult[i] * (0.42 - 0.50 * cos(2 * M_PI * i / n)
|
||||
+ 0.08 * cos(4 * M_PI * i / n));
|
||||
}
|
||||
break;
|
||||
|
||||
|
||||
case GaussianWindow:
|
||||
for (i = 0; i < n; ++i) {
|
||||
mult[i] = mult[i] * exp((-1.0 / (n*n)) * ((T(2*i) - n) *
|
||||
(T(2*i) - n)));
|
||||
}
|
||||
break;
|
||||
|
||||
|
||||
case ParzenWindow:
|
||||
for (i = 0; i < n; ++i) {
|
||||
mult[i] = mult[i] * (1.0 - fabs((T(2*i) - n) / T(n + 1)));
|
||||
|
|
|
|||
|
|
@ -47,15 +47,15 @@
|
|||
|
||||
#if !defined(_WIN32_WINNT) || (_WIN32_WINNT-0 < 0x0500)
|
||||
typedef enum {
|
||||
NameUnknown = 0,
|
||||
NameFullyQualifiedDN = 1,
|
||||
NameSamCompatible = 2,
|
||||
NameDisplay = 3,
|
||||
NameUniqueId = 6,
|
||||
NameCanonical = 7,
|
||||
NameUserPrincipal = 8,
|
||||
NameCanonicalEx = 9,
|
||||
NameServicePrincipal = 10,
|
||||
NameUnknown = 0,
|
||||
NameFullyQualifiedDN = 1,
|
||||
NameSamCompatible = 2,
|
||||
NameDisplay = 3,
|
||||
NameUniqueId = 6,
|
||||
NameCanonical = 7,
|
||||
NameUserPrincipal = 8,
|
||||
NameCanonicalEx = 9,
|
||||
NameServicePrincipal = 10,
|
||||
NameDnsDomain = 12
|
||||
} EXTENDED_NAME_FORMAT, *PEXTENDED_NAME_FORMAT;
|
||||
#endif
|
||||
|
|
|
|||
|
|
@ -29,7 +29,7 @@ struct ChromaConfig{
|
|||
MathUtilities::NormaliseType normalise;
|
||||
};
|
||||
|
||||
class Chromagram
|
||||
class Chromagram
|
||||
{
|
||||
|
||||
public:
|
||||
|
|
|
|||
|
|
@ -57,31 +57,31 @@ public:
|
|||
|
||||
private:
|
||||
/* Filter bank parameters */
|
||||
double lowestFrequency;
|
||||
int linearFilters;
|
||||
double lowestFrequency;
|
||||
int linearFilters;
|
||||
double linearSpacing;
|
||||
int logFilters;
|
||||
double logSpacing;
|
||||
|
||||
|
||||
/* FFT length */
|
||||
int fftSize;
|
||||
|
||||
|
||||
int totalFilters;
|
||||
double logPower;
|
||||
|
||||
|
||||
/* Misc. */
|
||||
int samplingRate;
|
||||
int nceps;
|
||||
|
||||
|
||||
/* MFCC vector */
|
||||
double *ceps;
|
||||
|
||||
|
||||
double **mfccDCTMatrix;
|
||||
double **mfccFilterWeights;
|
||||
|
||||
|
||||
/* The analysis window */
|
||||
Window<double> *window;
|
||||
|
||||
|
||||
/* For the FFT */
|
||||
double *realOut;
|
||||
double *imagOut;
|
||||
|
|
|
|||
|
|
@ -37,7 +37,7 @@ struct DFConfig{
|
|||
double whiteningFloor; // if < 0, a sensible default will be used
|
||||
};
|
||||
|
||||
class DetectionFunction
|
||||
class DetectionFunction
|
||||
{
|
||||
public:
|
||||
double* getSpectrumMagnitude();
|
||||
|
|
@ -82,4 +82,4 @@ private:
|
|||
PhaseVocoder* m_phaseVoc; // Phase Vocoder
|
||||
};
|
||||
|
||||
#endif
|
||||
#endif
|
||||
|
|
|
|||
|
|
@ -51,7 +51,7 @@ struct PPickParams
|
|||
QFitThresh QuadThresh;
|
||||
};
|
||||
|
||||
class PeakPicking
|
||||
class PeakPicking
|
||||
{
|
||||
public:
|
||||
PeakPicking( PPickParams Config );
|
||||
|
|
|
|||
|
|
@ -18,7 +18,7 @@
|
|||
|
||||
class FFTReal;
|
||||
|
||||
class PhaseVocoder
|
||||
class PhaseVocoder
|
||||
{
|
||||
public:
|
||||
PhaseVocoder( unsigned int size );
|
||||
|
|
|
|||
|
|
@ -15,7 +15,7 @@
|
|||
#ifndef DECIMATOR_H
|
||||
#define DECIMATOR_H
|
||||
|
||||
class Decimator
|
||||
class Decimator
|
||||
{
|
||||
public:
|
||||
void process( const double* src, double* dst );
|
||||
|
|
@ -59,4 +59,4 @@ private:
|
|||
double* decBuffer;
|
||||
};
|
||||
|
||||
#endif //
|
||||
#endif //
|
||||
|
|
|
|||
|
|
@ -31,12 +31,12 @@ class ClusterMeltSegmenterParams
|
|||
// defaults are sensible for 11025Hz with 0.2 second hopsize
|
||||
{
|
||||
public:
|
||||
ClusterMeltSegmenterParams() :
|
||||
ClusterMeltSegmenterParams() :
|
||||
featureType(FEATURE_TYPE_CONSTQ),
|
||||
hopSize(0.2),
|
||||
windowSize(0.6),
|
||||
fmin(62),
|
||||
fmax(16000),
|
||||
fmax(16000),
|
||||
nbins(8),
|
||||
ncomponents(20),
|
||||
nHMMStates(40),
|
||||
|
|
@ -78,28 +78,28 @@ protected:
|
|||
|
||||
Window<double> *window;
|
||||
FFTReal *fft;
|
||||
ConstantQ* constq;
|
||||
ConstantQ* constq;
|
||||
MFCC* mfcc;
|
||||
model_t* model; // the HMM
|
||||
int* q; // the decoded HMM state sequence
|
||||
vector<vector<double> > histograms;
|
||||
|
||||
|
||||
feature_types featureType;
|
||||
double hopSize; // in seconds
|
||||
double windowSize; // in seconds
|
||||
|
||||
|
||||
// constant-Q parameters
|
||||
int fmin;
|
||||
int fmax;
|
||||
int nbins;
|
||||
int ncoeff;
|
||||
|
||||
|
||||
// PCA parameters
|
||||
int ncomponents;
|
||||
|
||||
|
||||
// HMM parameters
|
||||
int nHMMStates;
|
||||
|
||||
|
||||
// clustering parameters
|
||||
int nclusters;
|
||||
int histogramLength;
|
||||
|
|
|
|||
|
|
@ -52,7 +52,7 @@ public:
|
|||
virtual void segment() = 0; // call once all the features have been extracted
|
||||
virtual void segment(int m) = 0; // specify desired number of segment-types
|
||||
virtual void clear() { features.clear(); }
|
||||
const Segmentation& getSegmentation() const { return segmentation; }
|
||||
const Segmentation& getSegmentation() const { return segmentation; }
|
||||
protected:
|
||||
vector<vector<double> > features;
|
||||
Segmentation segmentation;
|
||||
|
|
|
|||
|
|
@ -160,7 +160,7 @@ void cluster_melt(double *h, int m, int n, double *Bsched, int t, int k, int l,
|
|||
for (j = 0; j < k; j++)
|
||||
mexPrintf("%d ", nc[i][j]);
|
||||
mexPrintf("\n");
|
||||
}
|
||||
}
|
||||
*/
|
||||
|
||||
|
||||
|
|
|
|||
|
|
@ -80,7 +80,7 @@ void mpeg7_constq(double** features, int nframes, int ncoeff)
|
|||
features[i][ncoeff] = env;
|
||||
if (env > maxenv)
|
||||
maxenv = env;
|
||||
}
|
||||
}
|
||||
/* normalise the envelopes */
|
||||
for (i = 0; i < nframes; i++)
|
||||
features[i][ncoeff] /= maxenv;
|
||||
|
|
@ -94,7 +94,7 @@ void create_histograms(int* x, int nx, int m, int hlen, double* h)
|
|||
int i, j, t;
|
||||
double norm;
|
||||
|
||||
for (i = 0; i < nx*m; i++)
|
||||
for (i = 0; i < nx*m; i++)
|
||||
h[i] = 0;
|
||||
|
||||
for (i = hlen/2; i < nx-hlen/2; i++)
|
||||
|
|
@ -120,7 +120,7 @@ void create_histograms(int* x, int nx, int m, int hlen, double* h)
|
|||
}
|
||||
|
||||
/* segment using HMM and then histogram clustering */
|
||||
void cluster_segment(int* q, double** features, int frames_read, int feature_length, int nHMM_states,
|
||||
void cluster_segment(int* q, double** features, int frames_read, int feature_length, int nHMM_states,
|
||||
int histogram_length, int nclusters, int neighbour_limit)
|
||||
{
|
||||
int i, j;
|
||||
|
|
@ -137,7 +137,7 @@ void cluster_segment(int* q, double** features, int frames_read, int feature_len
|
|||
maxval = 0;
|
||||
for (j = 0; j < feature_length; j++)
|
||||
{
|
||||
if (features[i][j] > maxval)
|
||||
if (features[i][j] > maxval)
|
||||
{
|
||||
maxval = features[i][j];
|
||||
maxbin = j;
|
||||
|
|
@ -172,14 +172,14 @@ void cluster_segment(int* q, double** features, int frames_read, int feature_len
|
|||
hmm_print(model);
|
||||
*/
|
||||
/* decode the hidden state sequence */
|
||||
viterbi_decode(features, frames_read, model, q);
|
||||
viterbi_decode(features, frames_read, model, q);
|
||||
hmm_close(model);
|
||||
|
||||
/*****************************/
|
||||
}
|
||||
/*****************************/
|
||||
|
||||
|
||||
|
||||
/*
|
||||
fprintf(stderr, "HMM state sequence:\n");
|
||||
for (i = 0; i < frames_read; i++)
|
||||
|
|
@ -203,12 +203,12 @@ void cluster_segment(int* q, double** features, int frames_read, int feature_len
|
|||
|
||||
/* now q holds a sequence of cluster assignments */
|
||||
|
||||
free(h);
|
||||
free(h);
|
||||
free(bsched);
|
||||
}
|
||||
|
||||
/* segment constant-Q or chroma features */
|
||||
void constq_segment(int* q, double** features, int frames_read, int bins, int ncoeff, int feature_type,
|
||||
void constq_segment(int* q, double** features, int frames_read, int bins, int ncoeff, int feature_type,
|
||||
int nHMM_states, int histogram_length, int nclusters, int neighbour_limit)
|
||||
{
|
||||
int feature_length;
|
||||
|
|
|
|||
|
|
@ -38,10 +38,10 @@ void cq2chroma(double** cq, int nframes, int ncoeff, int bins, double** chroma);
|
|||
|
||||
void create_histograms(int* x, int nx, int m, int hlen, double* h);
|
||||
|
||||
void cluster_segment(int* q, double** features, int frames_read, int feature_length, int nHMM_states,
|
||||
void cluster_segment(int* q, double** features, int frames_read, int feature_length, int nHMM_states,
|
||||
int histogram_length, int nclusters, int neighbour_limit);
|
||||
|
||||
void constq_segment(int* q, double** features, int frames_read, int bins, int ncoeff, int feature_type,
|
||||
void constq_segment(int* q, double** features, int frames_read, int bins, int ncoeff, int feature_type,
|
||||
int nHMM_states, int histogram_length, int nclusters, int neighbour_limit);
|
||||
|
||||
#ifdef __cplusplus
|
||||
|
|
|
|||
|
|
@ -34,10 +34,10 @@ typedef struct segmentation_t
|
|||
segment_t* segments;
|
||||
} segmentation_t;
|
||||
|
||||
typedef enum
|
||||
{
|
||||
FEATURE_TYPE_UNKNOWN = 0,
|
||||
FEATURE_TYPE_CONSTQ = 1,
|
||||
typedef enum
|
||||
{
|
||||
FEATURE_TYPE_UNKNOWN = 0,
|
||||
FEATURE_TYPE_CONSTQ = 1,
|
||||
FEATURE_TYPE_CHROMA = 2,
|
||||
FEATURE_TYPE_MFCC = 3
|
||||
} feature_types;
|
||||
|
|
|
|||
|
|
@ -20,17 +20,17 @@
|
|||
#include "FiltFilt.h"
|
||||
|
||||
struct DFProcConfig{
|
||||
unsigned int length;
|
||||
unsigned int LPOrd;
|
||||
double *LPACoeffs;
|
||||
double *LPBCoeffs;
|
||||
unsigned int length;
|
||||
unsigned int LPOrd;
|
||||
double *LPACoeffs;
|
||||
double *LPBCoeffs;
|
||||
unsigned int winPre;
|
||||
unsigned int winPost;
|
||||
unsigned int winPost;
|
||||
double AlphaNormParam;
|
||||
bool isMedianPositive;
|
||||
};
|
||||
|
||||
class DFProcess
|
||||
class DFProcess
|
||||
{
|
||||
public:
|
||||
DFProcess( DFProcConfig Config );
|
||||
|
|
|
|||
|
|
@ -24,7 +24,7 @@ struct FiltFiltConfig{
|
|||
double* BCoeffs;
|
||||
};
|
||||
|
||||
class FiltFilt
|
||||
class FiltFilt
|
||||
{
|
||||
public:
|
||||
FiltFilt( FiltFiltConfig Config );
|
||||
|
|
|
|||
|
|
@ -26,7 +26,7 @@ struct FilterConfig{
|
|||
double* BCoeffs;
|
||||
};
|
||||
|
||||
class Filter
|
||||
class Filter
|
||||
{
|
||||
public:
|
||||
Filter( FilterConfig Config );
|
||||
|
|
|
|||
|
|
@ -21,7 +21,7 @@
|
|||
#include <stdio.h>
|
||||
|
||||
|
||||
class Framer
|
||||
class Framer
|
||||
{
|
||||
public:
|
||||
void setSource( double* src, unsigned int length );
|
||||
|
|
|
|||
|
|
@ -28,7 +28,7 @@ class FFTReal;
|
|||
* This class takes an input audio signal and a sequence of beat
|
||||
* locations (calculated e.g. by TempoTrackV2) and estimates which of
|
||||
* the beat locations are downbeats (first beat of the bar).
|
||||
*
|
||||
*
|
||||
* The input audio signal is expected to have been downsampled to a
|
||||
* very low sampling rate (e.g. 2700Hz). A utility function for
|
||||
* downsampling and buffering incoming block-by-block audio is
|
||||
|
|
@ -56,7 +56,7 @@ public:
|
|||
|
||||
/**
|
||||
* Estimate which beats are down-beats.
|
||||
*
|
||||
*
|
||||
* audio contains the input audio stream after downsampling, and
|
||||
* audioLength contains the number of samples in this downsampled
|
||||
* stream.
|
||||
|
|
@ -83,18 +83,18 @@ public:
|
|||
* and the region following it.
|
||||
*/
|
||||
void getBeatSD(vector<double> &beatsd) const;
|
||||
|
||||
|
||||
/**
|
||||
* For your downsampling convenience: call this function
|
||||
* repeatedly with input audio blocks containing dfIncrement
|
||||
* samples at the original sample rate, to decimate them to the
|
||||
* downsampled rate and buffer them within the DownBeat class.
|
||||
*
|
||||
*
|
||||
* Call getBufferedAudio() to retrieve the results after all
|
||||
* blocks have been processed.
|
||||
*/
|
||||
void pushAudioBlock(const float *audio);
|
||||
|
||||
|
||||
/**
|
||||
* Retrieve the accumulated audio produced by pushAudioBlock calls.
|
||||
*/
|
||||
|
|
|
|||
|
|
@ -26,7 +26,7 @@ using std::vector;
|
|||
// 44100, but surely the fixed window sizes and comb filtering will
|
||||
// make it prefer double or half time when run at e.g. 96000?
|
||||
|
||||
class TempoTrackV2
|
||||
class TempoTrackV2
|
||||
{
|
||||
public:
|
||||
/**
|
||||
|
|
|
|||
|
|
@ -54,7 +54,7 @@ public:
|
|||
{
|
||||
for (size_t i = 0; i < 12; ++i) (*this)[i] = 0.0;
|
||||
}
|
||||
|
||||
|
||||
|
||||
};
|
||||
|
||||
|
|
|
|||
|
|
@ -9,7 +9,7 @@
|
|||
#ifndef FFT_H
|
||||
#define FFT_H
|
||||
|
||||
class FFT
|
||||
class FFT
|
||||
{
|
||||
public:
|
||||
FFT(unsigned int nsamples);
|
||||
|
|
@ -18,7 +18,7 @@ public:
|
|||
void process(bool inverse,
|
||||
const double *realIn, const double *imagIn,
|
||||
double *realOut, double *imagOut);
|
||||
|
||||
|
||||
private:
|
||||
unsigned int m_n;
|
||||
void *m_private;
|
||||
|
|
@ -37,6 +37,6 @@ public:
|
|||
private:
|
||||
unsigned int m_n;
|
||||
void *m_private_real;
|
||||
};
|
||||
};
|
||||
|
||||
#endif
|
||||
|
|
|
|||
|
|
@ -134,7 +134,7 @@ void hmm_close(model_t* model)
|
|||
free(model->mu);
|
||||
for (i = 0; i < model->L; i++)
|
||||
free(model->cov[i]);
|
||||
free(model->cov);
|
||||
free(model->cov);
|
||||
free(model);
|
||||
}
|
||||
|
||||
|
|
@ -343,9 +343,9 @@ void baum_welch(double* p0, double** a, double** mu, double** cov, int N, int T,
|
|||
for (t = 0; t < T; t++)
|
||||
for (j = 0; j < N; j++)
|
||||
cov[d][e] += gamma[t][j] * (x[t][d] - mu[j][d]) * (x[t][e] - mu[j][e]);
|
||||
|
||||
|
||||
cov[d][e] /= sum_sum_gamma;
|
||||
|
||||
|
||||
if (ISNAN(cov[d][e]))
|
||||
{
|
||||
printf("cov[%d][%d] was nan\n", d, e);
|
||||
|
|
@ -693,7 +693,7 @@ void invert(double** cov, int L, double** icov, double* detcov)
|
|||
double* a = (double*) malloc(L*L*sizeof(double));
|
||||
int i, j;
|
||||
for(j=0; j < L; j++)
|
||||
for (i=0; i < L; i++)
|
||||
for (i=0; i < L; i++)
|
||||
a[j*L+i] = cov[i][j];
|
||||
|
||||
int M = (int) L;
|
||||
|
|
@ -737,7 +737,7 @@ void invert(double** cov, int L, double** icov, double* detcov)
|
|||
dgetri_(&M, a, &M, ipiv, work, &lwork, &ret);
|
||||
|
||||
for(j=0; j < L; j++)
|
||||
for (i=0; i < L; i++)
|
||||
for (i=0; i < L; i++)
|
||||
icov[i][j] = a[j*L+i];
|
||||
|
||||
#ifndef HAVE_ATLAS
|
||||
|
|
|
|||
|
|
@ -19,9 +19,9 @@ extern "C" {
|
|||
*
|
||||
*/
|
||||
|
||||
#ifndef PI
|
||||
#ifndef PI
|
||||
#define PI 3.14159265358979323846264338327950288
|
||||
#endif
|
||||
#endif
|
||||
|
||||
typedef struct _model_t {
|
||||
int N; /* number of states */
|
||||
|
|
@ -33,7 +33,7 @@ typedef struct _model_t {
|
|||
} model_t;
|
||||
|
||||
void hmm_train(double** x, int T, model_t* model); /* with scaling */
|
||||
void forward_backwards(double*** xi, double** gamma, double* loglik, double* loglik1, double* loglik2, int iter,
|
||||
void forward_backwards(double*** xi, double** gamma, double* loglik, double* loglik1, double* loglik2, int iter,
|
||||
int N, int T, double* p0, double** a, double** b);
|
||||
void baum_welch(double* p0, double** a, double** mu, double** cov, int N, int T, int L, double** x, double*** xi, double** gamma);
|
||||
void viterbi_decode(double** x, int T, model_t* model, int* q); /* using logs */
|
||||
|
|
|
|||
|
|
@ -4,7 +4,7 @@
|
|||
|
||||
/* Allow the use in C++ code. */
|
||||
#ifdef __cplusplus
|
||||
extern "C"
|
||||
extern "C"
|
||||
{
|
||||
#endif
|
||||
|
||||
|
|
@ -77,39 +77,39 @@ CBLAS_INDEX cblas_izamax(const int N, const void *X, const int incX);
|
|||
* ===========================================================================
|
||||
*/
|
||||
|
||||
/*
|
||||
/*
|
||||
* Routines with standard 4 prefixes (s, d, c, z)
|
||||
*/
|
||||
void cblas_sswap(const int N, float *X, const int incX,
|
||||
void cblas_sswap(const int N, float *X, const int incX,
|
||||
float *Y, const int incY);
|
||||
void cblas_scopy(const int N, const float *X, const int incX,
|
||||
void cblas_scopy(const int N, const float *X, const int incX,
|
||||
float *Y, const int incY);
|
||||
void cblas_saxpy(const int N, const float alpha, const float *X,
|
||||
const int incX, float *Y, const int incY);
|
||||
|
||||
void cblas_dswap(const int N, double *X, const int incX,
|
||||
void cblas_dswap(const int N, double *X, const int incX,
|
||||
double *Y, const int incY);
|
||||
void cblas_dcopy(const int N, const double *X, const int incX,
|
||||
void cblas_dcopy(const int N, const double *X, const int incX,
|
||||
double *Y, const int incY);
|
||||
void cblas_daxpy(const int N, const double alpha, const double *X,
|
||||
const int incX, double *Y, const int incY);
|
||||
|
||||
void cblas_cswap(const int N, void *X, const int incX,
|
||||
void cblas_cswap(const int N, void *X, const int incX,
|
||||
void *Y, const int incY);
|
||||
void cblas_ccopy(const int N, const void *X, const int incX,
|
||||
void cblas_ccopy(const int N, const void *X, const int incX,
|
||||
void *Y, const int incY);
|
||||
void cblas_caxpy(const int N, const void *alpha, const void *X,
|
||||
const int incX, void *Y, const int incY);
|
||||
|
||||
void cblas_zswap(const int N, void *X, const int incX,
|
||||
void cblas_zswap(const int N, void *X, const int incX,
|
||||
void *Y, const int incY);
|
||||
void cblas_zcopy(const int N, const void *X, const int incX,
|
||||
void cblas_zcopy(const int N, const void *X, const int incX,
|
||||
void *Y, const int incY);
|
||||
void cblas_zaxpy(const int N, const void *alpha, const void *X,
|
||||
const int incX, void *Y, const int incY);
|
||||
|
||||
|
||||
/*
|
||||
/*
|
||||
* Routines with S and D prefix only
|
||||
*/
|
||||
void cblas_srotg(float *a, float *b, float *c, float *s);
|
||||
|
|
@ -127,7 +127,7 @@ void cblas_drotm(const int N, double *X, const int incX,
|
|||
double *Y, const int incY, const double *P);
|
||||
|
||||
|
||||
/*
|
||||
/*
|
||||
* Routines with S D C Z CS and ZD prefixes
|
||||
*/
|
||||
void cblas_sscal(const int N, const float alpha, float *X, const int incX);
|
||||
|
|
@ -143,7 +143,7 @@ void cblas_zdscal(const int N, const double alpha, void *X, const int incX);
|
|||
* ===========================================================================
|
||||
*/
|
||||
|
||||
/*
|
||||
/*
|
||||
* Routines with standard 4 prefixes (S, D, C, Z)
|
||||
*/
|
||||
void cblas_sgemv(const enum CBLAS_ORDER order,
|
||||
|
|
@ -158,11 +158,11 @@ void cblas_sgbmv(const enum CBLAS_ORDER order,
|
|||
const int incX, const float beta, float *Y, const int incY);
|
||||
void cblas_strmv(const enum CBLAS_ORDER order, const enum CBLAS_UPLO Uplo,
|
||||
const enum CBLAS_TRANSPOSE TransA, const enum CBLAS_DIAG Diag,
|
||||
const int N, const float *A, const int lda,
|
||||
const int N, const float *A, const int lda,
|
||||
float *X, const int incX);
|
||||
void cblas_stbmv(const enum CBLAS_ORDER order, const enum CBLAS_UPLO Uplo,
|
||||
const enum CBLAS_TRANSPOSE TransA, const enum CBLAS_DIAG Diag,
|
||||
const int N, const int K, const float *A, const int lda,
|
||||
const int N, const int K, const float *A, const int lda,
|
||||
float *X, const int incX);
|
||||
void cblas_stpmv(const enum CBLAS_ORDER order, const enum CBLAS_UPLO Uplo,
|
||||
const enum CBLAS_TRANSPOSE TransA, const enum CBLAS_DIAG Diag,
|
||||
|
|
@ -191,11 +191,11 @@ void cblas_dgbmv(const enum CBLAS_ORDER order,
|
|||
const int incX, const double beta, double *Y, const int incY);
|
||||
void cblas_dtrmv(const enum CBLAS_ORDER order, const enum CBLAS_UPLO Uplo,
|
||||
const enum CBLAS_TRANSPOSE TransA, const enum CBLAS_DIAG Diag,
|
||||
const int N, const double *A, const int lda,
|
||||
const int N, const double *A, const int lda,
|
||||
double *X, const int incX);
|
||||
void cblas_dtbmv(const enum CBLAS_ORDER order, const enum CBLAS_UPLO Uplo,
|
||||
const enum CBLAS_TRANSPOSE TransA, const enum CBLAS_DIAG Diag,
|
||||
const int N, const int K, const double *A, const int lda,
|
||||
const int N, const int K, const double *A, const int lda,
|
||||
double *X, const int incX);
|
||||
void cblas_dtpmv(const enum CBLAS_ORDER order, const enum CBLAS_UPLO Uplo,
|
||||
const enum CBLAS_TRANSPOSE TransA, const enum CBLAS_DIAG Diag,
|
||||
|
|
@ -224,11 +224,11 @@ void cblas_cgbmv(const enum CBLAS_ORDER order,
|
|||
const int incX, const void *beta, void *Y, const int incY);
|
||||
void cblas_ctrmv(const enum CBLAS_ORDER order, const enum CBLAS_UPLO Uplo,
|
||||
const enum CBLAS_TRANSPOSE TransA, const enum CBLAS_DIAG Diag,
|
||||
const int N, const void *A, const int lda,
|
||||
const int N, const void *A, const int lda,
|
||||
void *X, const int incX);
|
||||
void cblas_ctbmv(const enum CBLAS_ORDER order, const enum CBLAS_UPLO Uplo,
|
||||
const enum CBLAS_TRANSPOSE TransA, const enum CBLAS_DIAG Diag,
|
||||
const int N, const int K, const void *A, const int lda,
|
||||
const int N, const int K, const void *A, const int lda,
|
||||
void *X, const int incX);
|
||||
void cblas_ctpmv(const enum CBLAS_ORDER order, const enum CBLAS_UPLO Uplo,
|
||||
const enum CBLAS_TRANSPOSE TransA, const enum CBLAS_DIAG Diag,
|
||||
|
|
@ -257,11 +257,11 @@ void cblas_zgbmv(const enum CBLAS_ORDER order,
|
|||
const int incX, const void *beta, void *Y, const int incY);
|
||||
void cblas_ztrmv(const enum CBLAS_ORDER order, const enum CBLAS_UPLO Uplo,
|
||||
const enum CBLAS_TRANSPOSE TransA, const enum CBLAS_DIAG Diag,
|
||||
const int N, const void *A, const int lda,
|
||||
const int N, const void *A, const int lda,
|
||||
void *X, const int incX);
|
||||
void cblas_ztbmv(const enum CBLAS_ORDER order, const enum CBLAS_UPLO Uplo,
|
||||
const enum CBLAS_TRANSPOSE TransA, const enum CBLAS_DIAG Diag,
|
||||
const int N, const int K, const void *A, const int lda,
|
||||
const int N, const int K, const void *A, const int lda,
|
||||
void *X, const int incX);
|
||||
void cblas_ztpmv(const enum CBLAS_ORDER order, const enum CBLAS_UPLO Uplo,
|
||||
const enum CBLAS_TRANSPOSE TransA, const enum CBLAS_DIAG Diag,
|
||||
|
|
@ -279,7 +279,7 @@ void cblas_ztpsv(const enum CBLAS_ORDER order, const enum CBLAS_UPLO Uplo,
|
|||
const int N, const void *Ap, void *X, const int incX);
|
||||
|
||||
|
||||
/*
|
||||
/*
|
||||
* Routines with S and D prefixes only
|
||||
*/
|
||||
void cblas_ssymv(const enum CBLAS_ORDER order, const enum CBLAS_UPLO Uplo,
|
||||
|
|
@ -341,7 +341,7 @@ void cblas_dspr2(const enum CBLAS_ORDER order, const enum CBLAS_UPLO Uplo,
|
|||
const int incX, const double *Y, const int incY, double *A);
|
||||
|
||||
|
||||
/*
|
||||
/*
|
||||
* Routines with C and Z prefixes only
|
||||
*/
|
||||
void cblas_chemv(const enum CBLAS_ORDER order, const enum CBLAS_UPLO Uplo,
|
||||
|
|
@ -412,7 +412,7 @@ void cblas_zhpr2(const enum CBLAS_ORDER order, const enum CBLAS_UPLO Uplo, const
|
|||
* ===========================================================================
|
||||
*/
|
||||
|
||||
/*
|
||||
/*
|
||||
* Routines with standard 4 prefixes (S, D, C, Z)
|
||||
*/
|
||||
void cblas_sgemm(const enum CBLAS_ORDER Order, const enum CBLAS_TRANSPOSE TransA,
|
||||
|
|
@ -536,7 +536,7 @@ void cblas_ztrsm(const enum CBLAS_ORDER Order, const enum CBLAS_SIDE Side,
|
|||
void *B, const int ldb);
|
||||
|
||||
|
||||
/*
|
||||
/*
|
||||
* Routines with prefixes C and Z only
|
||||
*/
|
||||
void cblas_chemm(const enum CBLAS_ORDER Order, const enum CBLAS_SIDE Side,
|
||||
|
|
@ -573,6 +573,6 @@ void cblas_xerbla(int p, const char *rout, const char *form, ...);
|
|||
|
||||
#ifdef __cplusplus
|
||||
}
|
||||
#endif
|
||||
#endif
|
||||
|
||||
#endif
|
||||
|
|
|
|||
File diff suppressed because it is too large
Load diff
|
|
@ -18,7 +18,7 @@
|
|||
|
||||
#define EPS 2.2204e-016
|
||||
|
||||
class Correlation
|
||||
class Correlation
|
||||
{
|
||||
public:
|
||||
void doAutoUnBiased( double* src, double* dst, unsigned int length );
|
||||
|
|
@ -27,4 +27,4 @@ public:
|
|||
|
||||
};
|
||||
|
||||
#endif //
|
||||
#endif //
|
||||
|
|
|
|||
|
|
@ -20,7 +20,7 @@
|
|||
|
||||
#include "nan-inf.h"
|
||||
|
||||
class MathUtilities
|
||||
class MathUtilities
|
||||
{
|
||||
public:
|
||||
static double round( double x );
|
||||
|
|
|
|||
|
|
@ -53,13 +53,13 @@ public:
|
|||
const vector<double> &y,
|
||||
vector<double> &coef);
|
||||
|
||||
|
||||
|
||||
private:
|
||||
TPolyFit &operator = (const TPolyFit &); // disable assignment
|
||||
TPolyFit(); // and instantiation
|
||||
TPolyFit(const TPolyFit&); // and copying
|
||||
|
||||
|
||||
|
||||
static void Square (const Matrix &x, // Matrix multiplication routine
|
||||
const vector<double> &y,
|
||||
Matrix &a, // A = transpose X times X
|
||||
|
|
@ -260,8 +260,8 @@ bool TPolyFit::GaussJordan (Matrix &b,
|
|||
|
||||
for( int i = 0; i < ncol; ++i)
|
||||
coef[i] = w[i][0];
|
||||
|
||||
|
||||
|
||||
|
||||
return true;
|
||||
} // end; { procedure GaussJordan }
|
||||
//----------------------------------------------------------------------------------------------
|
||||
|
|
@ -274,7 +274,7 @@ bool TPolyFit::GaussJordan2(Matrix &b,
|
|||
{
|
||||
//GaussJordan2; // first half of GaussJordan
|
||||
// actual start of gaussj
|
||||
|
||||
|
||||
double big, t;
|
||||
double pivot;
|
||||
double determ;
|
||||
|
|
@ -405,4 +405,4 @@ void NSUtility::zeroise(vector<vector<int> > &matrix, int m, int n)
|
|||
|
||||
|
||||
#endif
|
||||
|
||||
|
||||
|
|
|
|||
|
|
@ -15,8 +15,8 @@
|
|||
Earn/Bitnet: fionn@dgaeso51, fim@dgaipp1s, murtagh@stsci
|
||||
Span: esomc1::fionn
|
||||
Internet: murtagh@scivax.stsci.edu
|
||||
|
||||
F. Murtagh, Munich, 6 June 1989 */
|
||||
|
||||
F. Murtagh, Munich, 6 June 1989 */
|
||||
/*********************************************************************/
|
||||
|
||||
#include <stdio.h>
|
||||
|
|
@ -269,7 +269,7 @@ void pca_project(double** data, int n, int m, int ncomponents)
|
|||
/* Allocate storage for dummy and new vectors. */
|
||||
evals = (double*) malloc(m*sizeof(double)); /* Storage alloc. for vector of eigenvalues */
|
||||
interm = (double*) malloc(m*sizeof(double)); /* Storage alloc. for 'intermediate' vector */
|
||||
//MALLOC_ARRAY(symmat2,m,m,double);
|
||||
//MALLOC_ARRAY(symmat2,m,m,double);
|
||||
//for (i = 0; i < m; i++) {
|
||||
// for (j = 0; j < m; j++) {
|
||||
// symmat2[i][j] = symmat[i][j]; /* Needed below for col. projections */
|
||||
|
|
|
|||
|
|
@ -77,7 +77,7 @@ protected:
|
|||
}
|
||||
|
||||
virtual void performTask() = 0;
|
||||
|
||||
|
||||
private:
|
||||
virtual void run() {
|
||||
m_todo.lock();
|
||||
|
|
|
|||
|
|
@ -127,7 +127,7 @@ public:
|
|||
void wait(int us = 0);
|
||||
|
||||
void signal();
|
||||
|
||||
|
||||
private:
|
||||
|
||||
#ifdef _WIN32
|
||||
|
|
|
|||
Loading…
Add table
Add a link
Reference in a new issue