Login| Sign Up| Help| Contact|

Patent Searching and Data


Title:
REALIZING PRIVATE AND PRACTICAL PHARMACOLOGICAL COLLABORATION
Document Type and Number:
WIPO Patent Application WO/2019/133858
Kind Code:
A1
Abstract:
Computationally-efficient techniques facilitate secure pharmacological collaboration with respect to private drug target interaction (DTI) data. In one embodiment, a method begins by receiving, via a secret sharing protocol, observed DTI data from individual participating entities. A secure computation then is executed against the secretly- shared data to generate a pooled DTI dataset. For increased computational efficiency, at least a part of the computation is executed over dimensionality-reduced data. The resulting pooled DTI dataset is then used to train a neural network model. The model is then used to provide one or more DTI predictions that are then returned to the participating entities (or other interested parties).

Inventors:
LEIGHTON BONNIE BERGER (US)
CHO HYUNGHOON (US)
HIE BRIAN (US)
Application Number:
PCT/US2018/067939
Publication Date:
July 04, 2019
Filing Date:
December 28, 2018
Export Citation:
Click for automatic bibliography generation   Help
Assignee:
LEIGHTON BONNIE BERGER (US)
CHO HYUNGHOON (US)
HIE BRIAN (US)
International Classes:
G16C20/50; G16C20/30; G16C20/40; G16C20/90
Domestic Patent References:
WO2014011633A22014-01-16
Foreign References:
US20160330018A12016-11-10
US20150324546A12015-11-12
Other References:
CATRINA, 0. ET AL.: "Secure computation with fixed-point numbers", FINANCIAL CRYPTOGRAPHY AND DATA SECURITY, FC 2010, LNCS 6052, 2010, Berlin , Heidelberg, pages 35 - 50, XP019147523
LUO, Y. ET AL.: "A network integration approach for drug-target interaction prediction and computational drug repositioning from heterogeneous information", NATURE COMMUNICATIONS, vol. 8, 573, 18 September 2017 (2017-09-18), pages 1 - 13, XP055623157
MOHASSEL, P. ET AL.: "SecureML: A system for scalable privacy-preserving machine learning", 2017 IEEE SYMPOSIUM ON SECURITY AND PRIVACY (SP), 22 May 2017 (2017-05-22), San Jose, CA , USA, pages 19 - 38, XP055554322
HIE, B. ET AL.: "Realizing private and practical pharmacological collaboration", SCIENCE, vol. 362, 19 October 2018 (2018-10-19), pages 347 - 350, XP055623158
Attorney, Agent or Firm:
JUDSON, David H. (US)
Download PDF:
Claims:
CLAIMS

1. A method for pharmacological collaboration, comprising:

receiving, via secret sharing, observed drug target interaction (DTI) data of individual collaborating entities and generating a pooled DTI dataset, wherein the secret sharing preserves privacy of individual drugs, targets and interactions;

training a computational model by executing one or more passes over the pooled DTI dataset, wherein parameters of the computational model are securely updated after a given pass; and

using the computational model, generating one or more DTI predictions.

2. The method as described in claim 1 wherein the computational model is a neural network.

3. The method as described in claim 2 wherein the neural network is built using a rectified linear unit (ReLU) as a building block.

4. The method as described in claim 1 wherein the DTI data of an individual collaborating entity comprises interaction score and feature vectors representing drug and target side information.

5. The method as described in claim 4 wherein the DTI data further including chemical structures and protein sequences describing the drug.

6. The method as described in claim 1 wherein first and second individual collaborating entities are independent from one another.

7. The method as described in claim 1 wherein secret sharing includes receiving mutually independent and uniformly-distributed random numbers and results of calculations over the random numbers for increased computational efficiency of the secret sharing.

8. The method as described in claim 1 wherein training the computational model uses stochastic gradient descent with Nesterov momentum.

9. The method as described in claim 1 wherein the secret sharing is carried out at least in part over a wide area network (WAN).

