多线程基准测试问题

Posted

技术标签:

【中文标题】多线程基准测试问题【英文标题】:Multi-threading benchmarking issues 【发布时间】:2018-10-16 08:37:41 【问题描述】:

我编写了一个代码,可以随机生成两个从 2x2 到 50x50 的矩阵。然后,我记录从维度 2 到 50 的每个矩阵乘法所需的时间。我记录了这个时间 100 次,以获得每个案例 2 -50 的良好平均值。该程序首先通过按顺序将矩阵相乘并在 csv 文件中记录平均执行时间来开始。然后它继续使用 pthread 进行并行矩阵乘法,并在单独的 csv 文件中记录平均执行时间。我的问题是顺序乘法的平均执行时间比并行执行要短得多。对于大小为 50 的矩阵,顺序乘法需要 500 微秒,并行乘法需要 2500 微秒。这是由于我如何计时代码造成的问题吗?或者我的线程实现不是很好,实际上导致代码执行时间更长?我在生成矩阵后启动计时器,并在所有线程连接在一起后停止它。线程代码最初是为两个大小不均匀的矩阵编写的,因此它实现了负载平衡算法。

#include <iostream>
#include <fstream>
#include <string>
#include <sstream>
#include <algorithm>
#include  <vector>
#include <stdlib.h>
#include <pthread.h>
#include <cstdlib>
#include <ctime>
#include <sys/time.h>
#include <chrono>
#include <unistd.h>


using namespace std;
int n,i,j,t,k,l,MAX;
float randomnum,sum1, avg;
float matA[100][100];
float matB[100][100];
float matC[100][100];
struct Loading

    int r;
    int c;
    int n;
    int m;
;

// threads
pthread_t threads[100] =  0 ;

// indexes
int indexes[100] = 0;

// load balancing
Loading loads[100] =  0 ;

// for printing in thread
pthread_mutex_t M;

// run thread
void* multi(void* arg)

    int index = *((int*)(arg));
    Loading load = loads[index];
    int i = 0;
    int j = 0;
    int k = 0;
    int istart = load.r;
    int jstart = load.c;

    pthread_mutex_lock(&M);
     // cout << "thread #" << index << " pid: " << getpid() << " starting " << " row " << istart << " col "  << jstart << endl;
    pthread_mutex_unlock(&M);

    // logic to balance loads amongst threads using for loop
    int n = load.n;
    for (i = istart; i < MAX; i++)
    

        for (j =jstart;n > 0 && j < MAX; j++,n--)
        
            for (k = 0; k < MAX; k++)
            
                matC[i][j] += matA[i][k] * matB[k][j];
            

            pthread_mutex_lock(&M);
            //cout << "row " << i << " col "<< j << " value " << matC[i][j] << endl;
            pthread_mutex_unlock(&M);
        

        jstart = 0;

        if (n == 0)
        
           pthread_mutex_lock(&M);
          // cout << "thread #" << index << " pid: " << getpid() << " has completed " << endl;
           pthread_mutex_unlock(&M);
           return 0;

        
    


    return 0;


int num_threads = 0;
int MAX_THREADS= 0;




int main()


pthread_mutex_init(&M, NULL);


srand ( time(NULL) );

//for (n=2; n<4; n++) 
ofstream myfile;
    //  myfile.open ("/home/gage/Desktop/timing/seqrecord.csv");
myfile.open ("seqrecord.csv");
      myfile << "testtowork\n";

for (n=2; n<50; n++)
    MAX =n;
    myfile << n <<","; 
  for (int i = 0; i < MAX; i++) 
        for (int j = 0; j < MAX; j++) 
            matA[i][j] = ((float(rand()) / float(RAND_MAX)) * (100 - -50)) + -50;
            matB[i][j] = ((float(rand()) / float(RAND_MAX)) * (100 - -50)) + -50;
        
  
for(t=0; t<101; t++)
 //clock_t startTime = clock();
auto start = chrono::steady_clock::now();
  for (i = 0; i < MAX; ++i)
for (j = 0; j < MAX; ++j)
for (k = 0; k < MAX; ++k)

matC[i][j] += matA[i][k] * matB[k][j];



