Abstract
Sequential Minimal Optimization (SMO) is the traditional training algorithm for Support Vector Machines (SVMs). However, SMO does not scale well with the size of the training set. For that reason, Stochastic Gradient Descent (SGD) algorithms, which have better scalability, are a better option for massive data mining applications. Furthermore, even with the use of SGD, training times can become extremely large depending on the data set. For this reason, accelerators such as Field-programmable Gate Arrays (FPGAs) are used. This work describes an implementation in hardware, using FPGA, of a fully parallel SVM using Stochastic Gradient Descent. The proposed FPGA implementation of an SVM with SGD presents speedups of more than 10,000× relative to software implementations running on a quad-core processor and up to 319× compared to state-of-the-art FPGA implementations while requiring fewer hardware resources. The results show that the proposed architecture is a viable solution for highly demanding problems such as those present in big data analysis.
1. Introduction
Areas such as image classification and bioinformatics can greatly profit from the use of artificial intelligence algorithms such as Support Vector Machine (SVM). However, because SVM is computationally costly, software applications often do not provide sufficient performance in order to meet time requirements for large amounts of data [,]. Hardware platforms such as Field-Programmable Gate Arrays (FPGAs) and Graphic Processing Units (GPUs) can be used to increase the performance of SVM implementations, resulting in a higher number of samples evaluated per second (throughput) compared to General Purpose Processors (GPPs). These platforms have been used for real-time and massive data mining applications, also called Mining of Massive Datasets. Although GPUs have higher performance than GPPs, FPGAs can provide a better alternative as they can achieve similar computational power while having lower energy consumption [,,].
A widely used method for SVM training is Sequential Minimal Optimization (SMO). SMO is a technique to simplify the quadratic optimization problem involved in calculating the weights of the SVM []. In previous works, several classes of SVMs were implemented in FPGA, mainly relying on the use of the SMO algorithm for training.
Reference [] implements the inference step of a SVM in FPGA for large datasets. As a form of validation, the MNIST dataset is used, achieving accelerations of up to 8× compared to GPU and FPGA implementations. The implementation proposed in [] develops a cascade SVM implementation, based on an earlier system developed by the same authors. With this new implementation, the authors achieved a reduction of 25% in the number of logical elements used, a 2× increase in performance and a reduction of 20% in the peak power required in relation to their previous work.
Gradient-based methods can also be used to implement the SVM training step. However, some of these methods depend on the analysis of the complete training set before performing an update of the network weights. To improve SVM scalability regarding the size of the data set, Stochastic Gradient Descent (SGD) algorithms are used, as a simplified procedure for evaluating the gradient of a function [].
It is still possible to contribute to the literature exploring the use of the FPGA to implement SVMs trained with the SGD algorithm. Currently, works focus on large scale SGD implementations as in [], which integrates the Spark framework, making use of a SGD implementation in FPGA to accelerate the training step of a linear SVM. For validation, the implementation was used for the classification of 7500 cancer cells images of size 256 × 256, achieving an increase in throughput of up to 2× compared to an implementation on a cluster of computers.
Other approaches focus on building a scalable SGD accelerator []. In their work, the impact of quantization on statistical and hardware efficiency are discussed and how the use of stochastic quantization and fixed-point arithmetic can lead to better convergence than naive quantization. The implementation presented uses an embedded CPU that transmits the training samples to the FPGA.
In [] the authors developed an implementation of the HogBatch algorithm in hardware based on systolic arrays, and used an extension of SGD that allows batching. Reference [] evaluates the impact on communication and computation time of low-precision, asynchronous SGD using both CPU and FPGA implementations. Moreover, they present a new model to describe SGD implementations called Dataset, Model, Gradient, Communications (DMGC).
This paper presents a proposal to implement Parallel Support Vector Machines, with training performed by the stochastic gradient descent technique in reconfigurable hardware using FPGA. As an alternative to reach higher throughput, hardware resource optimization techniques such as different numerical representations are explored. Once the implementations have been made, an analysis of the occupied resources and other hardware performance parameters is performed. The experimental results are obtained with a Xilinx Virtex-6 XC6VCX240T-1 FPGA.
The rest of the paper is organized as follows. Section 2 describes how the SVM has been implemented and the equations that describe it. Section 3 defines the computational platforms used, how the SVM training was performed and how the results were obtained. Section 4 analyses and compares the results obtained by the implementations in software and hardware. Section 5 compares the results obtained with the state of the art regarding throughput. Section 6 provides an overview of what was discussed and summarizes the contributions of the paper.
2. Project Description
A high-level description of the system can be made based on three main structures; Gaussian Module (GM), Aggregation Module (AM) and Training Unit (TU), as shown in Figure 1. The GM is responsible for mapping the input into a different representation space, easing the classification of non-linearly separable patterns. The AM receives the GM output and, based on its weights, maps them to one of the possible labels. Finally, TU implements the SGD algorithm and adjusts the AM weights. In the following subsections, the modules will be detailed. The structures GM, AM and TU processes all the information in each n-th sample time, , in other words, at every seconds there is a new output from the N inputs {}, and the weights {} are updated. As this proposal is a full parallel implementation, the sample time, , is also the iteration time and n indicates the current iteration. The SVM throughput, , in samples per second (sps) or in iterations per second (ips) can be expressed as