10. The method as described in claim 1 wherein the secret sharing is performed over a finite field.

11. The method as described in claim 1 further including distributing a given DTI prediction.

12. The method as described in claim 11 wherein the given DTI prediction is distributed to one or more of the individual collaborating entities.

Description:
Realizing private and practical pharmacological collaboration

Technical Field

This application relates generally to data sharing and collaboration in biomedicine.

Background

Pharmaceutical companies and other biomedical researchers are painstakingly generating large datasets of drug compounds and linking them to potential targets of interest. While combining an unprecedented amount of data from multiple entities would power innovation and life-saving breakthroughs, open sharing of pharmacological data is generally not viable due to data privacy and intellectual property concerns.

In particular, computational prediction of drug-target interactions (DTIs) allows biomedical researchers to prioritize downstream experiments and accelerate pharmaceutical research. Recent advances in high-throughput screening (HTS) technologies have given rise to unprecedented amounts of DTI data which offer new opportunities for in silico DTI prediction. However, the space of chemical compounds with potential therapeutic effects and the space of potential targets in the post-genomic era are far too expansive to be experimentally interrogated in an exhaustive manner, even with HTS. In practice, individual laboratories observe only a small fraction of the landscape of possible DTIs. As pharmacological research pipelines face declining productivity and increasing calls for greater collaboration, jointly leveraging such data from across the pharmaceutical industry and academia could enable more accurate predictive models of DTIs and spur life-saving biomedical discoveries. However, pharmacological data is often tightly coupled with financial interests and therefore rarely shared. In particular, researchers may wish to maintain the confidentiality of new compounds under development or even the set of potential targets being tested, both of which may also contain sensitive information about underlying experimental strategies. Brief Summary

This disclosure provides for a secure and scalable cryptographic pipeline for pharmacological collaboration where multiple entities securely combine their data to jointly predict drug-target interactions with state-of-the-art accuracy. To this end, the subject matter herein is a computational protocol for drug-target interaction (DTI) prediction that is privacy preserving, scales to millions of interactions, and achieves state-of-the-art prediction accuracy. Preferably, cryptographic tools are used to enable DTI data sharing that provably ensures the confidentiality of the underlying drugs, targets, and observed interactions. Preferably, this joint dataset is used to securely train a neural network model with predictive capabilities beyond that of any individual entity, without disclosing the original data to any of the involved parties. The end-to-end protocol identifies novel DTIs with strong clinical or experimental support and can train within days over a wide area network on a dataset with millions of observed interactions. The secure DTI prediction protocol lays the foundation for a transformational paradigm that enables more effective and collaborative biomedical research.

The foregoing has outlined some of the more pertinent features of the subject matter. These features should be construed to be merely illustrative. Many other beneficial results can be attained by applying the disclosed subject matter in a different manner or by modifying the subject matter as will be described.

BRIEF DESCRIPTION OF THE DRAWINGS

For a more complete understanding of the subject matter and the advantages thereof, reference is now made to the following descriptions taken in conjunction with the accompanying drawings, in which:

FIG. 1 is a multi-computing entity implementation environment in which the techniques of this disclosed may be practiced;

FIG. 2 depicts another view of the secure GWAS pipeline according to the techniques of this disclosure; and

FIGS. 3 and 4 together depict a preferred Gradient Descent algorithm for training a neural network according to an embodiment of this disclosure.

Detailed Description

Modern cryptography offers techniques to encourage pharmacological collaboration by greatly mitigating privacy concerns associated with data sharing. For instance, secure multiparty computation (MPC) protocols allow multiple entities to securely compute over their private datasets without revealing any information about the underlying raw data, except for the final computational output. Unfortunately, the promise of privacy-preserving collaboration has been severely hindered by the inability of existing secure computation frameworks to scale to complex computations over large datasets, and in particular to DTI prediction on datasets with millions of interactions. This disclosure addresses this problem.