//int stop_s=clock();
auto end = chrono::steady_clock::now();
//cout << double( clock() - startTime ) / (double)CLOCKS_PER_SEC/1000000000<< " milli-seconds." << endl;
//cout << chrono::duration_cast<chrono::microseconds>(end - start).count() <<endl;
myfile << chrono::duration_cast<chrono::microseconds>(end - start).count() <<",";
sum1 = sum1+chrono::duration_cast<chrono::microseconds>(end - start).count();


avg = sum1 / 100;
myfile << "Average execution" << "," << avg << "\n";
sum1 =0;
avg = 0;


// 


myfile.close();
ofstream myfile1;

myfile1.open ("parallel.csv");
      myfile1 << "testtowork\n";





for (n=2; n<51; n++)

MAX = n;
MAX_THREADS = n*n;
num_threads =n;
 myfile1 << n <<","; 
  for (int i = 0; i < MAX; i++) 
        for (int j = 0; j < MAX; j++) 
            matA[i][j] = ((float(rand()) / float(RAND_MAX)) * (100 - -50)) + -50;
            matB[i][j] = ((float(rand()) / float(RAND_MAX)) * (100 - -50)) + -50;
        
  
           for(t=0; t<101; t++)
         //clock_t startTime = clock();
            auto start = chrono::steady_clock::now();
         // calculade load balancing

        // cout << "calculation load balancing" << endl;

            double nwhole = (double)MAX_THREADS / num_threads;
            double last = 0;
            double sum = 0;
            int k = 0;

            loads[k].r = 0;
            loads[k].c = 0;
            loads[k].n = 0;


            while (k < num_threads)
            

                sum = sum + nwhole;

                loads[k].n = (int)sum - (int)last;

                // check last length
                if(k == num_threads-1 && sum != MAX_THREADS)
                
                    sum=MAX_THREADS;
                    loads[k].n=(int)sum - (int)last;
                

                // display result
              //  cout << (int)last << " to " << (int)sum << " length: " << (int)sum - int(last) << endl;


                k++;

                if(k < num_threads)
                
                loads[k].r = ((int)sum) / MAX;
                loads[k].c = ((int)sum) % MAX;
                


                last = sum;


            




        //cout << "making threads" << endl;

        void* exit_status;

        int rc;

        for( i = 0; i < num_threads ; i++ ) 
         //     cout << "main() : creating thread, " << i << endl;
              indexes[i] = i;
              rc = pthread_create(&threads[i], NULL, multi, (void *)&indexes[i]);



              if (rc) 
           //      cout << "Error:unable to create thread," << rc << endl;
                 exit(-1);
              
           

        // wait for threads to end
        for (j = 0; j < num_threads; j++)
        

            pthread_join(threads[j], &exit_status);
        

auto end = chrono::steady_clock::now();
//cout << double( clock() - startTime ) / (double)CLOCKS_PER_SEC/1000000000<< " milli-seconds." << endl;
//cout << chrono::duration_cast<chrono::microseconds>(end - start).count() <<endl;
myfile1 << chrono::duration_cast<chrono::microseconds>(end - start).count() <<",";
sum1 = sum1+chrono::duration_cast<chrono::microseconds>(end - start).count();
 
 avg = sum1 / 100;
myfile1 << "Average" << "," << avg << "\n";
sum1 =0;
avg = 0;



       


return 0;

【问题讨论】:

如果您对文本进行一些格式化以使阅读更容易,那将非常有帮助。 你是不是只在多线程版本中做pthread_mutex_lock/unlock?这很慢,尤其是在多个线程围绕每个输出矩阵的每个元素弹跳缓存线的情况下。作为一个非内联函数调用,它也是编译器优化的障碍,它允许 SIMD 在中间循环而不是最内层循环上进行,即使没有 SIMD 所需的-ffast-math 也可以进行 SIMD 内部循环。大多数还原循环。 (实际上自动向量化不太可能,因为其中一个数组已经跨步访问,这是 matmul 的经典问题) 是的,这只发生在多线程版本中。我对计时很陌生,我正在实施的计时器可能是个问题吗?我认为计时器正在计算处理器滴答声而不是挂钟时间。我正在尝试以不同的方式实现时间,看看这是否是问题所在。 您尝试同步哪些数据?我所看到的只是注释掉的打印语句上的锁(即使它们没有被注释掉)只读取 - 如果你只同步读取,那么你根本不需要任何同步,因为没有什么可以安全地更改值。哦,我的上帝,你锁定/解锁了很多。 我什至不清楚您是否需要一个互斥锁。如果每个线程都有自己的数据集来处理,并且在所有线程完成之前不读取结果,那么就不会发生数据竞争。 【参考方案1】:

我最近刚刚写了一个类似问题的答案SO: Eigen library with C++11 multithreading。

由于我也对这个主题感兴趣并且手头已经有了工作代码,因此我将该示例改编为 OP 的矩阵乘法任务:

test-multi-threading-matrix.cc:

#include <cassert>
#include <cstdint>
#include <cstdlib>
#include <algorithm>
#include <chrono>
#include <iomanip>
#include <iostream>
#include <limits>
#include <thread>
#include <vector>

template <typename VALUE>
class MatrixT 
  public:
    typedef VALUE Value;
  private:
    size_t _nRows, _nCols;
    std::vector<Value> _values;
  public:
    MatrixT(size_t nRows, size_t nCols, Value value = (Value)0):
      _nRows(nRows), _nCols(nCols), _values(_nRows * _nCols, value)
     
    ~MatrixT() = default;

    size_t getNumCols() const  return _nCols; 
    size_t getNumRows() const  return _nRows; 
    Value* operator[](size_t i)  return &_values[0] + i * _nCols; 
    const Value* operator[](size_t i) const  return &_values[0] + i * _nCols; 
;

template <typename VALUE>
VALUE dot(const MatrixT<VALUE> &mat1, size_t iRow, const MatrixT<VALUE> &mat2, size_t iCol)

  const size_t n = mat1.getNumCols();
  assert(n == mat2.getNumRows());
  VALUE sum = (VALUE)0;
  for (size_t i = 0; i < n; ++i) sum += mat1[iRow][i] * mat2[i][iCol];
  return sum;


typedef MatrixT<double> Matrix;

typedef std::uint16_t Value;
typedef std::chrono::high_resolution_clock Clock;
typedef std::chrono::microseconds MuSecs;
typedef decltype(std::chrono::duration_cast<MuSecs>(Clock::now() - Clock::now())) Time;

Time duration(const Clock::time_point &t0)

  return std::chrono::duration_cast<MuSecs>(Clock::now() - t0);


Matrix populate(size_t dim)

  Matrix mat(dim, dim);
  for (size_t i = 0; i < dim; ++i) 
    for (size_t j = 0; j < dim; ++j) 
      mat[i][j] = ((Matrix::Value)rand() / RAND_MAX) * 100 - 50;
    
  
  return mat;