Figure 1.
High-level system.
2.1. Gaussian Module (GM)
In this module, the entries are mapped into another representation space see Figure 1, to facilitate the classification of non-linearly separable patterns by the SVM. The mapping is done through the use of kernels. Allowing to transform the input space of N into a space of K dimensions. In this work, it was implemented the Gaussian, also called Radial-Basis Function (RBF), kernel which can be expressed as
where is the j-th center of the gaussian function associated with the i-th input, the i-th input, the variance of each kernel function, the j-th distance from each input to the center, the j-th exit of GM in the n-th iteration and the bias.
To maximize the throughput of the system and reduce computation time of Equation (2), most operations are executed in parallel. With the exception of summation, which is executed using a tree adder. To reduce resource consumption and decrease execution time in the FPGA, the exponential function is implemented through the use of Look-Up Tables (LUTs), where each address of the LUT stores a value of the exponential. This implementation choice implies in a delay of one sample in the algorithm execution. However, the impact on throughput is lower than if the exponential function was implemented using specific hardware circuitry.
The j-th distance shown in Equation (2), is computed in parallel as in Figure 2. It is important to note that all arithmetic operations are performed in parallel which increases performance regarding throughput.

Figure 2.
Distance computation.
Having the value of , the calculation of the Equation (2) is done using Read-Only Memory (ROM), composed of LUTs of depth 9. The circuit to convert the distance to memory addresses is illustrated in Figure 3. Being , the upper edge of the function domain and normalizer the circuit responsible for converting from distance metric to memory address. To discretize the gaussian a maximum value for the distance of 4 and a minimum of 0 was considered. Within that range the gaussian was evaluated at steps of and the values were stored on the ROM memory, which resulted in 401 values being stored. The normalizer then divides the output of the mux with the discretization step.

Figure 3.
Kernel computation.
2.2. Aggregation Module (AM)
After the N entries are mapped into a new space, the AM is used to classify the entries . In this implementation, only binary classification is possible, which consists of classifying the input vector into one of two possible classes []. The classes are represented by 1 and . The classification is expressed as
where is the neural weight associated with the j-th input, and the SVM output in the n-th iteration. The implementation of this equation in the FPGA is shown by Figure 4. For this to happen the entries are multiplied in parallel by their corresponding weights , the result is then summed using a tree adder.

Figure 4.
Aggregation module.
2.3. Training Unit (TU)
TU implements the equations expressed as
and
where is the desired output, are the correctly classified results, is the learning rate and is the regularization parameter. The variable specifies how much the training samples are sufficient to specify a solution to the problem. When , it means that the data is not trustworthy and otherwise [].
For Equations (4) and (5), the loss function chosen was Hinge-Loss and the regularization given by the method []. In this work, a variant of the Pegasos algorithm was implemented for training []. The designed circuit is presented in Figure 5.