In particular, this disclosure provides for an end-to-end pipeline for collaborative DTI prediction based on secure MPC that newly enables privacy-preserving collaboration within practical runtimes even for million-interaction datasets. FIG. 1 depicts the basic framework. Conceptually, the protocol divides computation across collaborating entities while ensuring that none of the entities has any knowledge about the private data. This is achieved using a cryptographic framework known as secret sharing in which a private value (“secret”) is collectively represented by multiple entities, where preferably each entity is given a random number (“share”) in a finite field (i.e., integers modulo some prime number p) such that the sum of all shares modulo p equals the secret. Importantly, any strict subset of entities cannot extract any information about the underlying secret using their shares. Various protocols have been developed for performing elementary operations (e.g., addition, multiplication) over secret- shared inputs, which taken together form the building blocks for a general purpose MPC framework that performs arbitrary computation over secret-shared data without leaking any information about the private input.

While secret sharing-based MPC typically requires overwhelming amounts of data communication between entities for complex and large-scale computations, very recent optimizations have leveraged techniques, such as generalized Beaver triples and shared pseudorandom number generators (PRGs), to significantly reduce communication cost, enabling practical secure computation for challenging problems such as genome-wide association studies for a million individuals. Even with these advances, however, secure MPC may not be feasible for most DTI prediction methods that use matrix factorization or network diffusion to generalize the topology of the DTI network. This is primarily because these prediction methods scale quadratically with the number of drugs (n) and the number of targets (m) in the dataset (e.g., n 2 or m), which is prohibitive for realistic datasets with millions of compounds. Although a recently proposed method for privacy-preserving matrix factorization obtains linear complexity in the number of observed interactions, it does not admit additional features known as“side information,” which is important achieving competitive prediction performance. Moreover, without a sophisticated consideration of side information, matrix factorization has difficulty generalizing to drugs or proteins not in its training set, referred to as the“cold start problem.”

To achieve scalable computation while admitting side information, according to this disclosure the input data preferably is represented as a list of observed DTIs, where each instance typically includes interaction score and feature vectors representing the drug and target side information, preferably all of which is then secretly-shared. A predictive model (which takes the feature vectors as input and outputs a predicted interaction score) is then trained, preferably by making linear passes over the DTIs, using each data instance to securely update the model parameters. This approach scales linearly with the number of observed DTIs, which is typically much smaller than the number of possible DTIs. Furthermore, the described approach results in a predictive model that naturally generalizes to previously unseen drugs or targets, unlike matrix factorization. In this protocol, preferably a neural network model is utilized due to its effectiveness in capturing complex patterns in the data.

Despite linear-time asymptotics, a naive implementation of neural network training still incurs a high cryptographic overhead in MPC. To achieve practical runtimes, and according to this disclosure, a preferred architectural design is provided that specifically takes advantage of MPC operations that benefit from a reduced amount of computation. Computing neuron activations using a highly non-linear function like sigmoid or tanh is difficult to efficiently approximate in MPC; instead, the approach herein preferably uses a rectified linear unit (ReLU), because evaluating the ReLU and its derivative requires just a single data-oblivious comparison. Similarly, instead of less-efficient but more common alternatives such as cross entropy loss, preferably training scores are evaluated with hinge loss, which requires a single data-oblivious comparison. Preferably, and as will be described, training is accelerated using a mini-batch stochastic gradient descent, e.g., with Nesterov momentum. These techniques allow the secure neural network to train, preferably over a wide area network (WAN) in a relatively short time period (e.g., measured in hours or days), even with respect to a large dataset (e.g., with more than a million training instances). The MPC protocols as described herein readily generalize to other machine learning models, e.g., a secure support vector machine.

In one embodiment, multiple participating entities contribute secret- shared data to train a neural network on a joint DTI dataset, such as depicted in FIG. 1. After training, the model is made available to one or more (or all) participants, or the model could remain private such that entities receive a number of predictions commensurate with the amount of data they contribute, thereby further incentivizing participation. The more training data used, the better the performance, thereby entities are incentivized to share information in a way that is mutually beneficial but that still maintains privacy guarantees.