std::vector<Time> makeTest(size_t dim)

  const size_t NThreads = std::thread::hardware_concurrency();
  const size_t nThreads = std::min(dim * dim, NThreads);
  // make a test sample
  const Matrix sampleA = populate(dim);
  const Matrix sampleB = populate(dim);
  // prepare result vectors
  Matrix results4[4] = 
    Matrix(dim, dim),
    Matrix(dim, dim),
    Matrix(dim, dim),
    Matrix(dim, dim)
  ;
  // make test
  std::vector<Time> times
    [&]()  // single threading
      // make a copy of test sample
      const Matrix a(sampleA), b(sampleB);
      Matrix &results = results4[0];
      // remember start time
      const Clock::time_point t0 = Clock::now();
      // do experiment single-threaded
      for (size_t k = 0, n = dim * dim; k < n; ++k) 
        const size_t i = k / dim, j = k % dim;
        results[i][j] = dot(a, i, b, j);
      
      // done
      return duration(t0);
    (),
    [&]()  // multi-threading - stupid aproach
      // make a copy of test sample
      const Matrix a(sampleA), b(sampleB);
      Matrix &results = results4[1];
      // remember start time
      const Clock::time_point t0 = Clock::now();
      // do experiment multi-threaded
      std::vector<std::thread> threads(nThreads);
      for (size_t k = 0, n = dim * dim; k < n;) 
        size_t nT = 0;
        for (; nT < nThreads && k < n; ++nT, ++k) 
          const size_t i = k / dim, j = k % dim;
          threads[nT] = std::move(std::thread(
            [i, j, &results, &a, &b]() 
              results[i][j] = dot(a, i, b, j);
            ));
        
        for (size_t iT = 0; iT < nT; ++iT) threads[iT].join();
      
      // done
      return duration(t0);
    (),
    [&]()  // multi-threading - interleaved
      // make a copy of test sample
      const Matrix a(sampleA), b(sampleB);
      Matrix &results = results4[2];
      // remember start time
      const Clock::time_point t0 = Clock::now();
      // do experiment multi-threaded
      std::vector<std::thread> threads(nThreads);
      for (Value iT = 0; iT < nThreads; ++iT) 
        threads[iT] = std::move(std::thread(
          [iT, dim, &results, &a, &b, nThreads]() 
            for (size_t k = iT, n = dim * dim; k < n; k += nThreads) 
              const size_t i = k / dim, j = k % dim;
              results[i][j] = dot(a, i, b, j);
            
          ));
      
      for (std::thread &threadI : threads) threadI.join();
      // done
      return duration(t0);
    (),
    [&]()  // multi-threading - grouped
      // make a copy of test sample
      const Matrix a(sampleA), b(sampleB);
      Matrix &results = results4[3];
      // remember start time
      const Clock::time_point t0 = Clock::now();
      // do experiment multi-threaded
      std::vector<std::thread> threads(nThreads);
      for (size_t iT = 0; iT < nThreads; ++iT) 
        threads[iT] = std::move(std::thread(
          [iT, dim, &results, &a, &b, nThreads]() 
            const size_t n = dim * dim;
            for (size_t k = iT * n / nThreads, kN = (iT + 1) * n / nThreads;
              k < kN; ++k) 
              const size_t i = k / dim, j = k % dim;
              results[i][j] = dot(a, i, b, j);
            
          ));
      
      for (std::thread &threadI : threads) threadI.join();
      // done
      return duration(t0);
    ()
  ;
  // check results (must be equal for any kind of computation)
  const unsigned nResults = sizeof results4 / sizeof *results4;
  for (unsigned iResult = 1; iResult < nResults; ++iResult) 
    size_t nErrors = 0;
    for (size_t i = 0; i < dim; ++i) 
      for (size_t j = 0; j < dim; ++j) 
        if (results4[0][i][j] != results4[iResult][i][j]) 
          ++nErrors;
#if 0 // def _DEBUG
          std::cerr
            << "results4[0][" << i << "]["  << j << "]: "
            << results4[0][i][j]
            << " != results4[" << iResult << "][" << i << "][" << j << "]: "
            << results4[iResult][i][j]
            << "!\n";
#endif // _DEBUG
        
      
    
    if (nErrors) std::cerr << nErrors << " errors in results4[" << iResult << "]!\n";
  
  // done
  return times;


int main()

  std::cout << "std::thread::hardware_concurrency(): "
    << std::thread::hardware_concurrency() << '\n';
  // heat up
  std::cout << "Heat up...\n";
  for (unsigned i = 0; i < 10; ++i) makeTest(64);
  // perform tests:
  const unsigned NTrials = 10;
  for (size_t dim = 64; dim <= 512; dim *= 2) 
    std::cout << "Test for A[" << dim << "][" << dim << "] * B[" << dim << "][" << dim << "]...\n";
    // repeat NTrials times
    std::cout << "Measuring " << NTrials << " runs...\n"
      << "   "
      << " | " << std::setw(10) << "Single"
      << " | " << std::setw(10) << "Multi 1"
      << " | " << std::setw(10) << "Multi 2"
      << " | " << std::setw(10) << "Multi 3"
      << '\n';
    std::vector<double> sumTimes;
    for (unsigned i = 0; i < NTrials; ++i) 
      std::vector<Time> times = makeTest(dim);
      std::cout << std::setw(2) << (i + 1) << ".";
      for (const Time &time : times) 
        std::cout << " | " << std::setw(10) << time.count();
      
      std::cout << '\n';
      sumTimes.resize(times.size(), 0.0);
      for (size_t j = 0; j < times.size(); ++j) sumTimes[j] += times[j].count();
    
    std::cout << "Average Values:\n   ";
    for (const double &sumTime : sumTimes) 
      std::cout << " | "
        << std::setw(10) << std::fixed << std::setprecision(1)
        << sumTime / NTrials;
    
    std::cout << '\n';
    std::cout << "Ratio:\n   ";
    for (const double &sumTime : sumTimes) 
      std::cout << " | "
        << std::setw(10) << std::fixed << std::setprecision(3)
        << sumTime / sumTimes.front();
    
    std::cout << "\n\n";
  
  // done
  return 0;