Figure 5.
Training unit.
3. Methodology
Two datasets were used to validate the hardware design. The first was the XOR gate, being the SVM used to draw the ideal decision surface that divides the two classes correctly. In this design, the value of each j-th input, , in the n-th instant (or iteration), corresponds to the input of the XOR gate and the output of the circuit.
The second set of data is from the Iris flower, described in []. Where each input corresponds to the value of the length and width of the sepal and the petal. This dataset was made with the aim of classifying three types of flowers from the Iris family; Iris Setosa, Versicolor and Virginica. This implementation restricts to only classify Iris Setosa and Versicolor because the SVM used is a binary classifier. For this reason, all data related to Iris Virginica was removed from the dataset.
The results of the hardware design were then compared to the software implementation in Python using the scikit-learn package []. Python and scikit-learn were used since they are widely used tools in Data Science and AI. The software implementation uses double-precision floating-point format, while the hardware uses single-precision floating and fixed-point representation, the fixed-point representation uses 5 bits in the integer part and 20 in the fractional part. Although the software implementation does not use single-precision float pointing format according to [] there is at most a speedup of 4 times between these numerical representations, depending on the instruction executed. With this experiment it was possible to acquire execution time data and usage of FPGA hardware resources.
Before the results were obtained, the dataset was preprocessed, which consisted of the separation between training and test set and in obtaining the centers of the kernels. In the case of the XOR gate, the training set is the same as the test set. For the Iris dataset, the samples were divided into for testing and for training. This was done randomly by the method train_test_split, also present in the scikit-learn package.
To obtain the centers of the kernels two methods were used. For the XOR dataset the centers were set using knowledge on the problem to find the ideal values. In the case of Iris dataset, the centers were calculated by the K-means algorithm, implemented by the KMeans class of the scikit-learn package. Once this data is retrieved in the Python environment, it is saved in CSV format to be used by the hardware implementation.
To execute the implementation in Python, a system with an i7 quad-core processor, running at 2.5 GHz with 8 GB of RAM and Python 3.6 was used. The RBF_kernel class was employed to map the SVM entries, using the RBF kernel and the class SGDClassifier was used to adjust the SVM parameters based on the SGD algorithm. This approach was necessary as Scikit-learn did not provide an implementation of kernel-based SVM using the SGD algorithm. The CPU time was measured taking the average of 10,000 executions of the algorithm, using the function_time function.
The hardware implementation was done through a Xilinx tool, called System Generator []. With it, is possible to create RTL circuits in Matlab Simulink and perform simulations with bit-level precision, making possible to create highly efficient circuits and also to easily interface with the Matlab programming environment. Our design was synthesized to a Xilinx Virtex-6 XC6VCX240T-1 FPGA containing 241,152 logic cells, 768 embedded multipliers and 37,680 slices [], included on the ML605 evaluation board [].
To validate the results of the software implementation a confusion matrix was drawn, in which the horizontal axis represents the classes predicted by the SVM and the vertical the correct classes. To generate the confusion matrix, results from the training and test sets were retrieved, making possible to analyze the learning and generalization capacity of the SVM. Regarding the hardware implementations, the evolution of the instantaneous quadratic error during training was analyzed, to facilitate the visualization of the results a window of 250 iterations is used to visualize the error.
4. Results
4.1. XOR Gate Dataset
4.1.1. Software Validation
In order to assess the capability of the software implementation on the scikit-learn package to correctly classify the samples on the dataset, a confusion matrix was used. With the results from the confusion matrix it is possible to validate the software implementation and use it to compare with the results obtained in hardware.
In the Figure 6, the first two green cells on the main diagonal show the number and percentage of correct classifications by the algorithm. From the total of 4 samples, 2 are correctly classified as class , this corresponds to of all samples. Similarly, 2 samples are correctly classified as 1, what corresponds to of the samples. The last cell on the main diagonal represents the total percentage of correct and incorrect classifications, for this dataset of the classes were correctly classified.

Figure 6.
Confusion matrix of the XOR training, software implementation.
The first two red cells on the antidiagonal represent the percentage of incorrectly classified classes from the algorithm. From the total amount of samples, were wrongly classified. The first two grey cells from the last column represents the percentage that a class was correctly and wrongly predicted, both and 1 classes were correctly predicted of the times. On the first two grey cells from the last row, is presented the percentage of times that a class that was outcomed by the algorithm was in fact that actual class in the dataset and the percentage it was not. In this dataset the algorithm outcomes the correct class of the times.
4.1.2. Floating Point Hardware
To analyze the hardware implementation, requirements such as execution time and use of available hardware are of great importance. In the case of FPGAs the resources are measured through the use of LUTs, Registers, Slices and Digital Signal Processors (DSPs) units, to name a few. Regarding the floating point implementation made for the XOR gate dataset, the resource consumption can be observed on Table 1.