The pipeline is secure under an“honest-but-curious” security model in which the collaborating entities follow the correct protocol and do not collude to reconstruct the data. This approach is a substantial improvement over the current state of biomedical research where privacy concerns hinder any collaboration, and the framework can be extended to achieve even stronger security guarantees. In particular, because (as described below) the security guarantee holds as long as at least one entity is honest during the main computation, the no-collusion requirement can be related by introducing additional entities into the protocol. This alternative embodiment does not substantially increase total computation time but does increase

communication linearly in the number of entities. Further, if additional security against malicious entities who deviate from the protocol during the online computation is required, a message authentication code (MAC) is included with each message, where at the end of the protocol the MAC is verified to ensure that each step was performed according to the protocol specification, a known technique. This alternative approach roughly doubles computation and communication, offering a tradeoff between security and performance that can be adjusted according to specific study requirements.

While the pipeline does not consider adding noise to the final computation output to limit information leakage, a technique known as differential privacy (methods currently being developed for differentially private neural networks) can be used in conjunction with the protocol. An alternative strategy for collaborative deep learning is to train local models in plaintext and to use secure protocols only when periodically averaging over these models, thus minimizing the amount of cryptographic overhead. The latter approach, however is vulnerable to reverse engineering-based attacks in which a malicious collaborator jointly trains a local model (e.g., a generative adversarial network) that uncovers information about private data owned by honest collaborators, even when differential privacy techniques are applied. In contrast, securely training a single model over a decentralized network of computing parties, as in the preferred embodiment of the below-described pipeline, is not vulnerable to such attacks.

The privacy-preserving protocols described herein generalize to other large-scale data sharing problems beyond DTI prediction, with the highest potential for impact in areas that suffer from a lack of collaboration due to privacy concerns, such as predictive analyses of electronic health records. The secure DTI protocol as described herein enables greater scientific collaboration that realizes immense biological, commercial, and clinical benefit.

As depicted in FIG. 1, collaborating entities (e.g., pharmaceutical companies, research laboratories, and the like) 100 have large private datasets 102 of drug-target interactions (DTIs), as well as corresponding chemical structures and protein sequences. In one embodiment of the protocol, the entities first use secret sharing 104 to pool their data 105 in a way that reveals no information about the underlying drugs, targets, or interactions (step 1). The collaborating entities then jointly execute a cryptographic protocol 106 that trains a predictive model 108 (e.g., a neural network) on the pooled dataset (step 2). The final model can be made available to participating entities, or be used to distribute novel DTI predictions 110 to participants in a way that encourages greater data sharing (step 3).

As depicted in FIG. 2, a secure neural network trained as described herein accurately predicts drug-target interactions within practical and scalable runtimes. In particular, graph (a) depicts the secure neural network (called“Secure NN”) outperforming previous methods for DTI prediction on the DrugBank 3.0 dataset using lO-fold cross validation (CV) on balanced training and test sets. In this graph, bar height corresponds to mean AUPR (area under the precision- recall curve) and error bars correspond to the standard deviation. The methods compared include BLMNII, NetLapRLS, HNM, CMF, and DTINet. The graph (b) depicts that on a large-scale benchmark dataset with 1,357,742 drug-target pairs (the STITCH dataset), the Secure NN produces high quality predictions even when the test set consisted only of previously unseen chemicals and also outperforms plaintext CMF— the only baseline method which could be feasibly run on a dataset of this size. The graph (c) depicts the runtime of the training protocol, over a local area network (LAN), for different dataset sizes and observe a linear dependence, as expected. Box height represents the standard deviation. Even training on two million interactions, the total runtime for one epoch (one linear pass over the full, shuffled training set) is around 2.2 days. In practice, the model achieves high accuracy in only a few training epochs, e.g., after 1.5 epochs.

In one embodiment, the Secure NN is trained on all human drug-target interactions from the STITCH 5 database. The neural network is then used to score and rank the drug-target pairs that make up a remaining interaction space. Out of the top 20 interactions, excluding pairs with overrepresented drugs and targets, almost all have strong clinical or experimental support for interactivity, and some top-ranked pairs are considered to represent novel interactions.