在我的第一个测试中,我从 2×2 矩阵开始,并将每个以 64×64 矩阵结尾的测试系列的行数和列数增加了一倍。

我很快就得出了和Mike一样的结论:这些矩阵太小了。设置和加入线程的开销消耗了可能通过并发获得的任何加速。所以,我修改了从 64×64 矩阵开始到 512×512 结束的测试序列。

我在cygwin64(在 Windows 10 上)编译并运行:

$ g++ --version
g++ (GCC) 7.3.0

$ g++ -std=c++17 -O2 test-multi-threading-matrix.cc -o test-multi-threading-matrix

$ ./test-multi-threading-matrix
std::thread::hardware_concurrency(): 8
Heat up...
Test for A[64][64] * B[64][64]...
Measuring 10 runs...
    |     Single |    Multi 1 |    Multi 2 |    Multi 3
 1. |        417 |     482837 |       1068 |       1080
 2. |        403 |     486775 |       1034 |       1225
 3. |        289 |     482578 |       1478 |       1151
 4. |        282 |     502703 |       1103 |       1081
 5. |        398 |     495351 |       1287 |       1124
 6. |        404 |     501426 |       1050 |       1017
 7. |        402 |     483517 |       1000 |        980
 8. |        271 |     498591 |       1092 |       1047
 9. |        284 |     494732 |        984 |       1057
10. |        288 |     494738 |       1050 |       1116
Average Values:
    |      343.8 |   492324.8 |     1114.6 |     1087.8
Ratio:
    |      1.000 |   1432.009 |      3.242 |      3.164

Test for A[128][128] * B[128][128]...
Measuring 10 runs...
    |     Single |    Multi 1 |    Multi 2 |    Multi 3
 1. |       2282 |    1995527 |       2215 |       1574
 2. |       3076 |    1954316 |       1644 |       1679
 3. |       2952 |    1981908 |       2572 |       2250
 4. |       2119 |    1986365 |       1568 |       1462
 5. |       2676 |    2212344 |       1615 |       1657
 6. |       2396 |    1981545 |       1776 |       1593
 7. |       2513 |    1983718 |       1950 |       1580
 8. |       2614 |    1852414 |       1737 |       1670
 9. |       2148 |    1955587 |       1805 |       1609
10. |       2161 |    1980772 |       1794 |       1826
Average Values:
    |     2493.7 |  1988449.6 |     1867.6 |     1690.0
Ratio:
    |      1.000 |    797.389 |      0.749 |      0.678

Test for A[256][256] * B[256][256]...
Measuring 10 runs...
    |     Single |    Multi 1 |    Multi 2 |    Multi 3
 1. |      32418 |    7992363 |      11753 |      11712
 2. |      32723 |    7961725 |      12342 |      12490
 3. |      32150 |    8041516 |      14646 |      12304
 4. |      30207 |    7810907 |      11512 |      11992
 5. |      30108 |    8005317 |      12853 |      12850
 6. |      32665 |    8064963 |      13197 |      13386
 7. |      36286 |    8825215 |      14381 |      15636
 8. |      35068 |    8015930 |      16954 |      12287
 9. |      30673 |    7973273 |      12061 |      13677
10. |      36323 |    7861856 |      14223 |      13510
Average Values:
    |    32862.1 |  8055306.5 |    13392.2 |    12984.4
Ratio:
    |      1.000 |    245.125 |      0.408 |      0.395