Table 1.
Resource utilization of the XOR gate dataset—floating point.
It can be seen that with 16 kernels the design occupies approximately of the LUTs available in the FPGA. As for the execution time, shown on Table 2 it can be noted that the FPGA implementation has a much shorter execution time than that presented in software. This increase in execution speed provides a significant increase in the number of samples that can be analyzed per second, as shown on the Table 3.

Table 2.
Execution time, , of the XOR gate dataset—floating point.

Table 3.
Throughput, , of the XOR gate dataset—floating point.
As for the correctness of the implementation in hardware, it can be seen through Figure 7 that the implementation converges in few iterations. Being the vertical axis is the value of the instantaneous quadratic error and the horizontal the number of iterations.

Figure 7.
Quadratic error during training using the XOR dataset, floating point implementation.
4.1.3. Fixed-Point Hardware
As seen on Table 4, the fixed-point implementation is considerably more efficient than the floating point, using nearly fewer LUTs and slices. A better result is also obtained considering runtime, as shown on Table 5. Fixed-point implementation achieved a throughput approximately larger than floating point, generating a substantial increase in the number of samples analyzed per second, see Table 6. Although the reduced numeric precision in this design, the fixed-point implementation also converges in few iterations, as shown in Figure 8.

Table 4.
Resource utilization of the XOR gate dataset—fixed point.

Table 5.
Execution time, , of the XOR gate dataset—fixed point.

Table 6.
Throughput, , of the XOR gate dataset—fixed point.

Figure 8.
Quadratic error during training using the XOR dataset, fixed point implementation.
4.1.4. Analysis
The Hardware implementations generated a large increase in the SVM training execution speed, as seen on Table 2 and Table 5. Moreover, the impact of the acceleration provided becomes even clearer when analyzing speedup, that is, how many times faster the hardware implementation is in relation to the software implementation. The acceleration value is obtained by dividing the runtime value in software by the runtime value on FPGA.
It can be seen that the use of FPGA decreased execution time by more than three orders of magnitude, reaching an increase in the execution speed of up to 10, compared to the implementation in Python. This higher execution speed provided by the reconfigurable hardware implementation is an important factor considering the amount of data presented in massive data analysis.
It is possible to draw a superior margin on the floating point hardware implementation execution speed, analyzing around 10 million samples per second. Since each sample consists of 8 bytes, it would be possible to compute 1 GB of information in at least s using 2 kernels. On fixed-point, with the same number of kernels, it is possible to analyze more than 19 million of samples of bytes per second, resulting in the analysis of 1 GB in at least s. Meanwhile, the implementation of Python would take about 1 hour to analyze the same amount of data.
Despite the increased throughput, the speed of floating-point hardware design decreases significantly with the number of kernels used. This is caused by the increase in the sum tree depth on the AM. However, this effect can be reduced by applying pipeline to each of the sum stages, adding a delay in the circuit response but increasing the SVM throughput.
4.2. Iris Dataset
4.2.1. Software Validation
Following the analysis presented for the Xor dataset, in Figure 9 the confusion matrix for the training samples of the Iris dataset is shown. From the total of 70 samples, 33 are correctly classified as Setosa, this corresponds to of all samples. Similarly, 37 samples are correctly defined as Versicolour, what corresponds to of the samples. For this dataset of the samples were correctly classified.

Figure 9.
Confusion matrix of the Iris training, software implementation.
Regarding the percentage of times the Setosa and Versicolour classes were classified, the algorithm predicts them correctly of the times. Moreover, when accounting for the rate that a class that was outcomed by the algorithm was in fact that actual class in the dataset and the rate per cent it was not. In the training samples the algorithm outcomes the correct class of the times.
For the test samples retrieved from the Iris dataset the confusion matrix is presented on Figure 10. From the total of 30 samples, 16 were classified correctly as Setosa, amounting for of all samples. From the Versicolour class 13 samples are correctly classified, corresponding to of the samples. For this dataset of the classes were correctly classified.