Overview of steps for secure neural network computation

For this description, consider the simplest setting with two collaborating entities (e.g., academic labs or pharmaceutical companies), denoted CP1 and CP2 (“computing parties”). Typically, the protocol also involves a third auxiliary entity CPO that is involved, but preferably only during an offline pre-computation phase. Entity CPO cannot collude with other entities in the protocol (for the security guarantee to hold), thus CPO is a trusted party. Using a

cryptographic technique called secret sharing, each of CP1 and CP2 shares its DTI data (i.e., drug- and target- specific input features and observed interaction scores) with the other participant in such a way that enables privacy-preserving computation over the pooled data. During this computation, CP1 and CP2 preferably leverage pre-computed data from CPO (which is input-agnostic) to greatly speed up the computation. A preferred technique to this end is generalized Beaver partitioning. CP1 and CP2 then combine their outputs to reconstruct the final results (e.g., neural network weights or predicted DTIs).

As noted above, the approach herein adopts the“honest-but-curious” security model in which the protocol participants are assumed to follow the protocol exactly as specified, but at the end of the protocol execution, a party may try to infer additional information about other parties’ private inputs based on their view of the protocol. Under this setting, the protocol herein is secure as long as CPO and at least one of the other CPs remains honest. In a preferred embodiment, all communication occurs over a secure and authenticated channel (e.g., over the TLS protocol).