Test for A[512][512] * B[512][512]...
Measuring 10 runs...
    |     Single |    Multi 1 |    Multi 2 |    Multi 3
 1. |     404459 |   32803878 |     107078 |     103493
 2. |     289870 |   32482887 |      98244 |     103338
 3. |     333695 |   29398109 |      87735 |      77531
 4. |     236028 |   27286537 |      81620 |      76085
 5. |     254294 |   27418963 |      89191 |      76760
 6. |     230662 |   27278077 |      78454 |      84063
 7. |     274278 |   27180899 |      74828 |      83829
 8. |     292294 |   29942221 |     106133 |     103450
 9. |     292091 |   33011277 |     100545 |      96935
10. |     401007 |   33502134 |      98230 |      95592
Average Values:
    |   300867.8 | 30030498.2 |    92205.8 |    90107.6
Ratio:
    |      1.000 |     99.813 |      0.306 |      0.299

我对 VS2013(发布模式)做了同样的事情,得到了类似的结果。

3 的加速听起来还不错(忽略它距离 8 还很远的事实,您可能认为这是 8 硬件并发的理想选择)。


在摆弄矩阵乘法时,我有了一个优化的想法,我也想检查它——甚至超越多线程。这是改进缓存局部性的尝试。

为此,我在乘法之前转置了 2nd 矩阵。对于乘法,使用了dot() (dotT()) 的修改版本,它分别考虑了 2nd 矩阵的转置。

我分别修改了上面的示例代码,得到test-single-threading-matrix-transpose.cc

#include <cassert>
#include <cstdint>
#include <cstdlib>
#include <algorithm>
#include <chrono>
#include <iomanip>
#include <iostream>
#include <limits>
#include <vector>

template <typename VALUE>
class MatrixT 
  public:
    typedef VALUE Value;
  private:
    size_t _nRows, _nCols;
    std::vector<Value> _values;
  public:
    MatrixT(size_t nRows, size_t nCols, Value value = (Value)0):
      _nRows(nRows), _nCols(nCols), _values(_nRows * _nCols, value)
     
    ~MatrixT() = default;

    size_t getNumCols() const  return _nCols; 
    size_t getNumRows() const  return _nRows; 
    Value* operator[](size_t i)  return &_values[0] + i * _nCols; 
    const Value* operator[](size_t i) const  return &_values[0] + i * _nCols; 
;

template <typename VALUE>
VALUE dot(const MatrixT<VALUE> &mat1, size_t iRow, const MatrixT<VALUE> &mat2, size_t iCol)

  const size_t n = mat1.getNumCols();
  assert(n == mat2.getNumRows());
  VALUE sum = (VALUE)0;
  for (size_t i = 0; i < n; ++i) sum += mat1[iRow][i] * mat2[i][iCol];
  return sum;


template <typename VALUE>
MatrixT<VALUE> transpose(const MatrixT<VALUE> mat)

  MatrixT<VALUE> matT(mat.getNumCols(), mat.getNumRows());
  for (size_t i = 0; i < mat.getNumRows(); ++i) 
    for (size_t j = 0; j < mat.getNumCols(); ++j) 
      matT[j][i] = mat[i][j];
    
  
  return matT;


template <typename VALUE>
VALUE dotT(const MatrixT<VALUE> &mat1, size_t iRow1, const MatrixT<VALUE> &matT2, size_t iRow2)

  const size_t n = mat1.getNumCols();
  assert(n == matT2.getNumCols());
  VALUE sum = (VALUE)0;
  for (size_t i = 0; i < n; ++i) sum += mat1[iRow1][i] * matT2[iRow2][i];
  return sum;


typedef MatrixT<double> Matrix;

typedef std::uint16_t Value;
typedef std::chrono::high_resolution_clock Clock;
typedef std::chrono::microseconds MuSecs;
typedef decltype(std::chrono::duration_cast<MuSecs>(Clock::now() - Clock::now())) Time;

Time duration(const Clock::time_point &t0)

  return std::chrono::duration_cast<MuSecs>(Clock::now() - t0);


Matrix populate(size_t dim)

  Matrix mat(dim, dim);
  for (size_t i = 0; i < dim; ++i) 
    for (size_t j = 0; j < dim; ++j) 
      mat[i][j] = ((Matrix::Value)rand() / RAND_MAX) * 100 - 50;
    
  
  return mat;