Figure 10.
Confusion matrix of the Iris test, software implementation.
The algorithm classified a sample from the Setosa class correctly of the times and from the Versicolour of the times. For the test samples the algorithm defines the Versicolour when it was the correct class, and Setosa .
4.2.2. Floating Point Hardware
The use of hardware resources by the floating-point implementation is described on Table 7. Showing similar usage of resources to the XOR dataset, the runtime is also similar between the two sets of data as seen on Table 8. Generating a large number of analyzed samples per second as illustrated on Table 9. As occurred in the XOR dataset, to verify the correctness of the implementation, we see the error curve present in the Figure 11. From this, it is possible to realize that even for more complex problems such as the Iris dataset, the implementation in hardware can converge in a small number of iterations.

Table 7.
Resource utilization of the Iris dataset—floating point.

Table 8.
Execution time, , of the Iris dataset—floating point.

Table 9.
Throughput, , of the Iris dataset—floating point.

Figure 11.
Quadratic error during training using the Iris dataset, floating point implementation.
4.2.3. Analysis
As done for the XOR gate dataset, the speedup provided by the hardware implementation is analyzed, see Table 8. The hardware implementation generated an increase of up to 7045× on SVM training speed. When evaluating the Table 9, it is noticed that the hardware implementation can analyze nearly million samples per second. Since each sample consists of 16 bytes, it would be possible to analyze 1 GB of information in up to s using 2 kernels.
5. Comparison with the State of the Art
Although it was not possible to synthesize the design for a dataset with more than 4 features to compare with the state of the art, the results from the current datasets were extrapolated using a linear regression. The extrapolation was performed using data from the XOR dataset on both fixed and single precision floating point, as well as from Iris dataset using single precision floating point. The regressor has as input the number of kernels and as output the execution time. In order to compare to a model with 758 inputs, for example, the input of our regressor was 758, then the output was compared with the execution time of the model being referenced. Despite the fact that is not necessarily the case to have one kernel for each input, this draws a lower bound on our results. Further studies can show that the actual performance is different from the results presented in this work. As presented on Figure 12 the linear regression of the xor dataset using floating-point precision had a score of , with sample time, , computed as

Figure 12.
Linear regression curve for execution time per sample for varing numbers of kernels k, XOR dataset floating-point precision.
For the implementation on the XOR dataset using fixed-point precision, the value is as shown on Figure 13, the equation representing the sample time of the design is

Figure 13.
Linear regression curve for execution time per sample for varing numbers of kernels k, XOR dataset fixed-point precision.
On the Iris dataset, using floating-point precision a value of was achieved, as depicted on Figure 14 and having the following fitting curve

Figure 14.
Linear regression curve for execution time per sample for varing numbers of kernels k, Iris dataset floating-point precision.
The comparisons with the state of the art are summarized on Table 10.