Preferably, the protocol relies on a two-party additive secret sharing scheme where a value x E lL q is shared between CP1 and CP2, where a secret sharing of x between CP1 and CP2 is denoted as [x] = ([x] 1 [x] 2 ), where the notation ([x] 1 [x] 2 ) means that [x\ and [x] 2 are shares of x in TL q individually owned by CP1 and CP2, respectively, such that x = [x] x + [x] 2 . Adding two secret shared values [x] and [y] can be done by having each party add their own shares, i.e., ([c]c + [y] 1 [x] 2 + [y] 2 ). Adding by a public field element a E TL q can be written as ([c] c + a, [x] 2 >. Multiplying by a public field element is also simple and can be written as (a.\_x\ l a[x] 2 ). Multiplying two secret shared values is more involved but preferably leverages Beaver multiplication triples for efficiently computing many multiplications, including matrix multiplications. Preferably, the protocol uses a fixed-point representation of signed real numbers that uses k total bits, of which / is the number of bits allocated to the fractional domain, referred to as the“precision.” We denote a secret shared fixed-point encoding of x e E as [x]^.

Multiplication of two fixed point numbers outputs a result with precision of 2/ instead of /, so preferably a truncation routine is used to rescale the precision, which is denoted

[ X trunc ] Truncate([x], b, s)

where b is the number of bits to mask, which is chosen such that a sufficient level of statistical security is guaranteed, and s is the number of least significant bits to truncate. Preferably, the protocol uses a data oblivious sign test (i.e., a comparison with zero) that takes the form

[l{x > 0}] <- IsPositive([x] ( -^- ) )

where [l{x > 0}] is a secret shared integer value equal to 1 if x is positive, and 0 otherwise.

This comparison protocol requires 0(1) rounds of computation and 0(k ) invocations of multiplication protocols, where k is the bit length.

A preferred neural network model as used herein is now defined. The technique assumes a feature matrix X E M /VxAi , where each row corresponds to a single training example and each column corresponds to a single data feature. The technique also assumes a label vector y E {— 1, +1} M where y £ = +1 if X. is a positive training example and y £ =— 1 otherwise. While binary labels are assumed, the framework generalizes to continuous interaction scores. Preferably, the neural network model is a standard multilayer perceptron, consisting of real valued weight matrices W*®, ... , W ( - i+1 - ) and column vector biases b*®, ... , b ( - i+1 where L is the number of hidden layers and where each hidden layer consists of neurons T ^ , ... , T L During a forward-propagation phase, certain neurons are“activated” according to

} = / act (W (1) X :,i + b«) and

for l = 2, .. , L and i = 1, ... , M. For present purposes, it is assumed that each hidden layer has the same number of neurons, denoted H, where Z® e HxM . The function f act is known as an activation function, which in the neural network is the rectified linear unit (ReLU), which takes the form / act (x) = max{0, x}. After the final hidden layer, the model outputs scores s E M M where

S t = W (i+1) Z ( + b (i+1)

for i = 1, Note that in a single output setting, W ( - i+1 - ) e lxH and b ( - i+1 - ) e E.

Preferably, the predictive performance of the model is evaluated using the hinge loss function,

where O is the component- wise (or Hadamard) product. Next, these errors are used to compute derivative updates to the weights and biases, starting with the output layer, where

Note that a regularization term is added to the weight updates parameterized by the constant l.

Following a standard backpropagation algorithm for training neural networks, these derivatives are recursively propagated through each hidden layer using

for hidden layers l = 2, ... , L and for the input layer l = 1,

Finally, the model weights and biases are updated, e.g., using Nesterov momentum updates

for parameters Q successive time steps t = 1, T, and constants m and a which are the momentum and learning rates, respectively. Preferably, Nesterov momentum is used instead of standard momentum because it has better convergence guarantees for convex functions.

In practice, it is not required to use all training examples for each parameter update iteration; rather, it is sufficient to use a random subset referred to as a“mini-batch,” which is denoted X ¾atc¾ G ]^ N xM hatch anc [ the corresponding labels y n one embodiment of the protocol, X ¾atc¾ and y b a t c h arc sampled randomly without replacement until all training examples have been considered, after which all training data is restored, and the process repeated. Preferably, these randomly sampled mini-batches are used to iteratively compute the unbiased estimate of the gradient and update the model parameters, a procedure referred to as stochastic gradient descent (SGD).

In particular, the following defines a secure protocol for neural network training. First, a GradientDescent protocol is implemented, which protocol takes as input [X b a t c h Y^^ > b a t c h Y^’

(/ )

[w]°° = {[w (1) ] (/) . [w (i+1) ] ( ) , [w v (1) ] (/) . [w v (i+1) ] k and

[bp = ([b«>] OT . [b«"«>] OT [b"]''’ . [b“ +1 >] OT ], and then outputs the updated model parameters [W] ^ and [b] ^ after performing a single stochastic gradient update.

FIG. 3 depicts a preferred GradientDescent protocol in detail. This protocol preferably is implemented in software executing in hardware. Preferably, multiple rounds of GradientDescent are invoked in which a new batch an d correspondingy batch 316 randomly sampled from the full dataset, which is repeated until reaching the max number of iterations T. Finally, after the training procedure is finished, the two collaborating entities CP1 and CP2 preferably combine their shares to jointly reconstruct ... , b ( - i+1 - ) in plaintext.

In a representative embodiment, the neural network model (e.g., for the STITCH dataset experiments) has hyperparameters N = 6903, M ba tch = 100, L = 2, H = 50, T = 20,000, l 0.001. m = 0.9, and a = 0.005. Hyperparameters preferably are chosen based on a grid search (in plaintext) of around 10 different hyperparameter combinations. The model performance is robust to a wide range of hyperparameter settings. In addition, with the same parameter tuning methodology in a secure WAN setting, the tuning phase can be sped up with parallelism and other coordinated tuning strategies.

As an alternative to a neural network, a linear-kernel Support Vector Machine (SVM) may be used. The MPC protocol for the secure neural network and SVM may be implemented in C++ based on the number theory package NTL version 10.3.0 for finite field operations. Other data processing scripts are implemented in Python and the NumPy package. Representative computing systems include CP1: 2.40 GHz Intel Xeon E5-2695v2 CPU with 384 GB RAM,

CP2: 2.30 GHz Intel Xeon E5-2650v3 CPU with 384 GB RAM; and CP0: 3.33 GHz Intel Xeon X5680 CPU with 96 GB RAM.

One or more functions of the computing platform of this disclosure may be implemented in a cloud-based architecture. As is well-known, cloud computing is a model of service delivery for enabling on-demand network access to a shared pool of configurable computing resources (e.g. networks, network bandwidth, servers, processing, memory, storage, applications, virtual machines, and services) that can be rapidly provisioned and released with minimal management effort or interaction with a provider of the service. Available services models that may be leveraged in whole or in part include: Software as a Service (SaaS) (the provider’s applications running on cloud infrastructure); Platform as a service (PaaS) (the customer deploys applications that may be created using provider tools onto the cloud infrastructure); Infrastructure as a Service (IaaS) (customer provisions its own processing, storage, networks and other computing resources and can deploy and run operating systems and applications). The platform may comprise co-located hardware and software resources, or resources that are physically, logically, virtually and/or geographically distinct. Communication networks used to communicate to and from the platform services may be packet-based, non-packet based, and secure or non- secure, or some combination thereof.

More generally, the techniques described herein are provided using a set of one or more computing-related entities (systems, machines, processes, programs, libraries, functions, or the like) that together facilitate or provide the described functionality described above. In a typical implementation, a representative machine on which the software executes comprises commodity hardware, an operating system, an application runtime environment, and a set of applications or processes and associated data, that provide the functionality of a given system or subsystem. As described, the functionality may be implemented in a standalone machine, or across a distributed set of machines.

A computing entity herein receives the secretly-shared data from a client device, which may even be an end user device. Thus for example, but without limitation, a client device is a mobile device, such as a smartphone, tablet, or wearable computing device. Such a device comprises a CPU (central processing unit), computer memory, such as RAM, and a drive. The device software includes an operating system (e.g., Google ® Android™, or the like), and generic support applications and utilities.

The underlying network transport may be any communication medium including, without limitation, packet-based, cellular, wireless, Wi-Fi, small cell, and combinations thereof.

Each above-described process (e.g., each of the protocols set forth in the drawings) preferably is implemented in computer software as a set of computer program instructions executable in one or more processors, as a special-purpose machine.

Representative machines on which the subject matter herein is provided may be hardware processor-based computers running an operating system and one or more applications to carry out the described functionality.

While the above describes a particular order of operations performed by certain embodiments of the invention, it should be understood that such order is exemplary, as alternative embodiments may perform the operations in a different order, combine certain operations, overlap certain operations, or the like. References in the specification to a given embodiment indicate that the embodiment described may include a particular feature, structure, or characteristic, but every embodiment may not necessarily include the particular feature, structure, or characteristic.

While the disclosed subject matter has been described in the context of a method or process, the subject matter also relates to apparatus for performing the operations herein. This apparatus may be a particular machine that is specially constructed for the required purposes, or it may comprise a computer otherwise selectively activated or reconfigured by a computer program stored in the computer. Such a computer program may be stored in a computer readable storage medium, such as, but is not limited to, any type of disk including an optical disk, a CD- ROM, and a magnetic-optical disk, a read-only memory (ROM), a random access memory (RAM), a magnetic or optical card, or any type of media suitable for storing electronic instructions, and each coupled to a computer system bus.

A given implementation of the computing platform is software that executes on a hardware platform running an operating system, such as Linux. A machine implementing the techniques herein comprises a hardware processor, and non-transitory computer memory holding computer program instructions that are executed by the processor to perform the above-described methods.

Communications herein (e.g., secret sharing of data, sharing of PRGs, etc.) preferably take place over secure connections. For machine-to-machine communications over a network, information typically is communicated over SSL/TLS links, or using any other protocol, although if significant trust is in place (e.g., machines being operated in a secure environment, or between entities that have a trust relationship, etc.) information may be transmitted in the clear.

In lieu of using physically-distinct computing entities, computations herein may be carried out within a cluster comprises a set of computing entities (e.g., processors). A grid computing architecture may also be utilized.

There is no limitation on the type of computing entity that may implement any connection (e.g. client-to-server). Any computing entity (system, machine, device, program, process, utility, or the like) may act as a client or a server.

While given components of the system have been described separately, one of ordinary skill will appreciate that some of the functions may be combined or shared in given instructions, program sequences, code portions, and the like. Any application or functionality described herein may be implemented as native code, by providing hooks into another application, by facilitating use of the mechanism as a plug-in, by linking to the mechanism, and the like.

The functionality may be co-located or various parts/components may be separately and run as distinct functions, perhaps in one or more locations (over a distributed network). There may any number of computing parties that securely compute the DTI statistics using the secretly- shared data sets (namely, the data, and the random number data created during the pre-processing operation). The entity that performs pre-processing (CPO) may also be a computing entity (e.g., CP1) in the MPC computation to generate the DIT output.

The pre-processing may be provided as a service.

The secure computation may be provided as a service.

Computing entities herein may be independent from one another, or associated with one another. Multiple computing entities may be associated with a single enterprise entity, but are separate and distinct from one another with respect to the MPC secure computation itself over their respective secret shares.

The protocol may leverage several advanced computational techniques, which are now generally described. Details of these techniques are provided in U.S. Serial No. 16/020,058, filed June 27, 2018, the disclosure of which is hereby incorporated by reference. One technique improves upon an existing building block for secure computation, known as Beaver triples.

Beaver triples were originally developed for carrying out secure pairwise multiplications; they are extended to arbitrary arithmetic circuits to thereby obtain more efficient subroutines for various operations such as matrix multiplication and exponentiation. Another technique involves using a random projection-based algorithm for Principal Component Analysis (PCA) so that the scale of the data is greatly reduced. An additional technique provides for the notion of shared pseudorandom number generators (PRGs) between pairs of computing entities; the use of shared PRGs obviates transferring a stream of random numbers, which is a frequent operation in the protocol, by enabling each party to independently draw the random numbers from the same PRG. Collectively, these techniques (namely, improved secure computation building blocks, randomized PCA for population stratification, and shared PRGs) enable the provision of a secure protocol that achieves practical scalability. These computational techniques leverages building blocks that enable arbitrary arithmetic functions, i.e., addition and multiplication, over the private input, to be securely evaluated. The preferred approach avoids the requirement of generating a Beaver triple for every pairwise multiplication, which is computationally-inefficient especially if the overall computation contains many multiplications. As mentioned above, preferably the MPC technique with elements in a finite field, and there are additional high-level routines for various bit operations like bit shift, bit comparison, etc., which preferably are also written as arithmetic functions so that they can be efficiently-implemented. To address the problem (of having to generate a Beaver triple for every pairwise multiplication), the approach generalizes Beaver triples so that auxiliary random numbers, which enable the secure evaluation of nonlinear functions, are generated for groups of operations at a time, rather than for each individual multiplication. In particular, the generalized Beaver tuple preferably includes a random number for each input value, and some function of these random numbers for each of the output values of a desired computation. Thus, in this operation-centric to data-centric view, the total amount of auxiliary data to be generated and secret- shared depends on the size of input and output, rather than the number of pairwise multiplications, and this leads to significant computational efficiency.

Although there are many ways to generate the Beaver triple, according to the protocol (and as noted above) preferably a third party (CPO) is used to perform this task. As noted, the third- party preferably does not observe the input data in any way and is able to finish its task before the main protocol, as a pre-processing step.

The technical advances in achieving a scalable MPC protocol for realizing private and practical pharmacological collaboration as described herein may be extended for use with diverse applications in biomedicine and other disciplines. The computational approach herein allows pharmaceutical companies and academic researchers (and other interested parties) to pool their data for more accurate predictions while keeping the raw data private. Further, the methods for secure computation removes obstacles for data sharing and, as a result, enable new workflows and opportunities for improved scientific collaboration.

Having described our invention, what we claim also is set forth below.