std::vector<Time> makeTest(size_t dim)

  // make a test sample
  const Matrix sampleA = populate(dim);
  const Matrix sampleB = populate(dim);
  // prepare result vectors
  Matrix results2[2] = 
    Matrix(dim, dim),
    Matrix(dim, dim)
  ;
  // make test
  std::vector<Time> times
    [&]()  // single threading
      // make a copy of test sample
      const Matrix a(sampleA), b(sampleB);
      Matrix &results = results2[0];
      // remember start time
      const Clock::time_point t0 = Clock::now();
      // do experiment single-threaded
      for (size_t k = 0, n = dim * dim; k < n; ++k) 
        const size_t i = k / dim, j = k % dim;
        results[i][j] = dot(a, i, b, j);
      
      // done
      return duration(t0);
    (),
    [&]()  // single threading - with transposed matrix
      // make a copy of test sample
      const Matrix a(sampleA), b(sampleB);
      Matrix &results = results2[1];
      // remember start time
      const Clock::time_point t0 = Clock::now();
      const Matrix bT = transpose(b);
      // do experiment single-threaded with transposed B
      for (size_t k = 0, n = dim * dim; k < n; ++k) 
        const size_t i = k / dim, j = k % dim;
        results[i][j] = dotT(a, i, bT, j);
      
      // done
      return duration(t0);
    ()
  ;
  // check results (must be equal for any kind of computation)
  const unsigned nResults = sizeof results2 / sizeof *results2;
  for (unsigned iResult = 1; iResult < nResults; ++iResult) 
    size_t nErrors = 0;
    for (size_t i = 0; i < dim; ++i) 
      for (size_t j = 0; j < dim; ++j) 
        if (results2[0][i][j] != results2[iResult][i][j]) 
          ++nErrors;
#if 0 // def _DEBUG
          std::cerr
            << "results2[0][" << i << "]["  << j << "]: "
            << results2[0][i][j]
            << " != results2[" << iResult << "][" << i << "][" << j << "]: "
            << results2[iResult][i][j]
            << "!\n";
#endif // _DEBUG
        
      
    
    if (nErrors) std::cerr << nErrors << " errors in results2[" << iResult << "]!\n";
  
  // done
  return times;


int main()

  // heat up
  std::cout << "Heat up...\n";
  for (unsigned i = 0; i < 10; ++i) makeTest(64);
  // perform tests:
  const unsigned NTrials = 10;
  for (size_t dim = 64; dim <= 512; dim *= 2) 
    std::cout << "Test for A[" << dim << "][" << dim << "] * B[" << dim << "][" << dim << "]...\n";
    // repeat NTrials times
    std::cout << "Measuring " << NTrials << " runs...\n"
      << "   "
      << " | " << std::setw(10) << "A * B"
      << " | " << std::setw(10) << "A *T B^T"
      << '\n';
    std::vector<double> sumTimes;
    for (unsigned i = 0; i < NTrials; ++i) 
      std::vector<Time> times = makeTest(dim);
      std::cout << std::setw(2) << (i + 1) << ".";
      for (const Time &time : times) 
        std::cout << " | " << std::setw(10) << time.count();
      
      std::cout << '\n';
      sumTimes.resize(times.size(), 0.0);
      for (size_t j = 0; j < times.size(); ++j) sumTimes[j] += times[j].count();
    
    std::cout << "Average Values:\n   ";
    for (const double &sumTime : sumTimes) 
      std::cout << " | "
        << std::setw(10) << std::fixed << std::setprecision(1)
        << sumTime / NTrials;
    
    std::cout << '\n';
    std::cout << "Ratio:\n   ";
    for (const double &sumTime : sumTimes) 
      std::cout << " | "
        << std::setw(10) << std::fixed << std::setprecision(3)
        << sumTime / sumTimes.front();
    
    std::cout << "\n\n";
  
  // done
  return 0;

我在cygwin64(在 Windows 10 上)上再次编译并运行:

$ g++ -std=c++17 -O2 test-single-threading-matrix-transpose.cc -o test-single-threading-matrix-transpose && ./test-single-threading-matrix-transpose
Heat up...
Test for A[64][64] * B[64][64]...
Measuring 10 runs...
    |      A * B |   A *T B^T
 1. |        394 |        366
 2. |        394 |        368
 3. |        396 |        367
 4. |        382 |        368
 5. |        392 |        289
 6. |        297 |        343
 7. |        360 |        341
 8. |        399 |        358
 9. |        385 |        354