Table 10.
State of the art comparison.
FPGAs are also being used to accelerate algorithms in association with cluster of computers as shown in []. The work presents an implementation in hardware of a linear SVM accelerator in FPGA, being used to analyse a dataset of cancer imagens, with 65,536 features per image. The author’s proposal divides the workload between 8 computers, each having a associated FPGA to compute the SVM. The design presented on the FPGA is serial as it can only compute at most 64 features of an image per iteration, that way requiring 1024 iterations to analyse the complete set of features. Every image is considered a sample and requires 8 ms (125 sps) to execute. The proposal presented in this paper would need ms (741 sps) using the results from the XOR float-point, s (15,797 sps) considering XOR fixed-point and ms (2857 sps) with the extrapolation from the Iris float-point implementation. Resulting in speedups of , and respectively.
The work of [] analyzes the impact of stochastic quantization on SGD convergence and speedup on reconfigurable hardware using FPGA. The authors studied the impact on the task of classifying images of handwritten digits using the Gisette dataset containing 5000 features per image. The model used to analyse the digits was described as a dense linear model, the design with best throughput presented requires ms to compute a sample (641 sps) and uses fixed-point precision. The input data was quantized to 1 bit numbers and 128 features are analysed at a time, requiring about 39 iterations to compute a sample. When compared with the proposal presented in this paper would need 103 s to compute a sample, yielding 9708 sps and presenting a speedup of if the XOR float-point implementation is considered, a speedup of with execution time of s (20,4918 sps) for XOR fixed-point and s (33,898 sps) and speedup with the results from the Iris float-point implementation.
In [] a hardware implementation on FPGA of the HogBatch algorithm for SGD computation is used, which employs systolic arrays for improved scalability and performance results. The results were obtained with the RCV1-V1-test dataset, which contains 47,236 features and logistic regression was used as the model; the cited proposal requires at least ms with 32 Processing Elements (PEs) to compute each sample, resulting in the analysis of 72 sps. The proposal presented in this paper would need 971 s (1029 sps) based on the results from the XOR float-point implementation, s (21,881 sps) if the XOR fixed-point implementation is considered and 278 s (3597 sps) with the Iris float-point. Generating speedups of , and .
In [] the use of low precision data is evaluated regarding throughput and statistical efficiency for SGD applied to linear models on FPGA and CPUs. The authors present results of throughput and statistical efficiency for different number of bits on linear regression. From the results shown in the work the design that is most similar to this paper uses 32 bits fixed-point hardware. The design consists of a linear regression SGD, capable of processing 3 Giga Numbers Per Second (GNPS) using a model of 48 kB, with a sample of 1500 features executed in 16 s (62,500 sps). The proposal presented in this paper presents a speedup of , needing s per sample (32,362 sps) using the results from the XOR float-point implementation, s (66,6666 sps) with speedup of considering to the XOR fixed-point and s (112,359 sps) as well as speedup of with the extrapolation from the Iris float-point implementation.
6. Conclusions
This work presented a parallel implementation in FPGA of the SVM algorithm using SGD as a training method. The main purpose of this implementation was to achieve a high rate of data processed in order to meet the demands of computationally intensive applications. For this reason, all possible calculations were parallelized. Finally, due to the observations made using the results of the synthesis, it was possible to note that the implementation of this technique in hardware would allow significant improvements in performance, resulting in an acceleration of more than 10,000× compared to a software implementation, and up to 319× compared to the state of the art. For this reason, it is possible for it to be used both in systems that require low response time, such as autonomous cars, or in massive data mining.In the future the impact on numerical precision and execution time per sample due to some variations in the design are going to be studied. One possibility is the computation of the exponential function in hardware, instead of LUTs. Another contribution we aim to make is the use of variations from the SGD, such as with variable step size and momentum.
Author Contributions
Conceptualization, F.F.L. and M.A.C.F.; methodology, F.F.L. and M.A.C.F.; software and validation, F.F.L. and M.A.C.F.; data curation, F.F.L., J.C.F. and M.A.C.F.; writing—original draft preparation, F.F.L.; writing—review and editing, F.F.L., J.C.F. and M.A.C.F.; supervision, J.C.F. and M.A.C.F.; project administration, J.C.F. and M.A.C.F.
Funding
This study was financed in part by the Coordenação de Aperfeiçoamento de Pessoal de Nível Superior (CAPES)—Finance Code 001.
Conflicts of Interest
The authors declare no conflict of interest. The funders had no role in the design of the study; in the collection, analyses, or interpretation of data; in the writing of the manuscript, or in the decision to publish the results.
References
- Wiśniewski, R.; Bazydło, G.; Szcześniak, P. SVM algorithm oriented for implementation in a low-cost Xilinx FPGA. Integration 2019, 64, 163–172. [Google Scholar] [CrossRef]
- Afifi, S.; GholamHosseini, H.; Sinha, R. A System on Chip for Melanoma Detection Using FPGA-based SVM Classifier. Microprocess. Microsyst. 2018, 65, 57–68. [Google Scholar] [CrossRef]
- Silva, L.M.D.D.; Torquato, M.F.; Fernandes, M.A.C. Parallel Implementation of Reinforcement Learning Q-Learning Technique for FPGA. IEEE Access 2019, 7, 2782–2798. [Google Scholar] [CrossRef]
- Platt, J. Sequential Minimal Optimization: A Fast Algorithm for Training Support Vector Machines; Technical Report MSR-TR-98-14; Microsoft Research: Redmond, WA, USA, 1998. [Google Scholar]
- Panagiotakopoulos, C.; Tsampouka, P. The stochastic gradient descent for the primal l1-svm optimization revisited. In Proceedings of the Joint European Conference on Machine Learning and Knowledge Discovery in Databases, Prague, Czech Republic, 23–27 September 2013. [Google Scholar]
- Kyrkou, C.; Bouganis, C.S.; Theocharides, T.; Polycarpou, M.M. Embedded hardware-efficient real-time classification with cascade support vector machines. IEEE Trans. Neural Netw. Learn. Syst. 2016, 27, 99–112. [Google Scholar] [CrossRef] [PubMed]
- Wang, Z.; Crammer, K.; Vucetic, S. Breaking the curse of kernelization: Budgeted stochastic gradient descent for large-scale svm training. J. Mach. Learn. Res. 2012, 13, 3103–3131. [Google Scholar]
- Ho, S.M.; Wang, M.; Ng, H.C.; So, H.K.H. Towards FPGA-assisted spark: An SVM training acceleration case study. In Proceedings of the 2016 International Conference on ReConFigurable Computing and FPGAs (ReConFig), Cancun, Mexico, 30 November–2 December 2016. [Google Scholar]
- Kara, K.; Alistarh, D.; Alonso, G.; Mutlu, O.; Zhang, C. Fpga-accelerated dense linear machine learning: A precision-convergence trade-off. In Proceedings of the IEEE 25th Annual International Symposium on Field-Programmable Custom Computing Machines (FCCM), Napa, CA, USA, 30 April–2 May 2017. [Google Scholar]
- Rasoori, S.; Akella, V. Scalable Hardware Accelerator for Mini-Batch Gradient Descent. In Proceedings of the 2018 on Great Lakes Symposium on VLSI, Chicago, IL, USA, 23–25 May 2018. [Google Scholar]
- De Sa, C.; Feldman, M.; Ré, C.; Olukotun, K. Understanding and optimizing asynchronous low-precision stochastic gradient descent. In Proceedings of the 44th Annual International Symposium on Computer Architecture, Toronto, ON, Canada, 24–28 June 2017. [Google Scholar]
- Scholkopf, B.; Smola, A.J. Learning with Kernels: Support Vector Machines, Regularization, Optimization, and Beyond; MIT Press: Cambridge, MA, USA, 2001. [Google Scholar]
- Haykin, S.S. Neural Networks and Learning Machines; Pearson Education, Inc.: Boston, MA, USA, 2009. [Google Scholar]
- Demir-Kavuk, O.; Kamada, M.; Akutsu, T.; Knapp, E.W. Prediction using step-wise L1, L2 regularization and feature selection for small data sets with large number of features. BMC Bioinf. 2011, 12, 412. [Google Scholar] [CrossRef] [PubMed]
- Shalev-Shwartz, S.; Singer, Y.; Srebro, N.; Cotter, A. Pegasos: Primal estimated sub-gradient solver for svm. Math. Program. 2011, 127, 3–30. [Google Scholar] [CrossRef]
- Dheeru, D.; Karra Taniskidou, E. UCI Machine Learning Repository. Available online: http://archive.ics.uci.edu/ml (accessed on 22 May 2019).
- Pedregosa, F.; Varoquaux, G.; Gramfort, A.; Michel, V.; Thirion, B.; Grisel, O.; Blondel, M.; Prettenhofer, P.; Weiss, R.; Dubourg, V.; et al. Scikit-learn: Machine learning in Python. J. Mach. Learn. Res. 2011, 12, 2825–2830. [Google Scholar]
- Intel® 64 and IA-32 Architectures Optimization Reference Manual. Available online: https://www.intel.com/content/dam/doc/manual/64-ia-32-architectures-optimization-manual.pdf (accessed on 20 April 2019).
- System Generator for DSP. Available online: https://www.xilinx.com/products/design-tools/vivado/integration/sysgen.html (accessed on 8 April 2019).
- Virtex-6 CXT Family Data Sheet. Available online: https://www.xilinx.com/support/documentation/data_sheets/ds153.pdf (accessed on 22 May 2019).
- Virtex-6 FPGA ML605 Evaluation Kit. Available online: https://www.xilinx.com/products/boards-and-kits/ek-v6-ml605-g.html (accessed on 22 May 2019).
© 2019 by the authors. Licensee MDPI, Basel, Switzerland. This article is an open access article distributed under the terms and conditions of the Creative Commons Attribution (CC BY) license (http://creativecommons.org/licenses/by/4.0/).