10. |        406 |        374
Average Values:
    |      380.5 |      352.8
Ratio:
    |      1.000 |      0.927

Test for A[128][128] * B[128][128]...
Measuring 10 runs...
    |      A * B |   A *T B^T
 1. |       2972 |       2558
 2. |       3317 |       2556
 3. |       3279 |       2689
 4. |       2952 |       2213
 5. |       2745 |       2668
 6. |       2981 |       2457
 7. |       2164 |       2274
 8. |       2634 |       2106
 9. |       2126 |       2389
10. |       3015 |       2477
Average Values:
    |     2818.5 |     2438.7
Ratio:
    |      1.000 |      0.865

Test for A[256][256] * B[256][256]...
Measuring 10 runs...
    |      A * B |   A *T B^T
 1. |      31312 |      17656
 2. |      29249 |      17127
 3. |      32127 |      16865
 4. |      29655 |      17287
 5. |      32137 |      17687
 6. |      29788 |      16732
 7. |      32251 |      16549
 8. |      32272 |      16257
 9. |      28019 |      18042
10. |      30334 |      17936
Average Values:
    |    30714.4 |    17213.8
Ratio:
    |      1.000 |      0.560

Test for A[512][512] * B[512][512]...
Measuring 10 runs...
    |      A * B |   A *T B^T
 1. |     322005 |     135102
 2. |     310180 |     134897
 3. |     329994 |     134304
 4. |     335375 |     137701
 5. |     330754 |     134252
 6. |     353761 |     136732
 7. |     359234 |     135632
 8. |     351498 |     134389
 9. |     360754 |     135751
10. |     368602 |     137139
Average Values:
    |   342215.7 |   135589.9
Ratio:
    |      1.000 |      0.396

令人印象深刻,不是吗?

它实现了与上述多线程尝试类似的加速(我的意思是更好的尝试),但使用的是单核。

转置 2nd 矩阵(在测量中考虑)的额外工作不仅仅是摊销。这并不令人惊讶,因为与构建/写入转置矩阵一次的额外工作相比,乘法中的读取访问次数(现在访问连续字节)要多得多。

【讨论】:

【参考方案2】:

首先,您的矩阵大小太小,无法以多线程方式将它们相乘,因为线程的创建、上下文切换和加入线程很可能会引入比值相乘更长的开销。对于较大的矩阵大小,您必须测量(我猜它大约为 50x50),与乘法时间相比,线程的开销将足够低,因此性能会有所提高。 此外,您正在创建太多线程。您正在为矩阵的 one 行创建 一个 线程,因此开销将是巨大的。如果您的 CPU 上有 4 个内核,创建超过 4 个线程(包括主线程)将导致上下文切换的开销增加。您可以在这里做的是创建几个线程并在线程之间分配数据,例如(请注意,为简单起见,我使用std::thread):

int a[50][50];
int b[50][50];
int c[50][50];

void multiply_part_of_matrix(int start, int end) 
  for(int i=start; i < end; ++i) 
    for (int j = 0; j < 50; ++j) 
      c[i][j] = 0;
      for(int k = 0; k < 50; ++i) 
        c[i][j] = a[i][k] * b[k][j];
      
    
  



int main() 
  // initializes matrix
  std::vector<std::thread> threads;
  // start time
  for(int i=0; i < 5; ++i) 
    threads.emplace_back(multiply_part_of_matrix, i*10, i*10+10); 
  

  for(int i = 0; i < 5; ++i) 
    threads.at(i).join();
  
  // stop time
  return 0;

请注意,如果您向主线程提供一些数据,这样它在等待其他线程时不会阻塞(开销),也会提高性能。

如果您想进一步提高性能,您可以考虑不同的算法(Strassen 算法)或缓存优化,例如循环展开。

【讨论】:

以上是关于多线程基准测试问题的主要内容,如果未能解决你的问题,请参考以下文章

基准测试工具

MySQL基准测试--方法

MySQL基准测试工具sysbench安装

用 Java 衡量单线程复杂算法的最佳宏基准测试工具/框架是啥? [关闭]

Java基准测试工具JMH高级使用

Unity在WebGL平台上的性能基准测试